diff --git a/.gitattributes b/.gitattributes index 0e23286d95b5ff7b4bad2e3fb9658d7c85646a1b..a10e7d8e048b77c99553d63502f2edb101a8eb5a 100644 --- a/.gitattributes +++ b/.gitattributes @@ -36,3 +36,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text scannet200/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/train.log filter=lfs diff=lfs merge=lfs -text scannet200/semseg-pt-v3m1-1-ppt-extreme-with-alc/train.log filter=lfs diff=lfs merge=lfs -text scannet200/semseg-pt-v3m1-1-ppt-extreme-with-alc-submit/train.log filter=lfs diff=lfs merge=lfs -text +scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/train.log filter=lfs diff=lfs merge=lfs -text +scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/train.log filter=lfs diff=lfs merge=lfs -text diff --git a/scannet/.DS_Store b/scannet/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..32f05c6a2aafa0fe2013d63f8d8444aa605721af Binary files /dev/null and b/scannet/.DS_Store differ diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/.DS_Store b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..fa03d47b705e647f05421a64728f25f86250a2d2 Binary files /dev/null and b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/.DS_Store differ diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/.DS_Store b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..a9361c324813216364a9c782892963e26d8eb554 Binary files /dev/null and b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/.DS_Store differ diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..a9cd6499201588526e04eec39619503d568936ff --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/__init__.py @@ -0,0 +1,25 @@ +from .defaults import DefaultDataset, ConcatDataset +from .builder import build_dataset +from .utils import point_collate_fn, collate_fn + +# indoor scene +from .s3dis import S3DISDataset +from .scannet import ScanNetDataset, ScanNet200Dataset +from .scannetpp import ScanNetPPDataset +from .scannet_pair import ScanNetPairDataset +from .arkitscenes import ArkitScenesDataset +from .structure3d import Structured3DDataset +from .alc import ARKitScenesLabelMakerConsensusDataset, ARKitScenesLabelMakerScanNet200Dataset +from .scannetpp import ScanNetPPDataset + +# outdoor scene +from .semantic_kitti import SemanticKITTIDataset +from .nuscenes import NuScenesDataset +from .waymo import WaymoDataset + +# object +from .modelnet import ModelNetDataset +from .shapenet_part import ShapeNetPartDataset + +# dataloader +from .dataloader import MultiDatasetDataloader diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/alc.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/alc.py new file mode 100644 index 0000000000000000000000000000000000000000..fd939c8cb0f772a47708042c7872a36232c62130 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/alc.py @@ -0,0 +1,161 @@ +import glob +import os +from collections.abc import Sequence +from copy import deepcopy + +import numpy as np +import torch +from labelmaker.label_data import get_wordnet +from torch.utils.data import Dataset + +from pointcept.utils.cache import shared_dict +from pointcept.utils.logger import get_root_logger + +from .builder import DATASETS +from .preprocessing.alc.preprocess_arkitscenes_labelmaker_consensus import get_wordnet_compact_mapping +from .preprocessing.scannet.meta_data.scannet200_constants import VALID_CLASS_IDS_20, VALID_CLASS_IDS_200 +from .transform import TRANSFORMS, Compose + + +@DATASETS.register_module() +class ARKitScenesLabelMakerConsensusDataset(Dataset): + + label_key = "semantic_pseudo_gt_wn199" + + def __init__( + self, + split="train", + data_root="data/alc", + transform=None, + ignore_index=-1, + test_mode=False, + test_cfg=None, + cache=False, + loop=1, + ): + super(ARKitScenesLabelMakerConsensusDataset, self).__init__() + self.get_class_to_id() + + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.cache = cache + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + + self.ignore_index = ignore_index + + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_list), + self.loop, + split, + ) + ) + + def get_class_to_id(self): + self.class2id = get_wordnet_compact_mapping()[0] + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + + if not self.cache: + data = torch.load(data_path) + else: + data_name = data_path.replace(os.path.dirname(self.data_root), "").split(".")[0] + cache_name = "pointcept" + data_name.replace(os.path.sep, "-") + data = shared_dict(cache_name) + + coord = data["coord"] + color = data["color"] + normal = data["normal"] + scene_id = data["scene_id"] + if self.label_key in data.keys(): + segment = data[self.label_key].reshape(-1) + else: + segment = np.ones(coord.shape[0]) * -1 + instance = np.ones(coord.shape[0]) * -1 + + data_dict = dict( + coord=coord, + color=color, + segment=segment, + instance=instance, + scene_id=scene_id, + ) + + if normal is not None: + data_dict["normal"] = normal + + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + segment = data_dict.pop("segment") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + input_dict_list = [] + for data in data_dict_list: + data_part_list = self.test_voxelize(data) + for data_part in data_part_list: + if self.test_crop: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + input_dict_list += data_part + + for i in range(len(input_dict_list)): + input_dict_list[i] = self.post_transform(input_dict_list[i]) + data_dict = dict(fragment_list=input_dict_list, segment=segment, name=self.get_data_name(idx)) + return data_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class ARKitScenesLabelMakerScanNet200Dataset(ARKitScenesLabelMakerConsensusDataset): + label_key = "semantic_pseudo_gt_scannet200" + + def get_class_to_id(self): + self.class2id = np.array(VALID_CLASS_IDS_200) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/arkitscenes.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/arkitscenes.py new file mode 100644 index 0000000000000000000000000000000000000000..a5481bf553351b09c5f3081b95bcafc77c37f979 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/arkitscenes.py @@ -0,0 +1,114 @@ +""" +ArkitScenes Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose, TRANSFORMS +from .preprocessing.scannet.meta_data.scannet200_constants import VALID_CLASS_IDS_200 + + +@DATASETS.register_module() +class ArkitScenesDataset(Dataset): + def __init__( + self, + split="Training", + data_root="data/ARKitScenesMesh", + transform=None, + test_mode=False, + test_cfg=None, + loop=1, + ): + super(ArkitScenesDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.loop = ( + loop if not test_mode else 1 + ) # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + self.class2id = np.array(VALID_CLASS_IDS_200) + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_list), self.loop, split + ) + ) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, list): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data = torch.load(self.data_list[idx % len(self.data_list)]) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + segment = np.zeros(coord.shape[0]) + data_dict = dict(coord=coord, normal=normal, color=color, segment=segment) + return data_dict + + def get_data_name(self, idx): + data_idx = self.data_idx[idx % len(self.data_idx)] + return os.path.basename(self.data_list[data_idx]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + segment = data_dict.pop("segment") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + input_dict_list = [] + for data in data_dict_list: + data_part_list = self.test_voxelize(data) + for data_part in data_part_list: + data_part_list = self.test_crop(data_part) + input_dict_list += data_part_list + + for i in range(len(input_dict_list)): + input_dict_list[i] = self.post_transform(input_dict_list[i]) + return input_dict_list, segment + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/builder.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..1fa5f0ee71bf934d5c1bfe5c71446bfecba49f11 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/builder.py @@ -0,0 +1,15 @@ +""" +Dataset Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + +DATASETS = Registry("datasets") + + +def build_dataset(cfg): + """Build datasets.""" + return DATASETS.build(cfg) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/dataloader.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/dataloader.py new file mode 100644 index 0000000000000000000000000000000000000000..a3c8e1da41179896eb3443e91b2c49d94b62762a --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/dataloader.py @@ -0,0 +1,112 @@ +from functools import partial +import weakref +import torch +import torch.utils.data + +import pointcept.utils.comm as comm +from pointcept.datasets.utils import point_collate_fn +from pointcept.datasets import ConcatDataset +from pointcept.utils.env import set_seed + + +class MultiDatasetDummySampler: + def __init__(self): + self.dataloader = None + + def set_epoch(self, epoch): + if comm.get_world_size() > 1: + for dataloader in self.dataloader.dataloaders: + dataloader.sampler.set_epoch(epoch) + return + + +class MultiDatasetDataloader: + """ + Multiple Datasets Dataloader, batch data from a same dataset and mix up ratio determined by loop of each sub dataset. + The overall length is determined by the main dataset (first) and loop of concat dataset. + """ + + def __init__( + self, + concat_dataset: ConcatDataset, + batch_size_per_gpu: int, + num_worker_per_gpu: int, + mix_prob=0, + seed=None, + ): + self.datasets = concat_dataset.datasets + self.ratios = [dataset.loop for dataset in self.datasets] + # reset data loop, original loop serve as ratios + for dataset in self.datasets: + dataset.loop = 1 + # determine union training epoch by main dataset + self.datasets[0].loop = concat_dataset.loop + # build sub-dataloaders + num_workers = num_worker_per_gpu // len(self.datasets) + self.dataloaders = [] + for dataset_id, dataset in enumerate(self.datasets): + if comm.get_world_size() > 1: + sampler = torch.utils.data.distributed.DistributedSampler(dataset) + else: + sampler = None + + init_fn = ( + partial( + self._worker_init_fn, + dataset_id=dataset_id, + num_workers=num_workers, + num_datasets=len(self.datasets), + rank=comm.get_rank(), + seed=seed, + ) + if seed is not None + else None + ) + self.dataloaders.append( + torch.utils.data.DataLoader( + dataset, + batch_size=batch_size_per_gpu, + shuffle=(sampler is None), + num_workers=num_worker_per_gpu, + sampler=sampler, + collate_fn=partial(point_collate_fn, mix_prob=mix_prob), + pin_memory=True, + worker_init_fn=init_fn, + drop_last=True, + persistent_workers=True, + ) + ) + self.sampler = MultiDatasetDummySampler() + self.sampler.dataloader = weakref.proxy(self) + + def __iter__(self): + iterator = [iter(dataloader) for dataloader in self.dataloaders] + while True: + for i in range(len(self.ratios)): + for _ in range(self.ratios[i]): + try: + batch = next(iterator[i]) + except StopIteration: + if i == 0: + return + else: + iterator[i] = iter(self.dataloaders[i]) + batch = next(iterator[i]) + yield batch + + def __len__(self): + main_data_loader_length = len(self.dataloaders[0]) + return ( + main_data_loader_length // self.ratios[0] * sum(self.ratios) + + main_data_loader_length % self.ratios[0] + ) + + @staticmethod + def _worker_init_fn(worker_id, num_workers, dataset_id, num_datasets, rank, seed): + worker_seed = ( + num_workers * num_datasets * rank + + num_workers * dataset_id + + worker_id + + seed + ) + set_seed(worker_seed) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/defaults.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/defaults.py new file mode 100644 index 0000000000000000000000000000000000000000..d9c94941ae5630a852846317614f0b00e39fdf68 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/defaults.py @@ -0,0 +1,297 @@ +""" +Default Datasets + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset +from collections.abc import Sequence + +from pointcept.utils.logger import get_root_logger +from pointcept.utils.cache import shared_dict +from .builder import DATASETS, build_dataset +from .transform import Compose, TRANSFORMS + + +@DATASETS.register_module() +class DefaultDataset(Dataset): + def __init__( + self, + split="train", + data_root="data/dataset", + transform=None, + test_mode=False, + test_cfg=None, + loop=1, + ): + super(DefaultDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) if self.test_cfg.voxelize is not None else None + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop is not None else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples in {} set.".format(len(self.data_list), self.loop, split)) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data = torch.load(self.data_list[idx % len(self.data_list)]) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + if "semantic_gt" in data.keys(): + segment = data["semantic_gt"].reshape([-1]) + else: + segment = np.ones(coord.shape[0]) * -1 + data_dict = dict(coord=coord, normal=normal, color=color, segment=segment) + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + result_dict = dict(segment=data_dict.pop("segment"), name=self.get_data_name(idx)) + if "origin_segment" in data_dict: + assert "inverse" in data_dict + result_dict["origin_segment"] = data_dict.pop("origin_segment") + result_dict["inverse"] = data_dict.pop("inverse") + + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + fragment_list = [] + for data in data_dict_list: + if self.test_voxelize is not None: + data_part_list = self.test_voxelize(data) + else: + data["index"] = np.arange(data["coord"].shape[0]) + data_part_list = [data] + for data_part in data_part_list: + if self.test_crop is not None: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + fragment_list += data_part + + for i in range(len(fragment_list)): + fragment_list[i] = self.post_transform(fragment_list[i]) + result_dict["fragment_list"] = fragment_list + return result_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class DefaultDatasetV2(Dataset): + VALID_ASSETS = [ + "coord", + "color", + "normal", + "strength", + "segment", + "instance", + "pose", + ] + + def __init__( + self, + split="train", + data_root="data/dataset", + transform=None, + test_mode=False, + test_cfg=None, + cache=False, + ignore_index=-1, + loop=1, + ): + super(DefaultDatasetV2, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.cache = cache + self.ignore_index = ignore_index + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples in {} set.".format(len(self.data_list), self.loop, split)) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + name = self.get_data_name(idx) + if self.cache: + cache_name = f"pointcept-{name}" + return shared_dict(cache_name) + + data_dict = {} + assets = os.listdir(data_path) + for asset in assets: + if not asset.endswith(".npy"): + continue + if asset[:-4] not in self.VALID_ASSETS: + continue + data_dict[asset[:-4]] = np.load(os.path.join(data_path, asset)) + data_dict["name"] = name + + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"].astype(np.float32) + + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"].astype(np.float32) + + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"].astype(np.float32) + + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"].reshape([-1]).astype(np.int32) + else: + data_dict["segment"] = np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"].reshape([-1]).astype(np.int32) + else: + data_dict["instance"] = np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]) + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + result_dict = dict(segment=data_dict.pop("segment"), name=data_dict.pop("name")) + if "origin_segment" in data_dict: + assert "inverse" in data_dict + result_dict["origin_segment"] = data_dict.pop("origin_segment") + result_dict["inverse"] = data_dict.pop("inverse") + + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + fragment_list = [] + for data in data_dict_list: + if self.test_voxelize is not None: + data_part_list = self.test_voxelize(data) + else: + data["index"] = np.arange(data["coord"].shape[0]) + data_part_list = [data] + for data_part in data_part_list: + if self.test_crop is not None: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + fragment_list += data_part + + for i in range(len(fragment_list)): + fragment_list[i] = self.post_transform(fragment_list[i]) + result_dict["fragment_list"] = fragment_list + return result_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class ConcatDataset(Dataset): + def __init__(self, datasets, loop=1): + super(ConcatDataset, self).__init__() + self.datasets = [build_dataset(dataset) for dataset in datasets] + self.loop = loop + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples in the concat set.".format(len(self.data_list), self.loop)) + + def get_data_list(self): + data_list = [] + for i in range(len(self.datasets)): + data_list.extend(zip(np.ones(len(self.datasets[i])) * i, np.arange(len(self.datasets[i])))) + return data_list + + def get_data(self, idx): + dataset_idx, data_idx = self.data_list[idx % len(self.data_list)] + return self.datasets[dataset_idx][data_idx] + + def get_data_name(self, idx): + dataset_idx, data_idx = self.data_list[idx % len(self.data_list)] + return self.datasets[dataset_idx].get_data_name(data_idx) + + def __getitem__(self, idx): + return self.get_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/modelnet.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/modelnet.py new file mode 100644 index 0000000000000000000000000000000000000000..213f3ed2dfe4d788380824b87355e6fcae1ee531 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/modelnet.py @@ -0,0 +1,150 @@ +""" +ModelNet40 Dataset + +get sampled point clouds of ModelNet40 (XYZ and normal from mesh, 10k points per shape) +at "https://shapenet.cs.stanford.edu/media/modelnet40_normal_resampled.zip" + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +import pointops +import torch +from torch.utils.data import Dataset +from copy import deepcopy + + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose + + +@DATASETS.register_module() +class ModelNetDataset(Dataset): + def __init__( + self, + split="train", + data_root="data/modelnet40", + class_names=None, + transform=None, + num_points=8192, + uniform_sampling=True, + save_record=True, + test_mode=False, + test_cfg=None, + loop=1, + ): + super().__init__() + self.data_root = data_root + self.class_names = dict(zip(class_names, range(len(class_names)))) + self.split = split + self.num_point = num_points + self.uniform_sampling = uniform_sampling + self.transform = Compose(transform) + self.loop = ( + loop if not test_mode else 1 + ) # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + if test_mode: + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_list), self.loop, split + ) + ) + + # check, prepare record + record_name = f"modelnet40_{self.split}" + if num_points is not None: + record_name += f"_{num_points}points" + if uniform_sampling: + record_name += "_uniform" + record_path = os.path.join(self.data_root, f"{record_name}.pth") + if os.path.isfile(record_path): + logger.info(f"Loading record: {record_name} ...") + self.data = torch.load(record_path) + else: + logger.info(f"Preparing record: {record_name} ...") + self.data = {} + for idx in range(len(self.data_list)): + data_name = self.data_list[idx] + logger.info(f"Parsing data [{idx}/{len(self.data_list)}]: {data_name}") + self.data[data_name] = self.get_data(idx) + if save_record: + torch.save(self.data, record_path) + + def get_data(self, idx): + data_idx = idx % len(self.data_list) + data_name = self.data_list[data_idx] + if data_name in self.data.keys(): + return self.data[data_name] + else: + data_shape = "_".join(data_name.split("_")[0:-1]) + data_path = os.path.join( + self.data_root, data_shape, self.data_list[data_idx] + ".txt" + ) + data = np.loadtxt(data_path, delimiter=",").astype(np.float32) + if self.num_point is not None: + if self.uniform_sampling: + with torch.no_grad(): + mask = pointops.farthest_point_sampling( + torch.tensor(data).float().cuda(), + torch.tensor([len(data)]).long().cuda(), + torch.tensor([self.num_point]).long().cuda(), + ) + data = data[mask.cpu()] + else: + data = data[: self.num_point] + coord, normal = data[:, 0:3], data[:, 3:6] + category = np.array([self.class_names[data_shape]]) + return dict(coord=coord, normal=normal, category=category) + + def get_data_list(self): + assert isinstance(self.split, str) + split_path = os.path.join( + self.data_root, "modelnet40_{}.txt".format(self.split) + ) + data_list = np.loadtxt(split_path, dtype="str") + return data_list + + def get_data_name(self, idx): + data_idx = idx % len(self.data_list) + return self.data_list[data_idx] + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + def prepare_train_data(self, idx): + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + assert idx < len(self.data_list) + data_dict = self.get_data(idx) + category = data_dict.pop("category") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + for i in range(len(data_dict_list)): + data_dict_list[i] = self.post_transform(data_dict_list[i]) + data_dict = dict( + voting_list=data_dict_list, + category=category, + name=self.get_data_name(idx), + ) + return data_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/nuscenes.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/nuscenes.py new file mode 100644 index 0000000000000000000000000000000000000000..b126c4bbeaef5d73f6f0eb10decbee71d36f515a --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/nuscenes.py @@ -0,0 +1,120 @@ +""" +nuScenes Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Zheng Zhang +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +from collections.abc import Sequence +import pickle + +from .builder import DATASETS +from .defaults import DefaultDataset + + +@DATASETS.register_module() +class NuScenesDataset(DefaultDataset): + def __init__(self, sweeps=10, ignore_index=-1, **kwargs): + self.sweeps = sweeps + self.ignore_index = ignore_index + self.learning_map = self.get_learning_map(ignore_index) + super().__init__(ignore_index=ignore_index, **kwargs) + + def get_info_path(self, split): + assert split in ["train", "val", "test"] + if split == "train": + return os.path.join( + self.data_root, "info", f"nuscenes_infos_{self.sweeps}sweeps_train.pkl" + ) + elif split == "val": + return os.path.join( + self.data_root, "info", f"nuscenes_infos_{self.sweeps}sweeps_val.pkl" + ) + elif split == "test": + return os.path.join( + self.data_root, "info", f"nuscenes_infos_{self.sweeps}sweeps_test.pkl" + ) + else: + raise NotImplementedError + + def get_data_list(self): + if isinstance(self.split, str): + info_paths = [self.get_info_path(self.split)] + elif isinstance(self.split, Sequence): + info_paths = [self.get_info_path(s) for s in self.split] + else: + raise NotImplementedError + data_list = [] + for info_path in info_paths: + with open(info_path, "rb") as f: + info = pickle.load(f) + data_list.extend(info) + return data_list + + def get_data(self, idx): + data = self.data_list[idx % len(self.data_list)] + lidar_path = os.path.join(self.data_root, "raw", data["lidar_path"]) + points = np.fromfile(str(lidar_path), dtype=np.float32, count=-1).reshape( + [-1, 5] + ) + coord = points[:, :3] + strength = points[:, 3].reshape([-1, 1]) / 255 # scale strength to [0, 1] + + if "gt_segment_path" in data.keys(): + gt_segment_path = os.path.join( + self.data_root, "raw", data["gt_segment_path"] + ) + segment = np.fromfile( + str(gt_segment_path), dtype=np.uint8, count=-1 + ).reshape([-1]) + segment = np.vectorize(self.learning_map.__getitem__)(segment).astype( + np.int64 + ) + else: + segment = np.ones((points.shape[0],), dtype=np.int64) * self.ignore_index + data_dict = dict(coord=coord, strength=strength, segment=segment) + return data_dict + + def get_data_name(self, idx): + # return data name for lidar seg, optimize the code when need to support detection + return self.data_list[idx % len(self.data_list)]["lidar_token"] + + @staticmethod + def get_learning_map(ignore_index): + learning_map = { + 0: ignore_index, + 1: ignore_index, + 2: 6, + 3: 6, + 4: 6, + 5: ignore_index, + 6: 6, + 7: ignore_index, + 8: ignore_index, + 9: 0, + 10: ignore_index, + 11: ignore_index, + 12: 7, + 13: ignore_index, + 14: 1, + 15: 2, + 16: 2, + 17: 3, + 18: 4, + 19: ignore_index, + 20: ignore_index, + 21: 5, + 22: 8, + 23: 9, + 24: 10, + 25: 11, + 26: 12, + 27: 13, + 28: 14, + 29: ignore_index, + 30: 15, + 31: ignore_index, + } + return learning_map diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/alc/preprocess_arkitscenes_labelmaker_consensus.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/alc/preprocess_arkitscenes_labelmaker_consensus.py new file mode 100644 index 0000000000000000000000000000000000000000..9d8fac61417d1409379f2ad1dbdecda8a64791ad --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/alc/preprocess_arkitscenes_labelmaker_consensus.py @@ -0,0 +1,375 @@ +import warnings + +import torch + +warnings.filterwarnings("ignore", category=DeprecationWarning) + +import argparse +import glob +import json +import multiprocessing as mp +import os +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from pathlib import Path + +import numpy as np +import pandas as pd +import plyfile +from labelmaker import label_mappings +from labelmaker.label_data import get_wordnet +from labelmaker.scannet_200_labels import VALID_CLASS_IDS_200 +from tqdm import tqdm + +IGNORE_INDEX = -1 + + +def get_wordnet_to_scannet200_mapping(): + table = pd.read_csv(Path(os.path.dirname(os.path.realpath(label_mappings.__file__))) / "mappings" / "label_mapping.csv") + wordnet = get_wordnet() + wordnet_keys = [x["name"] for x in wordnet] + mapping = {} + for row in table.index: + if table["wnsynsetkey"][row] not in wordnet_keys: + continue + scannet_id = table.loc[row, "id"] + wordnet199_id = next(x for x in wordnet if x["name"] == table["wnsynsetkey"][row])["id"] + + if scannet_id in VALID_CLASS_IDS_200: + mapping.setdefault(wordnet199_id, set()).add(scannet_id) + + wn199_size = np.array([x["id"] for x in wordnet]).max() + 1 + mapping_array = np.zeros(shape=(wn199_size,), dtype=np.uint16) + for wordnet199_id in mapping.keys(): + mapping_array[wordnet199_id] = min(mapping[wordnet199_id]) + + return mapping_array + + +def get_wordnet_compact_mapping(): + wordnet_info = get_wordnet()[1:] + wordnet_info = sorted(wordnet_info, key=lambda x: x["id"]) + + class2id = np.array([item["id"] for item in wordnet_info]) + id2class = np.array([IGNORE_INDEX] * (class2id.max() + 1)) + for class_, id_ in enumerate(class2id): + id2class[id_] = class_ + + return class2id, id2class + + +def get_scannet200_compact_mapping(): + class2id = np.array(VALID_CLASS_IDS_200) + id2class = np.array([IGNORE_INDEX] * (class2id.max() + 1)) + for class_, id_ in enumerate(VALID_CLASS_IDS_200): + id2class[id_] = class_ + + return class2id, id2class + + +def get_wordnet_names(): + wordnet_info = get_wordnet()[1:] + wordnet_info = sorted(wordnet_info, key=lambda x: x["id"]) + + names = [item["name"].split(".")[0].replace("_", " ") for item in wordnet_info] + + return names + + +def read_plypcd(filepath): + """Read ply file and return it as numpy array. Returns None if emtpy.""" + + with open(filepath, "rb") as f: + plydata = plyfile.PlyData.read(f) + if plydata.elements: + data = plydata.elements[0].data + coords = np.array([data["x"], data["y"], data["z"]], dtype=np.float32).T + + colors = None + if ({"red", "green", "blue"} - set(data.dtype.names)) == set(): + colors = np.array([data["red"], data["green"], data["blue"]], dtype=np.uint8).T + + normals = None + if ({"nx", "ny", "nz"} - set(data.dtype.names)) == set(): + normals = np.array([data["nx"], data["ny"], data["nz"]], dtype=np.float32).T + + return coords, colors, normals + + +def handle_process( + scene_dir: str, + output_path: str, + label_mapping, + wn199_id2class, + scannet200_id2class, +): + scene_dir = Path(scene_dir) + + print(f"Processing: {scene_dir.name} in {scene_dir.parent.name}") + + coords, colors, normals = read_plypcd(str(scene_dir / "pcd_downsampled.ply")) + save_dict = dict( + coord=coords, + color=colors, + scene_id=scene_dir.name, + normal=normals, + ) + + label_file = scene_dir / "labels_downsampled.txt" + wordnet_label = np.loadtxt(str(label_file), dtype=np.uint8).reshape(-1, 1) + scannet200_label = label_mapping[wordnet_label] + save_dict["semantic_pseudo_gt_wn199"] = wn199_id2class[wordnet_label] + save_dict["semantic_pseudo_gt_scannet200"] = scannet200_id2class[scannet200_label] + + torch.save(save_dict, output_path) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + config = parser.parse_args() + + # Create output directories + train_output_dir = os.path.join(config.output_root, "train") + os.makedirs(train_output_dir, exist_ok=True) + val_output_dir = os.path.join(config.output_root, "val") + os.makedirs(val_output_dir, exist_ok=True) + + # Load label map + wn_scannet200_label_mapping = get_wordnet_to_scannet200_mapping() + _, wn199_id2class = get_wordnet_compact_mapping() + _, scannet200_id2class = get_scannet200_compact_mapping() + + scene_dirs = [] + output_paths = [] + + # Load train/val splits + train_folder = Path(config.dataset_root) / "Training" + train_scene_names = os.listdir(str(train_folder)) + for scene in tqdm(train_scene_names): + file_path = train_folder / scene / "pcd_downsampled.ply" + if file_path.exists() and os.path.getsize(str(file_path)) <= 50 * 1024 * 1024: + scene_dirs.append(str(train_folder / scene)) + output_paths.append(str(Path(config.output_root) / "train" / f"{scene}.pth")) + + val_folder = Path(config.dataset_root) / "Validation" + val_scene_names = os.listdir(str(val_folder)) + for scene in tqdm(val_scene_names): + file_path = val_folder / scene / "pcd_downsampled.ply" + if file_path.exists() and os.path.getsize(str(file_path)) <= 50 * 1024 * 1024: + scene_dirs.append(str(val_folder / scene)) + output_paths.append(str(Path(config.output_root) / "val" / f"{scene}.pth")) + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=mp.cpu_count()) + print(f"Using {mp.cpu_count()} cores") + # pool = ProcessPoolExecutor(max_workers=1) + _ = list( + pool.map( + handle_process, + scene_dirs, + output_paths, + repeat(wn_scannet200_label_mapping), + repeat(wn199_id2class), + repeat(scannet200_id2class), + ) + ) + + +WORDNET_NAMES = ( + "wall", + "chair", + "book", + "cabinet", + "door", + "floor", + "ashcan", + "table", + "window", + "bookshelf", + "display", + "cushion", + "box", + "picture", + "ceiling", + "doorframe", + "desk", + "swivel chair", + "towel", + "sofa", + "sink", + "backpack", + "lamp", + "chest of drawers", + "apparel", + "armchair", + "bed", + "curtain", + "mirror", + "plant", + "radiator", + "toilet tissue", + "shoe", + "bag", + "bottle", + "countertop", + "coffee table", + "toilet", + "computer keyboard", + "fridge", + "stool", + "computer", + "mug", + "telephone", + "light", + "jacket", + "bathtub", + "shower curtain", + "microwave", + "footstool", + "baggage", + "laptop", + "printer", + "shower stall", + "soap dispenser", + "stove", + "fan", + "paper", + "stand", + "bench", + "wardrobe", + "blanket", + "booth", + "duplicator", + "bar", + "soap dish", + "switch", + "coffee maker", + "decoration", + "range hood", + "blackboard", + "clock", + "railing", + "mat", + "seat", + "bannister", + "container", + "mouse", + "person", + "stairway", + "basket", + "dumbbell", + "column", + "bucket", + "windowsill", + "signboard", + "dishwasher", + "loudspeaker", + "washer", + "paper towel", + "clothes hamper", + "piano", + "sack", + "handcart", + "blind", + "dish rack", + "mailbox", + "bag", + "bicycle", + "ladder", + "rack", + "tray", + "toaster", + "paper cutter", + "plunger", + "dryer", + "guitar", + "fire extinguisher", + "pitcher", + "pipe", + "plate", + "vacuum", + "bowl", + "hat", + "rod", + "water cooler", + "kettle", + "oven", + "scale", + "broom", + "hand blower", + "coatrack", + "teddy", + "alarm clock", + "ironing board", + "fire alarm", + "machine", + "music stand", + "fireplace", + "furniture", + "vase", + "vent", + "candle", + "crate", + "dustpan", + "earphone", + "jar", + "projector", + "gat", + "step", + "step stool", + "vending machine", + "coat", + "coat hanger", + "drinking fountain", + "hamper", + "thermostat", + "banner", + "iron", + "soap", + "chopping board", + "kitchen island", + "shirt", + "sleeping bag", + "tire", + "toothbrush", + "bathrobe", + "faucet", + "slipper", + "thermos", + "tripod", + "dispenser", + "heater", + "pool table", + "remote control", + "stapler", + "treadmill", + "beanbag", + "dartboard", + "metronome", + "rope", + "sewing machine", + "shredder", + "toolbox", + "water heater", + "brush", + "control", + "dais", + "dollhouse", + "envelope", + "food", + "frying pan", + "helmet", + "tennis racket", + "umbrella", +) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/arkitscenes/preprocess_arkitscenes_mesh.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/arkitscenes/preprocess_arkitscenes_mesh.py new file mode 100644 index 0000000000000000000000000000000000000000..9bc9b3e47a35f5baa00bcf0f526d5d986b28494e --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/arkitscenes/preprocess_arkitscenes_mesh.py @@ -0,0 +1,87 @@ +""" +Preprocessing ArkitScenes +""" + +import os +import argparse +import glob +import plyfile +import numpy as np +import pandas as pd +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + +import torch + + +def read_plymesh(filepath): + """Read ply file and return it as numpy array. Returns None if emtpy.""" + with open(filepath, "rb") as f: + plydata = plyfile.PlyData.read(f) + if plydata.elements: + vertices = pd.DataFrame(plydata["vertex"].data).values + faces = np.stack(plydata["face"].data["vertex_indices"], axis=0) + return vertices, faces + + +def face_normal(vertex, face): + v01 = vertex[face[:, 1]] - vertex[face[:, 0]] + v02 = vertex[face[:, 2]] - vertex[face[:, 0]] + vec = np.cross(v01, v02) + length = np.sqrt(np.sum(vec**2, axis=1, keepdims=True)) + 1.0e-8 + nf = vec / length + area = length * 0.5 + return nf, area + + +def vertex_normal(vertex, face): + nf, area = face_normal(vertex, face) + nf = nf * area + + nv = np.zeros_like(vertex) + for i in range(face.shape[0]): + nv[face[i]] += nf[i] + + length = np.sqrt(np.sum(nv**2, axis=1, keepdims=True)) + 1.0e-8 + nv = nv / length + return nv + + +def parse_scene(scene_path, output_dir): + print(f"Parsing scene {scene_path}") + split = os.path.basename(os.path.dirname(os.path.dirname(scene_path))) + scene_id = os.path.basename(os.path.dirname(scene_path)) + vertices, faces = read_plymesh(scene_path) + coords = vertices[:, :3] + colors = vertices[:, 3:6] + data_dict = dict(coord=coords, color=colors, scene_id=scene_id) + data_dict["normal"] = vertex_normal(coords, faces) + torch.save(data_dict, os.path.join(output_dir, split, f"{scene_id}.pth")) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + opt = parser.parse_args() + # Create output directories + train_output_dir = os.path.join(opt.output_root, "Training") + os.makedirs(train_output_dir, exist_ok=True) + val_output_dir = os.path.join(opt.output_root, "Validation") + os.makedirs(val_output_dir, exist_ok=True) + # Load scene paths + scene_paths = sorted(glob.glob(opt.dataset_root + "/3dod/*/*/*_mesh.ply")) + # Preprocess data. + pool = ProcessPoolExecutor(max_workers=mp.cpu_count()) + # pool = ProcessPoolExecutor(max_workers=1) + print("Processing scenes...") + _ = list(pool.map(parse_scene, scene_paths, repeat(opt.output_root))) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/nuscenes/preprocess_nuscenes_info.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/nuscenes/preprocess_nuscenes_info.py new file mode 100644 index 0000000000000000000000000000000000000000..7ed106f193a488aa76385157aa33fb65e5944a6f --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/nuscenes/preprocess_nuscenes_info.py @@ -0,0 +1,607 @@ +""" +Preprocessing Script for nuScenes Informantion +modified from OpenPCDet (https://github.com/open-mmlab/OpenPCDet) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +from pathlib import Path +import numpy as np +import argparse +import tqdm +import pickle +from functools import reduce +from pyquaternion import Quaternion +from nuscenes.nuscenes import NuScenes +from nuscenes.utils import splits +from nuscenes.utils.geometry_utils import transform_matrix + + +map_name_from_general_to_detection = { + "human.pedestrian.adult": "pedestrian", + "human.pedestrian.child": "pedestrian", + "human.pedestrian.wheelchair": "ignore", + "human.pedestrian.stroller": "ignore", + "human.pedestrian.personal_mobility": "ignore", + "human.pedestrian.police_officer": "pedestrian", + "human.pedestrian.construction_worker": "pedestrian", + "animal": "ignore", + "vehicle.car": "car", + "vehicle.motorcycle": "motorcycle", + "vehicle.bicycle": "bicycle", + "vehicle.bus.bendy": "bus", + "vehicle.bus.rigid": "bus", + "vehicle.truck": "truck", + "vehicle.construction": "construction_vehicle", + "vehicle.emergency.ambulance": "ignore", + "vehicle.emergency.police": "ignore", + "vehicle.trailer": "trailer", + "movable_object.barrier": "barrier", + "movable_object.trafficcone": "traffic_cone", + "movable_object.pushable_pullable": "ignore", + "movable_object.debris": "ignore", + "static_object.bicycle_rack": "ignore", +} + + +cls_attr_dist = { + "barrier": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "bicycle": { + "cycle.with_rider": 2791, + "cycle.without_rider": 8946, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "bus": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 9092, + "vehicle.parked": 3294, + "vehicle.stopped": 3881, + }, + "car": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 114304, + "vehicle.parked": 330133, + "vehicle.stopped": 46898, + }, + "construction_vehicle": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 882, + "vehicle.parked": 11549, + "vehicle.stopped": 2102, + }, + "ignore": { + "cycle.with_rider": 307, + "cycle.without_rider": 73, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 165, + "vehicle.parked": 400, + "vehicle.stopped": 102, + }, + "motorcycle": { + "cycle.with_rider": 4233, + "cycle.without_rider": 8326, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "pedestrian": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 157444, + "pedestrian.sitting_lying_down": 13939, + "pedestrian.standing": 46530, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "traffic_cone": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "trailer": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 3421, + "vehicle.parked": 19224, + "vehicle.stopped": 1895, + }, + "truck": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 21339, + "vehicle.parked": 55626, + "vehicle.stopped": 11097, + }, +} + + +def get_available_scenes(nusc): + available_scenes = [] + for scene in nusc.scene: + scene_token = scene["token"] + scene_rec = nusc.get("scene", scene_token) + sample_rec = nusc.get("sample", scene_rec["first_sample_token"]) + sd_rec = nusc.get("sample_data", sample_rec["data"]["LIDAR_TOP"]) + has_more_frames = True + scene_not_exist = False + while has_more_frames: + lidar_path, boxes, _ = nusc.get_sample_data(sd_rec["token"]) + if not Path(lidar_path).exists(): + scene_not_exist = True + break + else: + break + if scene_not_exist: + continue + available_scenes.append(scene) + return available_scenes + + +def get_sample_data(nusc, sample_data_token, selected_anntokens=None): + """ + Returns the data path as well as all annotations related to that sample_data. + Note that the boxes are transformed into the current sensor"s coordinate frame. + Args: + nusc: + sample_data_token: Sample_data token. + selected_anntokens: If provided only return the selected annotation. + + Returns: + + """ + # Retrieve sensor & pose records + sd_record = nusc.get("sample_data", sample_data_token) + cs_record = nusc.get("calibrated_sensor", sd_record["calibrated_sensor_token"]) + sensor_record = nusc.get("sensor", cs_record["sensor_token"]) + pose_record = nusc.get("ego_pose", sd_record["ego_pose_token"]) + + data_path = nusc.get_sample_data_path(sample_data_token) + + if sensor_record["modality"] == "camera": + cam_intrinsic = np.array(cs_record["camera_intrinsic"]) + else: + cam_intrinsic = None + + # Retrieve all sample annotations and map to sensor coordinate system. + if selected_anntokens is not None: + boxes = list(map(nusc.get_box, selected_anntokens)) + else: + boxes = nusc.get_boxes(sample_data_token) + + # Make list of Box objects including coord system transforms. + box_list = [] + for box in boxes: + box.velocity = nusc.box_velocity(box.token) + # Move box to ego vehicle coord system + box.translate(-np.array(pose_record["translation"])) + box.rotate(Quaternion(pose_record["rotation"]).inverse) + + # Move box to sensor coord system + box.translate(-np.array(cs_record["translation"])) + box.rotate(Quaternion(cs_record["rotation"]).inverse) + + box_list.append(box) + + return data_path, box_list, cam_intrinsic + + +def quaternion_yaw(q: Quaternion) -> float: + """ + Calculate the yaw angle from a quaternion. + Note that this only works for a quaternion that represents a box in lidar or global coordinate frame. + It does not work for a box in the camera frame. + :param q: Quaternion of interest. + :return: Yaw angle in radians. + """ + + # Project into xy plane. + v = np.dot(q.rotation_matrix, np.array([1, 0, 0])) + + # Measure yaw using arctan. + yaw = np.arctan2(v[1], v[0]) + + return yaw + + +def obtain_sensor2top( + nusc, sensor_token, l2e_t, l2e_r_mat, e2g_t, e2g_r_mat, sensor_type="lidar" +): + """Obtain the info with RT matric from general sensor to Top LiDAR. + + Args: + nusc (class): Dataset class in the nuScenes dataset. + sensor_token (str): Sample data token corresponding to the + specific sensor type. + l2e_t (np.ndarray): Translation from lidar to ego in shape (1, 3). + l2e_r_mat (np.ndarray): Rotation matrix from lidar to ego + in shape (3, 3). + e2g_t (np.ndarray): Translation from ego to global in shape (1, 3). + e2g_r_mat (np.ndarray): Rotation matrix from ego to global + in shape (3, 3). + sensor_type (str): Sensor to calibrate. Default: "lidar". + + Returns: + sweep (dict): Sweep information after transformation. + """ + sd_rec = nusc.get("sample_data", sensor_token) + cs_record = nusc.get("calibrated_sensor", sd_rec["calibrated_sensor_token"]) + pose_record = nusc.get("ego_pose", sd_rec["ego_pose_token"]) + data_path = str(nusc.get_sample_data_path(sd_rec["token"])) + # if os.getcwd() in data_path: # path from lyftdataset is absolute path + # data_path = data_path.split(f"{os.getcwd()}/")[-1] # relative path + sweep = { + "data_path": data_path, + "type": sensor_type, + "sample_data_token": sd_rec["token"], + "sensor2ego_translation": cs_record["translation"], + "sensor2ego_rotation": cs_record["rotation"], + "ego2global_translation": pose_record["translation"], + "ego2global_rotation": pose_record["rotation"], + "timestamp": sd_rec["timestamp"], + } + l2e_r_s = sweep["sensor2ego_rotation"] + l2e_t_s = sweep["sensor2ego_translation"] + e2g_r_s = sweep["ego2global_rotation"] + e2g_t_s = sweep["ego2global_translation"] + + # obtain the RT from sensor to Top LiDAR + # sweep->ego->global->ego'->lidar + l2e_r_s_mat = Quaternion(l2e_r_s).rotation_matrix + e2g_r_s_mat = Quaternion(e2g_r_s).rotation_matrix + R = (l2e_r_s_mat.T @ e2g_r_s_mat.T) @ ( + np.linalg.inv(e2g_r_mat).T @ np.linalg.inv(l2e_r_mat).T + ) + T = (l2e_t_s @ e2g_r_s_mat.T + e2g_t_s) @ ( + np.linalg.inv(e2g_r_mat).T @ np.linalg.inv(l2e_r_mat).T + ) + T -= ( + e2g_t @ (np.linalg.inv(e2g_r_mat).T @ np.linalg.inv(l2e_r_mat).T) + + l2e_t @ np.linalg.inv(l2e_r_mat).T + ).squeeze(0) + sweep["sensor2lidar_rotation"] = R.T # points @ R.T + T + sweep["sensor2lidar_translation"] = T + return sweep + + +def fill_trainval_infos( + data_path, nusc, train_scenes, test=False, max_sweeps=10, with_camera=False +): + train_nusc_infos = [] + val_nusc_infos = [] + progress_bar = tqdm.tqdm( + total=len(nusc.sample), desc="create_info", dynamic_ncols=True + ) + + ref_chan = "LIDAR_TOP" # The radar channel from which we track back n sweeps to aggregate the point cloud. + chan = "LIDAR_TOP" # The reference channel of the current sample_rec that the point clouds are mapped to. + + for index, sample in enumerate(nusc.sample): + progress_bar.update() + + ref_sd_token = sample["data"][ref_chan] + ref_sd_rec = nusc.get("sample_data", ref_sd_token) + ref_cs_rec = nusc.get( + "calibrated_sensor", ref_sd_rec["calibrated_sensor_token"] + ) + ref_pose_rec = nusc.get("ego_pose", ref_sd_rec["ego_pose_token"]) + ref_time = 1e-6 * ref_sd_rec["timestamp"] + + ref_lidar_path, ref_boxes, _ = get_sample_data(nusc, ref_sd_token) + + ref_cam_front_token = sample["data"]["CAM_FRONT"] + ref_cam_path, _, ref_cam_intrinsic = nusc.get_sample_data(ref_cam_front_token) + + # Homogeneous transform from ego car frame to reference frame + ref_from_car = transform_matrix( + ref_cs_rec["translation"], Quaternion(ref_cs_rec["rotation"]), inverse=True + ) + + # Homogeneous transformation matrix from global to _current_ ego car frame + car_from_global = transform_matrix( + ref_pose_rec["translation"], + Quaternion(ref_pose_rec["rotation"]), + inverse=True, + ) + info = { + "lidar_path": Path(ref_lidar_path).relative_to(data_path).__str__(), + "lidar_token": ref_sd_token, + "cam_front_path": Path(ref_cam_path).relative_to(data_path).__str__(), + "cam_intrinsic": ref_cam_intrinsic, + "token": sample["token"], + "sweeps": [], + "ref_from_car": ref_from_car, + "car_from_global": car_from_global, + "timestamp": ref_time, + } + if with_camera: + info["cams"] = dict() + l2e_r = ref_cs_rec["rotation"] + l2e_t = (ref_cs_rec["translation"],) + e2g_r = ref_pose_rec["rotation"] + e2g_t = ref_pose_rec["translation"] + l2e_r_mat = Quaternion(l2e_r).rotation_matrix + e2g_r_mat = Quaternion(e2g_r).rotation_matrix + + # obtain 6 image's information per frame + camera_types = [ + "CAM_FRONT", + "CAM_FRONT_RIGHT", + "CAM_FRONT_LEFT", + "CAM_BACK", + "CAM_BACK_LEFT", + "CAM_BACK_RIGHT", + ] + for cam in camera_types: + cam_token = sample["data"][cam] + cam_path, _, camera_intrinsics = nusc.get_sample_data(cam_token) + cam_info = obtain_sensor2top( + nusc, cam_token, l2e_t, l2e_r_mat, e2g_t, e2g_r_mat, cam + ) + cam_info["data_path"] = ( + Path(cam_info["data_path"]).relative_to(data_path).__str__() + ) + cam_info.update(camera_intrinsics=camera_intrinsics) + info["cams"].update({cam: cam_info}) + + sample_data_token = sample["data"][chan] + curr_sd_rec = nusc.get("sample_data", sample_data_token) + sweeps = [] + while len(sweeps) < max_sweeps - 1: + if curr_sd_rec["prev"] == "": + if len(sweeps) == 0: + sweep = { + "lidar_path": Path(ref_lidar_path) + .relative_to(data_path) + .__str__(), + "sample_data_token": curr_sd_rec["token"], + "transform_matrix": None, + "time_lag": curr_sd_rec["timestamp"] * 0, + } + sweeps.append(sweep) + else: + sweeps.append(sweeps[-1]) + else: + curr_sd_rec = nusc.get("sample_data", curr_sd_rec["prev"]) + + # Get past pose + current_pose_rec = nusc.get("ego_pose", curr_sd_rec["ego_pose_token"]) + global_from_car = transform_matrix( + current_pose_rec["translation"], + Quaternion(current_pose_rec["rotation"]), + inverse=False, + ) + + # Homogeneous transformation matrix from sensor coordinate frame to ego car frame. + current_cs_rec = nusc.get( + "calibrated_sensor", curr_sd_rec["calibrated_sensor_token"] + ) + car_from_current = transform_matrix( + current_cs_rec["translation"], + Quaternion(current_cs_rec["rotation"]), + inverse=False, + ) + + tm = reduce( + np.dot, + [ref_from_car, car_from_global, global_from_car, car_from_current], + ) + + lidar_path = nusc.get_sample_data_path(curr_sd_rec["token"]) + + time_lag = ref_time - 1e-6 * curr_sd_rec["timestamp"] + + sweep = { + "lidar_path": Path(lidar_path).relative_to(data_path).__str__(), + "sample_data_token": curr_sd_rec["token"], + "transform_matrix": tm, + "global_from_car": global_from_car, + "car_from_current": car_from_current, + "time_lag": time_lag, + } + sweeps.append(sweep) + + info["sweeps"] = sweeps + + assert len(info["sweeps"]) == max_sweeps - 1, ( + f"sweep {curr_sd_rec['token']} only has {len(info['sweeps'])} sweeps, " + f"you should duplicate to sweep num {max_sweeps - 1}" + ) + + if not test: + # processing gt bbox + annotations = [ + nusc.get("sample_annotation", token) for token in sample["anns"] + ] + + # the filtering gives 0.5~1 map improvement + num_lidar_pts = np.array([anno["num_lidar_pts"] for anno in annotations]) + num_radar_pts = np.array([anno["num_radar_pts"] for anno in annotations]) + mask = num_lidar_pts + num_radar_pts > 0 + + locs = np.array([b.center for b in ref_boxes]).reshape(-1, 3) + dims = np.array([b.wlh for b in ref_boxes]).reshape(-1, 3)[ + :, [1, 0, 2] + ] # wlh == > dxdydz (lwh) + velocity = np.array([b.velocity for b in ref_boxes]).reshape(-1, 3) + rots = np.array([quaternion_yaw(b.orientation) for b in ref_boxes]).reshape( + -1, 1 + ) + names = np.array([b.name for b in ref_boxes]) + tokens = np.array([b.token for b in ref_boxes]) + gt_boxes = np.concatenate([locs, dims, rots, velocity[:, :2]], axis=1) + + assert len(annotations) == len(gt_boxes) == len(velocity) + + info["gt_boxes"] = gt_boxes[mask, :] + info["gt_boxes_velocity"] = velocity[mask, :] + info["gt_names"] = np.array( + [map_name_from_general_to_detection[name] for name in names] + )[mask] + info["gt_boxes_token"] = tokens[mask] + info["num_lidar_pts"] = num_lidar_pts[mask] + info["num_radar_pts"] = num_radar_pts[mask] + + # processing gt segment + segment_path = nusc.get("lidarseg", ref_sd_token)["filename"] + info["gt_segment_path"] = segment_path + + if sample["scene_token"] in train_scenes: + train_nusc_infos.append(info) + else: + val_nusc_infos.append(info) + + progress_bar.close() + return train_nusc_infos, val_nusc_infos + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", required=True, help="Path to the nuScenes dataset." + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where processed information located.", + ) + parser.add_argument( + "--max_sweeps", default=10, type=int, help="Max number of sweeps. Default: 10." + ) + parser.add_argument( + "--with_camera", + action="store_true", + default=False, + help="Whether use camera or not.", + ) + config = parser.parse_args() + + print(f"Loading nuScenes tables for version v1.0-trainval...") + nusc_trainval = NuScenes( + version="v1.0-trainval", dataroot=config.dataset_root, verbose=False + ) + available_scenes_trainval = get_available_scenes(nusc_trainval) + available_scene_names_trainval = [s["name"] for s in available_scenes_trainval] + print("total scene num:", len(nusc_trainval.scene)) + print("exist scene num:", len(available_scenes_trainval)) + assert len(available_scenes_trainval) == len(nusc_trainval.scene) == 850 + + print(f"Loading nuScenes tables for version v1.0-test...") + nusc_test = NuScenes( + version="v1.0-test", dataroot=config.dataset_root, verbose=False + ) + available_scenes_test = get_available_scenes(nusc_test) + available_scene_names_test = [s["name"] for s in available_scenes_test] + print("total scene num:", len(nusc_test.scene)) + print("exist scene num:", len(available_scenes_test)) + assert len(available_scenes_test) == len(nusc_test.scene) == 150 + + train_scenes = splits.train + train_scenes = set( + [ + available_scenes_trainval[available_scene_names_trainval.index(s)]["token"] + for s in train_scenes + ] + ) + test_scenes = splits.test + test_scenes = set( + [ + available_scenes_test[available_scene_names_test.index(s)]["token"] + for s in test_scenes + ] + ) + print(f"Filling trainval information...") + train_nusc_infos, val_nusc_infos = fill_trainval_infos( + config.dataset_root, + nusc_trainval, + train_scenes, + test=False, + max_sweeps=config.max_sweeps, + with_camera=config.with_camera, + ) + print(f"Filling test information...") + test_nusc_infos, _ = fill_trainval_infos( + config.dataset_root, + nusc_test, + test_scenes, + test=True, + max_sweeps=config.max_sweeps, + with_camera=config.with_camera, + ) + + print(f"Saving nuScenes information...") + os.makedirs(os.path.join(config.output_root, "info"), exist_ok=True) + print( + f"train sample: {len(train_nusc_infos)}, val sample: {len(val_nusc_infos)}, test sample: {len(test_nusc_infos)}" + ) + with open( + os.path.join( + config.output_root, + "info", + f"nuscenes_infos_{config.max_sweeps}sweeps_train.pkl", + ), + "wb", + ) as f: + pickle.dump(train_nusc_infos, f) + with open( + os.path.join( + config.output_root, + "info", + f"nuscenes_infos_{config.max_sweeps}sweeps_val.pkl", + ), + "wb", + ) as f: + pickle.dump(val_nusc_infos, f) + with open( + os.path.join( + config.output_root, + "info", + f"nuscenes_infos_{config.max_sweeps}sweeps_test.pkl", + ), + "wb", + ) as f: + pickle.dump(test_nusc_infos, f) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/s3dis/preprocess_s3dis.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/s3dis/preprocess_s3dis.py new file mode 100644 index 0000000000000000000000000000000000000000..d770ad6317996c8a53cd13b2e12af3a536b6dca4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/s3dis/preprocess_s3dis.py @@ -0,0 +1,233 @@ +""" +Preprocessing Script for S3DIS +Parsing normal vectors has a large consumption of memory. Please reduce max_workers if memory is limited. + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import argparse +import glob +import numpy as np + +try: + import open3d +except ImportError: + import warnings + + warnings.warn("Please install open3d for parsing normal") + +try: + import trimesh +except ImportError: + import warnings + + warnings.warn("Please install trimesh for parsing normal") + +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + +area_mesh_dict = {} + + +def parse_room( + room, angle, dataset_root, output_root, align_angle=True, parse_normal=False +): + print("Parsing: {}".format(room)) + classes = [ + "ceiling", + "floor", + "wall", + "beam", + "column", + "window", + "door", + "table", + "chair", + "sofa", + "bookcase", + "board", + "clutter", + ] + class2label = {cls: i for i, cls in enumerate(classes)} + source_dir = os.path.join(dataset_root, room) + save_path = os.path.join(output_root, room) + os.makedirs(save_path, exist_ok=True) + object_path_list = sorted(glob.glob(os.path.join(source_dir, "Annotations/*.txt"))) + + room_coords = [] + room_colors = [] + room_normals = [] + room_semantic_gt = [] + room_instance_gt = [] + + for object_id, object_path in enumerate(object_path_list): + object_name = os.path.basename(object_path).split("_")[0] + obj = np.loadtxt(object_path) + coords = obj[:, :3] + colors = obj[:, 3:6] + # note: in some room there is 'stairs' class + class_name = object_name if object_name in classes else "clutter" + semantic_gt = np.repeat(class2label[class_name], coords.shape[0]) + semantic_gt = semantic_gt.reshape([-1, 1]) + instance_gt = np.repeat(object_id, coords.shape[0]) + instance_gt = instance_gt.reshape([-1, 1]) + + room_coords.append(coords) + room_colors.append(colors) + room_semantic_gt.append(semantic_gt) + room_instance_gt.append(instance_gt) + + room_coords = np.ascontiguousarray(np.vstack(room_coords)) + + if parse_normal: + x_min, z_max, y_min = np.min(room_coords, axis=0) + x_max, z_min, y_max = np.max(room_coords, axis=0) + z_max = -z_max + z_min = -z_min + max_bound = np.array([x_max, y_max, z_max]) + 0.1 + min_bound = np.array([x_min, y_min, z_min]) - 0.1 + bbox = open3d.geometry.AxisAlignedBoundingBox( + min_bound=min_bound, max_bound=max_bound + ) + # crop room + room_mesh = ( + area_mesh_dict[os.path.dirname(room)] + .crop(bbox) + .transform( + np.array([[1, 0, 0, 0], [0, 0, -1, 0], [0, 1, 0, 0], [0, 0, 0, 1]]) + ) + ) + vertices = np.array(room_mesh.vertices) + faces = np.array(room_mesh.triangles) + vertex_normals = np.array(room_mesh.vertex_normals) + room_mesh = trimesh.Trimesh( + vertices=vertices, faces=faces, vertex_normals=vertex_normals + ) + (closest_points, distances, face_id) = room_mesh.nearest.on_surface(room_coords) + room_normals = room_mesh.face_normals[face_id] + + if align_angle: + angle = (2 - angle / 180) * np.pi + rot_cos, rot_sin = np.cos(angle), np.sin(angle) + rot_t = np.array([[rot_cos, -rot_sin, 0], [rot_sin, rot_cos, 0], [0, 0, 1]]) + room_center = (np.max(room_coords, axis=0) + np.min(room_coords, axis=0)) / 2 + room_coords = (room_coords - room_center) @ np.transpose(rot_t) + room_center + if parse_normal: + room_normals = room_normals @ np.transpose(rot_t) + + room_colors = np.ascontiguousarray(np.vstack(room_colors)) + room_semantic_gt = np.ascontiguousarray(np.vstack(room_semantic_gt)) + room_instance_gt = np.ascontiguousarray(np.vstack(room_instance_gt)) + np.save(os.path.join(save_path, "coord.npy"), room_coords.astype(np.float32)) + np.save(os.path.join(save_path, "color.npy"), room_colors.astype(np.uint8)) + np.save(os.path.join(save_path, "segment.npy"), room_semantic_gt.astype(np.int16)) + np.save(os.path.join(save_path, "instance.npy"), room_instance_gt.astype(np.int16)) + + if parse_normal: + np.save(os.path.join(save_path, "normal.npy"), room_normals.astype(np.float32)) + + +def main_process(): + parser = argparse.ArgumentParser() + parser.add_argument( + "--splits", + required=True, + nargs="+", + choices=["Area_1", "Area_2", "Area_3", "Area_4", "Area_5", "Area_6"], + help="Splits need to process ([Area_1, Area_2, Area_3, Area_4, Area_5, Area_6]).", + ) + parser.add_argument( + "--dataset_root", required=True, help="Path to Stanford3dDataset_v1.2 dataset" + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where area folders will be located", + ) + parser.add_argument( + "--raw_root", + default=None, + help="Path to Stanford2d3dDataset_noXYZ dataset (optional)", + ) + parser.add_argument( + "--align_angle", action="store_true", help="Whether align room angles" + ) + parser.add_argument( + "--parse_normal", action="store_true", help="Whether process normal" + ) + parser.add_argument( + "--num_workers", default=1, type=int, help="Num workers for preprocessing." + ) + args = parser.parse_args() + + if args.parse_normal: + assert args.raw_root is not None + + room_list = [] + angle_list = [] + + # Load room information + print("Loading room information ...") + for split in args.splits: + area_info = np.loadtxt( + os.path.join( + args.dataset_root, + split, + f"{split}_alignmentAngle.txt", + ), + dtype=str, + ) + room_list += [os.path.join(split, room_info[0]) for room_info in area_info] + angle_list += [int(room_info[1]) for room_info in area_info] + + if args.parse_normal: + # load raw mesh file to extract normal + print("Loading raw mesh file ...") + for split in args.splits: + if split != "Area_5": + mesh_dir = os.path.join(args.raw_root, split, "3d", "rgb.obj") + mesh = open3d.io.read_triangle_mesh(mesh_dir) + mesh.triangle_uvs.clear() + else: + mesh_a_dir = os.path.join(args.raw_root, f"{split}a", "3d", "rgb.obj") + mesh_b_dir = os.path.join(args.raw_root, f"{split}b", "3d", "rgb.obj") + mesh_a = open3d.io.read_triangle_mesh(mesh_a_dir) + mesh_a.triangle_uvs.clear() + mesh_b = open3d.io.read_triangle_mesh(mesh_b_dir) + mesh_b.triangle_uvs.clear() + mesh_b = mesh_b.transform( + np.array( + [ + [0, 0, -1, -4.09703582], + [0, 1, 0, 0], + [1, 0, 0, -6.22617759], + [0, 0, 0, 1], + ] + ) + ) + mesh = mesh_a + mesh_b + area_mesh_dict[split] = mesh + print(f"{split} mesh is loaded") + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor( + max_workers=args.num_workers + ) # peak 110G memory when parsing normal. + _ = list( + pool.map( + parse_room, + room_list, + angle_list, + repeat(args.dataset_root), + repeat(args.output_root), + repeat(args.align_angle), + repeat(args.parse_normal), + ) + ) + + +if __name__ == "__main__": + main_process() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/sampling_chunking_data.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/sampling_chunking_data.py new file mode 100644 index 0000000000000000000000000000000000000000..96536d415370bf28c0f1cc89312b2fde719c9a58 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/sampling_chunking_data.py @@ -0,0 +1,149 @@ +""" +Chunking Data + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import argparse +import numpy as np +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from pathlib import Path + + +def chunking_scene( + name, + dataset_root, + split, + grid_size=None, + chunk_range=(6, 6), + chunk_stride=(3, 3), + chunk_minimum_size=10000, +): + print(f"Chunking scene {name} in {split} split") + dataset_root = Path(dataset_root) + scene_path = dataset_root / split / name + assets = os.listdir(scene_path) + data_dict = dict() + for asset in assets: + if not asset.endswith(".npy"): + continue + data_dict[asset[:-4]] = np.load(scene_path / asset) + coord = data_dict["coord"] - data_dict["coord"].min(axis=0) + + if grid_size is not None: + grid_coord = np.floor(coord / grid_size).astype(int) + _, idx = np.unique(grid_coord, axis=0, return_index=True) + coord = coord[idx] + for key in data_dict.keys(): + data_dict[key] = data_dict[key][idx] + + bev_range = coord.max(axis=0)[:2] + x, y = np.meshgrid( + np.arange(0, bev_range[0] + chunk_stride[0] - chunk_range[0], chunk_stride[0]), + np.arange(0, bev_range[0] + chunk_stride[0] - chunk_range[0], chunk_stride[0]), + indexing="ij", + ) + chunks = np.concatenate([x.reshape([-1, 1]), y.reshape([-1, 1])], axis=-1) + chunk_idx = 0 + for chunk in chunks: + mask = ( + (coord[:, 0] >= chunk[0]) + & (coord[:, 0] < chunk[0] + chunk_range[0]) + & (coord[:, 1] >= chunk[1]) + & (coord[:, 1] < chunk[1] + chunk_range[1]) + ) + if np.sum(mask) < chunk_minimum_size: + continue + + chunk_data_name = f"{name}_{chunk_idx}" + if grid_size is not None: + chunk_split_name = ( + f"{split}_" + f"grid{grid_size * 100:.0f}mm_" + f"chunk{chunk_range[0]}x{chunk_range[1]}_" + f"stride{chunk_stride[0]}x{chunk_stride[1]}" + ) + else: + chunk_split_name = ( + f"{split}_" + f"chunk{chunk_range[0]}x{chunk_range[1]}_" + f"stride{chunk_stride[0]}x{chunk_stride[1]}" + ) + + chunk_save_path = dataset_root / chunk_split_name / chunk_data_name + chunk_save_path.mkdir(parents=True, exist_ok=True) + for key in data_dict.keys(): + np.save(chunk_save_path / f"{key}.npy", data_dict[key][mask]) + chunk_idx += 1 + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the Pointcept processed ScanNet++ dataset.", + ) + parser.add_argument( + "--split", + required=True, + default="train", + type=str, + help="Split need to process.", + ) + parser.add_argument( + "--grid_size", + default=None, + type=float, + help="Grid size for initial grid sampling", + ) + parser.add_argument( + "--chunk_range", + default=[6, 6], + type=int, + nargs="+", + help="Range of each chunk, e.g. --chunk_range 6 6", + ) + parser.add_argument( + "--chunk_stride", + default=[3, 3], + type=int, + nargs="+", + help="Stride of each chunk, e.g. --chunk_stride 3 3", + ) + parser.add_argument( + "--chunk_minimum_size", + default=10000, + type=int, + help="Minimum number of points in each chunk", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + + config = parser.parse_args() + config.dataset_root = Path(config.dataset_root) + data_list = os.listdir(config.dataset_root / config.split) + + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + chunking_scene, + data_list, + repeat(config.dataset_root), + repeat(config.split), + repeat(config.grid_size), + repeat(config.chunk_range), + repeat(config.chunk_stride), + repeat(config.chunk_minimum_size), + ) + ) + pool.shutdown() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_ObjClassification-ShapeNetCore55.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_ObjClassification-ShapeNetCore55.txt new file mode 100644 index 0000000000000000000000000000000000000000..e53f5bcb2c1480f42ee9327940246258aa434f88 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_ObjClassification-ShapeNetCore55.txt @@ -0,0 +1,17 @@ +1 trash +3 basket +4 bathtub +5 bed +9 shelf +13 cabinet +18 chair +20 keyboard +22 tv +30 lamp +31 laptop +35 microwave +39 pillow +42 printer +47 sofa +48 stove +49 table diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_SemVoxLabel-nyu40id.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_SemVoxLabel-nyu40id.txt new file mode 100644 index 0000000000000000000000000000000000000000..48e228766391e0f0234c2eed086e31f738068a4b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_SemVoxLabel-nyu40id.txt @@ -0,0 +1,20 @@ +1 wall +2 floor +3 cabinet +4 bed +5 chair +6 sofa +7 table +8 door +9 window +10 bookshelf +11 picture +12 counter +14 desk +16 curtain +24 refridgerator +28 shower curtain +33 toilet +34 sink +36 bathtub +39 otherfurniture \ No newline at end of file diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_constants.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_constants.py new file mode 100644 index 0000000000000000000000000000000000000000..0404fd6aa8ad14ad729354ce184d4b51834bfd1b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_constants.py @@ -0,0 +1,704 @@ +# ScanNet Benchmark constants +VALID_CLASS_IDS_20 = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 12, + 14, + 16, + 24, + 28, + 33, + 34, + 36, + 39, +) + +CLASS_LABELS_20 = ( + "wall", + "floor", + "cabinet", + "bed", + "chair", + "sofa", + "table", + "door", + "window", + "bookshelf", + "picture", + "counter", + "desk", + "curtain", + "refrigerator", + "shower curtain", + "toilet", + "sink", + "bathtub", + "otherfurniture", +) + +SCANNET_COLOR_MAP_20 = { + 0: (0.0, 0.0, 0.0), + 1: (174.0, 199.0, 232.0), + 2: (152.0, 223.0, 138.0), + 3: (31.0, 119.0, 180.0), + 4: (255.0, 187.0, 120.0), + 5: (188.0, 189.0, 34.0), + 6: (140.0, 86.0, 75.0), + 7: (255.0, 152.0, 150.0), + 8: (214.0, 39.0, 40.0), + 9: (197.0, 176.0, 213.0), + 10: (148.0, 103.0, 189.0), + 11: (196.0, 156.0, 148.0), + 12: (23.0, 190.0, 207.0), + 14: (247.0, 182.0, 210.0), + 15: (66.0, 188.0, 102.0), + 16: (219.0, 219.0, 141.0), + 17: (140.0, 57.0, 197.0), + 18: (202.0, 185.0, 52.0), + 19: (51.0, 176.0, 203.0), + 20: (200.0, 54.0, 131.0), + 21: (92.0, 193.0, 61.0), + 22: (78.0, 71.0, 183.0), + 23: (172.0, 114.0, 82.0), + 24: (255.0, 127.0, 14.0), + 25: (91.0, 163.0, 138.0), + 26: (153.0, 98.0, 156.0), + 27: (140.0, 153.0, 101.0), + 28: (158.0, 218.0, 229.0), + 29: (100.0, 125.0, 154.0), + 30: (178.0, 127.0, 135.0), + 32: (146.0, 111.0, 194.0), + 33: (44.0, 160.0, 44.0), + 34: (112.0, 128.0, 144.0), + 35: (96.0, 207.0, 209.0), + 36: (227.0, 119.0, 194.0), + 37: (213.0, 92.0, 176.0), + 38: (94.0, 106.0, 211.0), + 39: (82.0, 84.0, 163.0), + 40: (100.0, 85.0, 144.0), +} + +# ScanNet200 Benchmark constants +VALID_CLASS_IDS_200 = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 21, + 22, + 23, + 24, + 26, + 27, + 28, + 29, + 31, + 32, + 33, + 34, + 35, + 36, + 38, + 39, + 40, + 41, + 42, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 54, + 55, + 56, + 57, + 58, + 59, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 82, + 84, + 86, + 87, + 88, + 89, + 90, + 93, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 103, + 104, + 105, + 106, + 107, + 110, + 112, + 115, + 116, + 118, + 120, + 121, + 122, + 125, + 128, + 130, + 131, + 132, + 134, + 136, + 138, + 139, + 140, + 141, + 145, + 148, + 154, + 155, + 156, + 157, + 159, + 161, + 163, + 165, + 166, + 168, + 169, + 170, + 177, + 180, + 185, + 188, + 191, + 193, + 195, + 202, + 208, + 213, + 214, + 221, + 229, + 230, + 232, + 233, + 242, + 250, + 261, + 264, + 276, + 283, + 286, + 300, + 304, + 312, + 323, + 325, + 331, + 342, + 356, + 370, + 392, + 395, + 399, + 408, + 417, + 488, + 540, + 562, + 570, + 572, + 581, + 609, + 748, + 776, + 1156, + 1163, + 1164, + 1165, + 1166, + 1167, + 1168, + 1169, + 1170, + 1171, + 1172, + 1173, + 1174, + 1175, + 1176, + 1178, + 1179, + 1180, + 1181, + 1182, + 1183, + 1184, + 1185, + 1186, + 1187, + 1188, + 1189, + 1190, + 1191, +) + +CLASS_LABELS_200 = ( + "wall", + "chair", + "floor", + "table", + "door", + "couch", + "cabinet", + "shelf", + "desk", + "office chair", + "bed", + "pillow", + "sink", + "picture", + "window", + "toilet", + "bookshelf", + "monitor", + "curtain", + "book", + "armchair", + "coffee table", + "box", + "refrigerator", + "lamp", + "kitchen cabinet", + "towel", + "clothes", + "tv", + "nightstand", + "counter", + "dresser", + "stool", + "cushion", + "plant", + "ceiling", + "bathtub", + "end table", + "dining table", + "keyboard", + "bag", + "backpack", + "toilet paper", + "printer", + "tv stand", + "whiteboard", + "blanket", + "shower curtain", + "trash can", + "closet", + "stairs", + "microwave", + "stove", + "shoe", + "computer tower", + "bottle", + "bin", + "ottoman", + "bench", + "board", + "washing machine", + "mirror", + "copier", + "basket", + "sofa chair", + "file cabinet", + "fan", + "laptop", + "shower", + "paper", + "person", + "paper towel dispenser", + "oven", + "blinds", + "rack", + "plate", + "blackboard", + "piano", + "suitcase", + "rail", + "radiator", + "recycling bin", + "container", + "wardrobe", + "soap dispenser", + "telephone", + "bucket", + "clock", + "stand", + "light", + "laundry basket", + "pipe", + "clothes dryer", + "guitar", + "toilet paper holder", + "seat", + "speaker", + "column", + "bicycle", + "ladder", + "bathroom stall", + "shower wall", + "cup", + "jacket", + "storage bin", + "coffee maker", + "dishwasher", + "paper towel roll", + "machine", + "mat", + "windowsill", + "bar", + "toaster", + "bulletin board", + "ironing board", + "fireplace", + "soap dish", + "kitchen counter", + "doorframe", + "toilet paper dispenser", + "mini fridge", + "fire extinguisher", + "ball", + "hat", + "shower curtain rod", + "water cooler", + "paper cutter", + "tray", + "shower door", + "pillar", + "ledge", + "toaster oven", + "mouse", + "toilet seat cover dispenser", + "furniture", + "cart", + "storage container", + "scale", + "tissue box", + "light switch", + "crate", + "power outlet", + "decoration", + "sign", + "projector", + "closet door", + "vacuum cleaner", + "candle", + "plunger", + "stuffed animal", + "headphones", + "dish rack", + "broom", + "guitar case", + "range hood", + "dustpan", + "hair dryer", + "water bottle", + "handicap bar", + "purse", + "vent", + "shower floor", + "water pitcher", + "mailbox", + "bowl", + "paper bag", + "alarm clock", + "music stand", + "projector screen", + "divider", + "laundry detergent", + "bathroom counter", + "object", + "bathroom vanity", + "closet wall", + "laundry hamper", + "bathroom stall door", + "ceiling light", + "trash bin", + "dumbbell", + "stair rail", + "tube", + "bathroom cabinet", + "cd case", + "closet rod", + "coffee kettle", + "structure", + "shower head", + "keyboard piano", + "case of water bottles", + "coat rack", + "storage organizer", + "folded chair", + "fire alarm", + "power strip", + "calendar", + "poster", + "potted plant", + "luggage", + "mattress", +) + +SCANNET_COLOR_MAP_200 = { + 0: (0.0, 0.0, 0.0), + 1: (174.0, 199.0, 232.0), + 2: (188.0, 189.0, 34.0), + 3: (152.0, 223.0, 138.0), + 4: (255.0, 152.0, 150.0), + 5: (214.0, 39.0, 40.0), + 6: (91.0, 135.0, 229.0), + 7: (31.0, 119.0, 180.0), + 8: (229.0, 91.0, 104.0), + 9: (247.0, 182.0, 210.0), + 10: (91.0, 229.0, 110.0), + 11: (255.0, 187.0, 120.0), + 13: (141.0, 91.0, 229.0), + 14: (112.0, 128.0, 144.0), + 15: (196.0, 156.0, 148.0), + 16: (197.0, 176.0, 213.0), + 17: (44.0, 160.0, 44.0), + 18: (148.0, 103.0, 189.0), + 19: (229.0, 91.0, 223.0), + 21: (219.0, 219.0, 141.0), + 22: (192.0, 229.0, 91.0), + 23: (88.0, 218.0, 137.0), + 24: (58.0, 98.0, 137.0), + 26: (177.0, 82.0, 239.0), + 27: (255.0, 127.0, 14.0), + 28: (237.0, 204.0, 37.0), + 29: (41.0, 206.0, 32.0), + 31: (62.0, 143.0, 148.0), + 32: (34.0, 14.0, 130.0), + 33: (143.0, 45.0, 115.0), + 34: (137.0, 63.0, 14.0), + 35: (23.0, 190.0, 207.0), + 36: (16.0, 212.0, 139.0), + 38: (90.0, 119.0, 201.0), + 39: (125.0, 30.0, 141.0), + 40: (150.0, 53.0, 56.0), + 41: (186.0, 197.0, 62.0), + 42: (227.0, 119.0, 194.0), + 44: (38.0, 100.0, 128.0), + 45: (120.0, 31.0, 243.0), + 46: (154.0, 59.0, 103.0), + 47: (169.0, 137.0, 78.0), + 48: (143.0, 245.0, 111.0), + 49: (37.0, 230.0, 205.0), + 50: (14.0, 16.0, 155.0), + 51: (196.0, 51.0, 182.0), + 52: (237.0, 80.0, 38.0), + 54: (138.0, 175.0, 62.0), + 55: (158.0, 218.0, 229.0), + 56: (38.0, 96.0, 167.0), + 57: (190.0, 77.0, 246.0), + 58: (208.0, 49.0, 84.0), + 59: (208.0, 193.0, 72.0), + 62: (55.0, 220.0, 57.0), + 63: (10.0, 125.0, 140.0), + 64: (76.0, 38.0, 202.0), + 65: (191.0, 28.0, 135.0), + 66: (211.0, 120.0, 42.0), + 67: (118.0, 174.0, 76.0), + 68: (17.0, 242.0, 171.0), + 69: (20.0, 65.0, 247.0), + 70: (208.0, 61.0, 222.0), + 71: (162.0, 62.0, 60.0), + 72: (210.0, 235.0, 62.0), + 73: (45.0, 152.0, 72.0), + 74: (35.0, 107.0, 149.0), + 75: (160.0, 89.0, 237.0), + 76: (227.0, 56.0, 125.0), + 77: (169.0, 143.0, 81.0), + 78: (42.0, 143.0, 20.0), + 79: (25.0, 160.0, 151.0), + 80: (82.0, 75.0, 227.0), + 82: (253.0, 59.0, 222.0), + 84: (240.0, 130.0, 89.0), + 86: (123.0, 172.0, 47.0), + 87: (71.0, 194.0, 133.0), + 88: (24.0, 94.0, 205.0), + 89: (134.0, 16.0, 179.0), + 90: (159.0, 32.0, 52.0), + 93: (213.0, 208.0, 88.0), + 95: (64.0, 158.0, 70.0), + 96: (18.0, 163.0, 194.0), + 97: (65.0, 29.0, 153.0), + 98: (177.0, 10.0, 109.0), + 99: (152.0, 83.0, 7.0), + 100: (83.0, 175.0, 30.0), + 101: (18.0, 199.0, 153.0), + 102: (61.0, 81.0, 208.0), + 103: (213.0, 85.0, 216.0), + 104: (170.0, 53.0, 42.0), + 105: (161.0, 192.0, 38.0), + 106: (23.0, 241.0, 91.0), + 107: (12.0, 103.0, 170.0), + 110: (151.0, 41.0, 245.0), + 112: (133.0, 51.0, 80.0), + 115: (184.0, 162.0, 91.0), + 116: (50.0, 138.0, 38.0), + 118: (31.0, 237.0, 236.0), + 120: (39.0, 19.0, 208.0), + 121: (223.0, 27.0, 180.0), + 122: (254.0, 141.0, 85.0), + 125: (97.0, 144.0, 39.0), + 128: (106.0, 231.0, 176.0), + 130: (12.0, 61.0, 162.0), + 131: (124.0, 66.0, 140.0), + 132: (137.0, 66.0, 73.0), + 134: (250.0, 253.0, 26.0), + 136: (55.0, 191.0, 73.0), + 138: (60.0, 126.0, 146.0), + 139: (153.0, 108.0, 234.0), + 140: (184.0, 58.0, 125.0), + 141: (135.0, 84.0, 14.0), + 145: (139.0, 248.0, 91.0), + 148: (53.0, 200.0, 172.0), + 154: (63.0, 69.0, 134.0), + 155: (190.0, 75.0, 186.0), + 156: (127.0, 63.0, 52.0), + 157: (141.0, 182.0, 25.0), + 159: (56.0, 144.0, 89.0), + 161: (64.0, 160.0, 250.0), + 163: (182.0, 86.0, 245.0), + 165: (139.0, 18.0, 53.0), + 166: (134.0, 120.0, 54.0), + 168: (49.0, 165.0, 42.0), + 169: (51.0, 128.0, 133.0), + 170: (44.0, 21.0, 163.0), + 177: (232.0, 93.0, 193.0), + 180: (176.0, 102.0, 54.0), + 185: (116.0, 217.0, 17.0), + 188: (54.0, 209.0, 150.0), + 191: (60.0, 99.0, 204.0), + 193: (129.0, 43.0, 144.0), + 195: (252.0, 100.0, 106.0), + 202: (187.0, 196.0, 73.0), + 208: (13.0, 158.0, 40.0), + 213: (52.0, 122.0, 152.0), + 214: (128.0, 76.0, 202.0), + 221: (187.0, 50.0, 115.0), + 229: (180.0, 141.0, 71.0), + 230: (77.0, 208.0, 35.0), + 232: (72.0, 183.0, 168.0), + 233: (97.0, 99.0, 203.0), + 242: (172.0, 22.0, 158.0), + 250: (155.0, 64.0, 40.0), + 261: (118.0, 159.0, 30.0), + 264: (69.0, 252.0, 148.0), + 276: (45.0, 103.0, 173.0), + 283: (111.0, 38.0, 149.0), + 286: (184.0, 9.0, 49.0), + 300: (188.0, 174.0, 67.0), + 304: (53.0, 206.0, 53.0), + 312: (97.0, 235.0, 252.0), + 323: (66.0, 32.0, 182.0), + 325: (236.0, 114.0, 195.0), + 331: (241.0, 154.0, 83.0), + 342: (133.0, 240.0, 52.0), + 356: (16.0, 205.0, 144.0), + 370: (75.0, 101.0, 198.0), + 392: (237.0, 95.0, 251.0), + 395: (191.0, 52.0, 49.0), + 399: (227.0, 254.0, 54.0), + 408: (49.0, 206.0, 87.0), + 417: (48.0, 113.0, 150.0), + 488: (125.0, 73.0, 182.0), + 540: (229.0, 32.0, 114.0), + 562: (158.0, 119.0, 28.0), + 570: (60.0, 205.0, 27.0), + 572: (18.0, 215.0, 201.0), + 581: (79.0, 76.0, 153.0), + 609: (134.0, 13.0, 116.0), + 748: (192.0, 97.0, 63.0), + 776: (108.0, 163.0, 18.0), + 1156: (95.0, 220.0, 156.0), + 1163: (98.0, 141.0, 208.0), + 1164: (144.0, 19.0, 193.0), + 1165: (166.0, 36.0, 57.0), + 1166: (212.0, 202.0, 34.0), + 1167: (23.0, 206.0, 34.0), + 1168: (91.0, 211.0, 236.0), + 1169: (79.0, 55.0, 137.0), + 1170: (182.0, 19.0, 117.0), + 1171: (134.0, 76.0, 14.0), + 1172: (87.0, 185.0, 28.0), + 1173: (82.0, 224.0, 187.0), + 1174: (92.0, 110.0, 214.0), + 1175: (168.0, 80.0, 171.0), + 1176: (197.0, 63.0, 51.0), + 1178: (175.0, 199.0, 77.0), + 1179: (62.0, 180.0, 98.0), + 1180: (8.0, 91.0, 150.0), + 1181: (77.0, 15.0, 130.0), + 1182: (154.0, 65.0, 96.0), + 1183: (197.0, 152.0, 11.0), + 1184: (59.0, 155.0, 45.0), + 1185: (12.0, 147.0, 145.0), + 1186: (54.0, 35.0, 219.0), + 1187: (210.0, 73.0, 181.0), + 1188: (221.0, 124.0, 77.0), + 1189: (149.0, 214.0, 66.0), + 1190: (72.0, 185.0, 134.0), + 1191: (42.0, 94.0, 198.0), +} + +# For instance segmentation the non-object categories +VALID_PANOPTIC_IDS = (1, 3) + +CLASS_LABELS_PANOPTIC = ("wall", "floor") diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_splits.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_splits.py new file mode 100644 index 0000000000000000000000000000000000000000..39ccc3c60bf289199342332e455fadb5b22129ee --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_splits.py @@ -0,0 +1,625 @@ +# This file contains the HEAD - COMMON - TAIL split category ids for ScanNet 200 + +HEAD_CATS_SCANNET_200 = [ + "tv stand", + "curtain", + "blinds", + "shower curtain", + "bookshelf", + "tv", + "kitchen cabinet", + "pillow", + "lamp", + "dresser", + "monitor", + "object", + "ceiling", + "board", + "stove", + "closet wall", + "couch", + "office chair", + "kitchen counter", + "shower", + "closet", + "doorframe", + "sofa chair", + "mailbox", + "nightstand", + "washing machine", + "picture", + "book", + "sink", + "recycling bin", + "table", + "backpack", + "shower wall", + "toilet", + "copier", + "counter", + "stool", + "refrigerator", + "window", + "file cabinet", + "chair", + "wall", + "plant", + "coffee table", + "stairs", + "armchair", + "cabinet", + "bathroom vanity", + "bathroom stall", + "mirror", + "blackboard", + "trash can", + "stair rail", + "box", + "towel", + "door", + "clothes", + "whiteboard", + "bed", + "floor", + "bathtub", + "desk", + "wardrobe", + "clothes dryer", + "radiator", + "shelf", +] +COMMON_CATS_SCANNET_200 = [ + "cushion", + "end table", + "dining table", + "keyboard", + "bag", + "toilet paper", + "printer", + "blanket", + "microwave", + "shoe", + "computer tower", + "bottle", + "bin", + "ottoman", + "bench", + "basket", + "fan", + "laptop", + "person", + "paper towel dispenser", + "oven", + "rack", + "piano", + "suitcase", + "rail", + "container", + "telephone", + "stand", + "light", + "laundry basket", + "pipe", + "seat", + "column", + "bicycle", + "ladder", + "jacket", + "storage bin", + "coffee maker", + "dishwasher", + "machine", + "mat", + "windowsill", + "bulletin board", + "fireplace", + "mini fridge", + "water cooler", + "shower door", + "pillar", + "ledge", + "furniture", + "cart", + "decoration", + "closet door", + "vacuum cleaner", + "dish rack", + "range hood", + "projector screen", + "divider", + "bathroom counter", + "laundry hamper", + "bathroom stall door", + "ceiling light", + "trash bin", + "bathroom cabinet", + "structure", + "storage organizer", + "potted plant", + "mattress", +] +TAIL_CATS_SCANNET_200 = [ + "paper", + "plate", + "soap dispenser", + "bucket", + "clock", + "guitar", + "toilet paper holder", + "speaker", + "cup", + "paper towel roll", + "bar", + "toaster", + "ironing board", + "soap dish", + "toilet paper dispenser", + "fire extinguisher", + "ball", + "hat", + "shower curtain rod", + "paper cutter", + "tray", + "toaster oven", + "mouse", + "toilet seat cover dispenser", + "storage container", + "scale", + "tissue box", + "light switch", + "crate", + "power outlet", + "sign", + "projector", + "candle", + "plunger", + "stuffed animal", + "headphones", + "broom", + "guitar case", + "dustpan", + "hair dryer", + "water bottle", + "handicap bar", + "purse", + "vent", + "shower floor", + "water pitcher", + "bowl", + "paper bag", + "alarm clock", + "music stand", + "laundry detergent", + "dumbbell", + "tube", + "cd case", + "closet rod", + "coffee kettle", + "shower head", + "keyboard piano", + "case of water bottles", + "coat rack", + "folded chair", + "fire alarm", + "power strip", + "calendar", + "poster", + "luggage", +] + + +# Given the different size of the official train and val sets, not all ScanNet200 categories are present in the validation set. +# Here we list of categories with labels and IDs present in both train and validation set, and the remaining categories those are present in train, but not in val +# We dont evaluate on unseen validation categories in this benchmark + +VALID_CLASS_IDS_200_VALIDATION = ( + "wall", + "chair", + "floor", + "table", + "door", + "couch", + "cabinet", + "shelf", + "desk", + "office chair", + "bed", + "pillow", + "sink", + "picture", + "window", + "toilet", + "bookshelf", + "monitor", + "curtain", + "book", + "armchair", + "coffee table", + "box", + "refrigerator", + "lamp", + "kitchen cabinet", + "towel", + "clothes", + "tv", + "nightstand", + "counter", + "dresser", + "stool", + "cushion", + "plant", + "ceiling", + "bathtub", + "end table", + "dining table", + "keyboard", + "bag", + "backpack", + "toilet paper", + "printer", + "tv stand", + "whiteboard", + "blanket", + "shower curtain", + "trash can", + "closet", + "stairs", + "microwave", + "stove", + "shoe", + "computer tower", + "bottle", + "bin", + "ottoman", + "bench", + "board", + "washing machine", + "mirror", + "copier", + "basket", + "sofa chair", + "file cabinet", + "fan", + "laptop", + "shower", + "paper", + "person", + "paper towel dispenser", + "oven", + "blinds", + "rack", + "plate", + "blackboard", + "piano", + "suitcase", + "rail", + "radiator", + "recycling bin", + "container", + "wardrobe", + "soap dispenser", + "telephone", + "bucket", + "clock", + "stand", + "light", + "laundry basket", + "pipe", + "clothes dryer", + "guitar", + "toilet paper holder", + "seat", + "speaker", + "column", + "ladder", + "bathroom stall", + "shower wall", + "cup", + "jacket", + "storage bin", + "coffee maker", + "dishwasher", + "paper towel roll", + "machine", + "mat", + "windowsill", + "bar", + "toaster", + "bulletin board", + "ironing board", + "fireplace", + "soap dish", + "kitchen counter", + "doorframe", + "toilet paper dispenser", + "mini fridge", + "fire extinguisher", + "ball", + "hat", + "shower curtain rod", + "water cooler", + "paper cutter", + "tray", + "shower door", + "pillar", + "ledge", + "toaster oven", + "mouse", + "toilet seat cover dispenser", + "furniture", + "cart", + "scale", + "tissue box", + "light switch", + "crate", + "power outlet", + "decoration", + "sign", + "projector", + "closet door", + "vacuum cleaner", + "plunger", + "stuffed animal", + "headphones", + "dish rack", + "broom", + "range hood", + "dustpan", + "hair dryer", + "water bottle", + "handicap bar", + "vent", + "shower floor", + "water pitcher", + "mailbox", + "bowl", + "paper bag", + "projector screen", + "divider", + "laundry detergent", + "bathroom counter", + "object", + "bathroom vanity", + "closet wall", + "laundry hamper", + "bathroom stall door", + "ceiling light", + "trash bin", + "dumbbell", + "stair rail", + "tube", + "bathroom cabinet", + "closet rod", + "coffee kettle", + "shower head", + "keyboard piano", + "case of water bottles", + "coat rack", + "folded chair", + "fire alarm", + "power strip", + "calendar", + "poster", + "potted plant", + "mattress", +) + +CLASS_LABELS_200_VALIDATION = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 21, + 22, + 23, + 24, + 26, + 27, + 28, + 29, + 31, + 32, + 33, + 34, + 35, + 36, + 38, + 39, + 40, + 41, + 42, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 54, + 55, + 56, + 57, + 58, + 59, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 82, + 84, + 86, + 87, + 88, + 89, + 90, + 93, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 103, + 104, + 105, + 106, + 107, + 110, + 112, + 115, + 116, + 118, + 120, + 122, + 125, + 128, + 130, + 131, + 132, + 134, + 136, + 138, + 139, + 140, + 141, + 145, + 148, + 154, + 155, + 156, + 157, + 159, + 161, + 163, + 165, + 166, + 168, + 169, + 170, + 177, + 180, + 185, + 188, + 191, + 193, + 195, + 202, + 208, + 213, + 214, + 229, + 230, + 232, + 233, + 242, + 250, + 261, + 264, + 276, + 283, + 300, + 304, + 312, + 323, + 325, + 342, + 356, + 370, + 392, + 395, + 408, + 417, + 488, + 540, + 562, + 570, + 609, + 748, + 776, + 1156, + 1163, + 1164, + 1165, + 1166, + 1167, + 1168, + 1169, + 1170, + 1171, + 1172, + 1173, + 1175, + 1176, + 1179, + 1180, + 1181, + 1182, + 1184, + 1185, + 1186, + 1187, + 1188, + 1189, + 1191, +) + +VALID_CLASS_IDS_200_TRAIN_ONLY = ( + "bicycle", + "storage container", + "candle", + "guitar case", + "purse", + "alarm clock", + "music stand", + "cd case", + "structure", + "storage organizer", + "luggage", +) + +CLASS_LABELS_200_TRAIN_ONLY = ( + 121, + 221, + 286, + 331, + 399, + 572, + 581, + 1174, + 1178, + 1183, + 1190, +) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet_means.npz b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet_means.npz new file mode 100644 index 0000000000000000000000000000000000000000..d9bbb4f7c3b72dbe81fbeb86f594066b883fafaf --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet_means.npz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df5c2bd40e8518e982c7d7b4b39020b07ac774695038bf49cb28b44e5760457e +size 676 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_test.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_test.txt new file mode 100644 index 0000000000000000000000000000000000000000..b9e7d9205321e8ca047a527466f4b7100c9c9d2c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_test.txt @@ -0,0 +1,312 @@ +scene0568_00 +scene0568_01 +scene0568_02 +scene0304_00 +scene0488_00 +scene0488_01 +scene0412_00 +scene0412_01 +scene0217_00 +scene0019_00 +scene0019_01 +scene0414_00 +scene0575_00 +scene0575_01 +scene0575_02 +scene0426_00 +scene0426_01 +scene0426_02 +scene0426_03 +scene0549_00 +scene0549_01 +scene0578_00 +scene0578_01 +scene0578_02 +scene0665_00 +scene0665_01 +scene0050_00 +scene0050_01 +scene0050_02 +scene0257_00 +scene0025_00 +scene0025_01 +scene0025_02 +scene0583_00 +scene0583_01 +scene0583_02 +scene0701_00 +scene0701_01 +scene0701_02 +scene0580_00 +scene0580_01 +scene0565_00 +scene0169_00 +scene0169_01 +scene0655_00 +scene0655_01 +scene0655_02 +scene0063_00 +scene0221_00 +scene0221_01 +scene0591_00 +scene0591_01 +scene0591_02 +scene0678_00 +scene0678_01 +scene0678_02 +scene0462_00 +scene0427_00 +scene0595_00 +scene0193_00 +scene0193_01 +scene0164_00 +scene0164_01 +scene0164_02 +scene0164_03 +scene0598_00 +scene0598_01 +scene0598_02 +scene0599_00 +scene0599_01 +scene0599_02 +scene0328_00 +scene0300_00 +scene0300_01 +scene0354_00 +scene0458_00 +scene0458_01 +scene0423_00 +scene0423_01 +scene0423_02 +scene0307_00 +scene0307_01 +scene0307_02 +scene0606_00 +scene0606_01 +scene0606_02 +scene0432_00 +scene0432_01 +scene0608_00 +scene0608_01 +scene0608_02 +scene0651_00 +scene0651_01 +scene0651_02 +scene0430_00 +scene0430_01 +scene0689_00 +scene0357_00 +scene0357_01 +scene0574_00 +scene0574_01 +scene0574_02 +scene0329_00 +scene0329_01 +scene0329_02 +scene0153_00 +scene0153_01 +scene0616_00 +scene0616_01 +scene0671_00 +scene0671_01 +scene0618_00 +scene0382_00 +scene0382_01 +scene0490_00 +scene0621_00 +scene0607_00 +scene0607_01 +scene0149_00 +scene0695_00 +scene0695_01 +scene0695_02 +scene0695_03 +scene0389_00 +scene0377_00 +scene0377_01 +scene0377_02 +scene0342_00 +scene0139_00 +scene0629_00 +scene0629_01 +scene0629_02 +scene0496_00 +scene0633_00 +scene0633_01 +scene0518_00 +scene0652_00 +scene0406_00 +scene0406_01 +scene0406_02 +scene0144_00 +scene0144_01 +scene0494_00 +scene0278_00 +scene0278_01 +scene0316_00 +scene0609_00 +scene0609_01 +scene0609_02 +scene0609_03 +scene0084_00 +scene0084_01 +scene0084_02 +scene0696_00 +scene0696_01 +scene0696_02 +scene0351_00 +scene0351_01 +scene0643_00 +scene0644_00 +scene0645_00 +scene0645_01 +scene0645_02 +scene0081_00 +scene0081_01 +scene0081_02 +scene0647_00 +scene0647_01 +scene0535_00 +scene0353_00 +scene0353_01 +scene0353_02 +scene0559_00 +scene0559_01 +scene0559_02 +scene0593_00 +scene0593_01 +scene0246_00 +scene0653_00 +scene0653_01 +scene0064_00 +scene0064_01 +scene0356_00 +scene0356_01 +scene0356_02 +scene0030_00 +scene0030_01 +scene0030_02 +scene0222_00 +scene0222_01 +scene0338_00 +scene0338_01 +scene0338_02 +scene0378_00 +scene0378_01 +scene0378_02 +scene0660_00 +scene0553_00 +scene0553_01 +scene0553_02 +scene0527_00 +scene0663_00 +scene0663_01 +scene0663_02 +scene0664_00 +scene0664_01 +scene0664_02 +scene0334_00 +scene0334_01 +scene0334_02 +scene0046_00 +scene0046_01 +scene0046_02 +scene0203_00 +scene0203_01 +scene0203_02 +scene0088_00 +scene0088_01 +scene0088_02 +scene0088_03 +scene0086_00 +scene0086_01 +scene0086_02 +scene0670_00 +scene0670_01 +scene0256_00 +scene0256_01 +scene0256_02 +scene0249_00 +scene0441_00 +scene0658_00 +scene0704_00 +scene0704_01 +scene0187_00 +scene0187_01 +scene0131_00 +scene0131_01 +scene0131_02 +scene0207_00 +scene0207_01 +scene0207_02 +scene0461_00 +scene0011_00 +scene0011_01 +scene0343_00 +scene0251_00 +scene0077_00 +scene0077_01 +scene0684_00 +scene0684_01 +scene0550_00 +scene0686_00 +scene0686_01 +scene0686_02 +scene0208_00 +scene0500_00 +scene0500_01 +scene0552_00 +scene0552_01 +scene0648_00 +scene0648_01 +scene0435_00 +scene0435_01 +scene0435_02 +scene0435_03 +scene0690_00 +scene0690_01 +scene0693_00 +scene0693_01 +scene0693_02 +scene0700_00 +scene0700_01 +scene0700_02 +scene0699_00 +scene0231_00 +scene0231_01 +scene0231_02 +scene0697_00 +scene0697_01 +scene0697_02 +scene0697_03 +scene0474_00 +scene0474_01 +scene0474_02 +scene0474_03 +scene0474_04 +scene0474_05 +scene0355_00 +scene0355_01 +scene0146_00 +scene0146_01 +scene0146_02 +scene0196_00 +scene0702_00 +scene0702_01 +scene0702_02 +scene0314_00 +scene0277_00 +scene0277_01 +scene0277_02 +scene0095_00 +scene0095_01 +scene0015_00 +scene0100_00 +scene0100_01 +scene0100_02 +scene0558_00 +scene0558_01 +scene0558_02 +scene0685_00 +scene0685_01 +scene0685_02 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_train.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_train.txt new file mode 100644 index 0000000000000000000000000000000000000000..7520948c8170df9ae1a9e8a40bc444fcc7cc0772 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_train.txt @@ -0,0 +1,1045 @@ +scene0191_00 +scene0191_01 +scene0191_02 +scene0119_00 +scene0230_00 +scene0528_00 +scene0528_01 +scene0705_00 +scene0705_01 +scene0705_02 +scene0415_00 +scene0415_01 +scene0415_02 +scene0007_00 +scene0141_00 +scene0141_01 +scene0141_02 +scene0515_00 +scene0515_01 +scene0515_02 +scene0447_00 +scene0447_01 +scene0447_02 +scene0531_00 +scene0503_00 +scene0285_00 +scene0069_00 +scene0584_00 +scene0584_01 +scene0584_02 +scene0581_00 +scene0581_01 +scene0581_02 +scene0620_00 +scene0620_01 +scene0263_00 +scene0263_01 +scene0481_00 +scene0481_01 +scene0020_00 +scene0020_01 +scene0291_00 +scene0291_01 +scene0291_02 +scene0469_00 +scene0469_01 +scene0469_02 +scene0659_00 +scene0659_01 +scene0024_00 +scene0024_01 +scene0024_02 +scene0564_00 +scene0117_00 +scene0027_00 +scene0027_01 +scene0027_02 +scene0028_00 +scene0330_00 +scene0418_00 +scene0418_01 +scene0418_02 +scene0233_00 +scene0233_01 +scene0673_00 +scene0673_01 +scene0673_02 +scene0673_03 +scene0673_04 +scene0673_05 +scene0585_00 +scene0585_01 +scene0362_00 +scene0362_01 +scene0362_02 +scene0362_03 +scene0035_00 +scene0035_01 +scene0358_00 +scene0358_01 +scene0358_02 +scene0037_00 +scene0194_00 +scene0321_00 +scene0293_00 +scene0293_01 +scene0623_00 +scene0623_01 +scene0592_00 +scene0592_01 +scene0569_00 +scene0569_01 +scene0413_00 +scene0313_00 +scene0313_01 +scene0313_02 +scene0480_00 +scene0480_01 +scene0401_00 +scene0517_00 +scene0517_01 +scene0517_02 +scene0032_00 +scene0032_01 +scene0613_00 +scene0613_01 +scene0613_02 +scene0306_00 +scene0306_01 +scene0052_00 +scene0052_01 +scene0052_02 +scene0053_00 +scene0444_00 +scene0444_01 +scene0055_00 +scene0055_01 +scene0055_02 +scene0560_00 +scene0589_00 +scene0589_01 +scene0589_02 +scene0610_00 +scene0610_01 +scene0610_02 +scene0364_00 +scene0364_01 +scene0383_00 +scene0383_01 +scene0383_02 +scene0006_00 +scene0006_01 +scene0006_02 +scene0275_00 +scene0451_00 +scene0451_01 +scene0451_02 +scene0451_03 +scene0451_04 +scene0451_05 +scene0135_00 +scene0065_00 +scene0065_01 +scene0065_02 +scene0104_00 +scene0674_00 +scene0674_01 +scene0448_00 +scene0448_01 +scene0448_02 +scene0502_00 +scene0502_01 +scene0502_02 +scene0440_00 +scene0440_01 +scene0440_02 +scene0071_00 +scene0072_00 +scene0072_01 +scene0072_02 +scene0509_00 +scene0509_01 +scene0509_02 +scene0649_00 +scene0649_01 +scene0602_00 +scene0694_00 +scene0694_01 +scene0101_00 +scene0101_01 +scene0101_02 +scene0101_03 +scene0101_04 +scene0101_05 +scene0218_00 +scene0218_01 +scene0579_00 +scene0579_01 +scene0579_02 +scene0039_00 +scene0039_01 +scene0493_00 +scene0493_01 +scene0242_00 +scene0242_01 +scene0242_02 +scene0083_00 +scene0083_01 +scene0127_00 +scene0127_01 +scene0662_00 +scene0662_01 +scene0662_02 +scene0018_00 +scene0087_00 +scene0087_01 +scene0087_02 +scene0332_00 +scene0332_01 +scene0332_02 +scene0628_00 +scene0628_01 +scene0628_02 +scene0134_00 +scene0134_01 +scene0134_02 +scene0238_00 +scene0238_01 +scene0092_00 +scene0092_01 +scene0092_02 +scene0092_03 +scene0092_04 +scene0022_00 +scene0022_01 +scene0467_00 +scene0392_00 +scene0392_01 +scene0392_02 +scene0424_00 +scene0424_01 +scene0424_02 +scene0646_00 +scene0646_01 +scene0646_02 +scene0098_00 +scene0098_01 +scene0044_00 +scene0044_01 +scene0044_02 +scene0510_00 +scene0510_01 +scene0510_02 +scene0571_00 +scene0571_01 +scene0166_00 +scene0166_01 +scene0166_02 +scene0563_00 +scene0172_00 +scene0172_01 +scene0388_00 +scene0388_01 +scene0215_00 +scene0215_01 +scene0252_00 +scene0287_00 +scene0668_00 +scene0572_00 +scene0572_01 +scene0572_02 +scene0026_00 +scene0224_00 +scene0113_00 +scene0113_01 +scene0551_00 +scene0381_00 +scene0381_01 +scene0381_02 +scene0371_00 +scene0371_01 +scene0460_00 +scene0118_00 +scene0118_01 +scene0118_02 +scene0417_00 +scene0008_00 +scene0634_00 +scene0521_00 +scene0123_00 +scene0123_01 +scene0123_02 +scene0045_00 +scene0045_01 +scene0511_00 +scene0511_01 +scene0114_00 +scene0114_01 +scene0114_02 +scene0070_00 +scene0029_00 +scene0029_01 +scene0029_02 +scene0129_00 +scene0103_00 +scene0103_01 +scene0002_00 +scene0002_01 +scene0132_00 +scene0132_01 +scene0132_02 +scene0124_00 +scene0124_01 +scene0143_00 +scene0143_01 +scene0143_02 +scene0604_00 +scene0604_01 +scene0604_02 +scene0507_00 +scene0105_00 +scene0105_01 +scene0105_02 +scene0428_00 +scene0428_01 +scene0311_00 +scene0140_00 +scene0140_01 +scene0182_00 +scene0182_01 +scene0182_02 +scene0142_00 +scene0142_01 +scene0399_00 +scene0399_01 +scene0012_00 +scene0012_01 +scene0012_02 +scene0060_00 +scene0060_01 +scene0370_00 +scene0370_01 +scene0370_02 +scene0310_00 +scene0310_01 +scene0310_02 +scene0661_00 +scene0650_00 +scene0152_00 +scene0152_01 +scene0152_02 +scene0158_00 +scene0158_01 +scene0158_02 +scene0482_00 +scene0482_01 +scene0600_00 +scene0600_01 +scene0600_02 +scene0393_00 +scene0393_01 +scene0393_02 +scene0562_00 +scene0174_00 +scene0174_01 +scene0157_00 +scene0157_01 +scene0161_00 +scene0161_01 +scene0161_02 +scene0159_00 +scene0254_00 +scene0254_01 +scene0115_00 +scene0115_01 +scene0115_02 +scene0162_00 +scene0163_00 +scene0163_01 +scene0523_00 +scene0523_01 +scene0523_02 +scene0459_00 +scene0459_01 +scene0175_00 +scene0085_00 +scene0085_01 +scene0279_00 +scene0279_01 +scene0279_02 +scene0201_00 +scene0201_01 +scene0201_02 +scene0283_00 +scene0456_00 +scene0456_01 +scene0429_00 +scene0043_00 +scene0043_01 +scene0419_00 +scene0419_01 +scene0419_02 +scene0368_00 +scene0368_01 +scene0348_00 +scene0348_01 +scene0348_02 +scene0442_00 +scene0178_00 +scene0380_00 +scene0380_01 +scene0380_02 +scene0165_00 +scene0165_01 +scene0165_02 +scene0181_00 +scene0181_01 +scene0181_02 +scene0181_03 +scene0333_00 +scene0614_00 +scene0614_01 +scene0614_02 +scene0404_00 +scene0404_01 +scene0404_02 +scene0185_00 +scene0126_00 +scene0126_01 +scene0126_02 +scene0519_00 +scene0236_00 +scene0236_01 +scene0189_00 +scene0075_00 +scene0267_00 +scene0192_00 +scene0192_01 +scene0192_02 +scene0281_00 +scene0420_00 +scene0420_01 +scene0420_02 +scene0195_00 +scene0195_01 +scene0195_02 +scene0597_00 +scene0597_01 +scene0597_02 +scene0041_00 +scene0041_01 +scene0111_00 +scene0111_01 +scene0111_02 +scene0666_00 +scene0666_01 +scene0666_02 +scene0200_00 +scene0200_01 +scene0200_02 +scene0536_00 +scene0536_01 +scene0536_02 +scene0390_00 +scene0280_00 +scene0280_01 +scene0280_02 +scene0344_00 +scene0344_01 +scene0205_00 +scene0205_01 +scene0205_02 +scene0484_00 +scene0484_01 +scene0009_00 +scene0009_01 +scene0009_02 +scene0302_00 +scene0302_01 +scene0209_00 +scene0209_01 +scene0209_02 +scene0210_00 +scene0210_01 +scene0395_00 +scene0395_01 +scene0395_02 +scene0683_00 +scene0601_00 +scene0601_01 +scene0214_00 +scene0214_01 +scene0214_02 +scene0477_00 +scene0477_01 +scene0439_00 +scene0439_01 +scene0468_00 +scene0468_01 +scene0468_02 +scene0546_00 +scene0466_00 +scene0466_01 +scene0220_00 +scene0220_01 +scene0220_02 +scene0122_00 +scene0122_01 +scene0130_00 +scene0110_00 +scene0110_01 +scene0110_02 +scene0327_00 +scene0156_00 +scene0266_00 +scene0266_01 +scene0001_00 +scene0001_01 +scene0228_00 +scene0199_00 +scene0219_00 +scene0464_00 +scene0232_00 +scene0232_01 +scene0232_02 +scene0299_00 +scene0299_01 +scene0530_00 +scene0363_00 +scene0453_00 +scene0453_01 +scene0570_00 +scene0570_01 +scene0570_02 +scene0183_00 +scene0239_00 +scene0239_01 +scene0239_02 +scene0373_00 +scene0373_01 +scene0241_00 +scene0241_01 +scene0241_02 +scene0188_00 +scene0622_00 +scene0622_01 +scene0244_00 +scene0244_01 +scene0691_00 +scene0691_01 +scene0206_00 +scene0206_01 +scene0206_02 +scene0247_00 +scene0247_01 +scene0061_00 +scene0061_01 +scene0082_00 +scene0250_00 +scene0250_01 +scene0250_02 +scene0501_00 +scene0501_01 +scene0501_02 +scene0320_00 +scene0320_01 +scene0320_02 +scene0320_03 +scene0631_00 +scene0631_01 +scene0631_02 +scene0255_00 +scene0255_01 +scene0255_02 +scene0047_00 +scene0265_00 +scene0265_01 +scene0265_02 +scene0004_00 +scene0336_00 +scene0336_01 +scene0058_00 +scene0058_01 +scene0260_00 +scene0260_01 +scene0260_02 +scene0243_00 +scene0603_00 +scene0603_01 +scene0093_00 +scene0093_01 +scene0093_02 +scene0109_00 +scene0109_01 +scene0434_00 +scene0434_01 +scene0434_02 +scene0290_00 +scene0627_00 +scene0627_01 +scene0470_00 +scene0470_01 +scene0137_00 +scene0137_01 +scene0137_02 +scene0270_00 +scene0270_01 +scene0270_02 +scene0271_00 +scene0271_01 +scene0504_00 +scene0274_00 +scene0274_01 +scene0274_02 +scene0036_00 +scene0036_01 +scene0276_00 +scene0276_01 +scene0272_00 +scene0272_01 +scene0499_00 +scene0698_00 +scene0698_01 +scene0051_00 +scene0051_01 +scene0051_02 +scene0051_03 +scene0108_00 +scene0245_00 +scene0369_00 +scene0369_01 +scene0369_02 +scene0284_00 +scene0289_00 +scene0289_01 +scene0286_00 +scene0286_01 +scene0286_02 +scene0286_03 +scene0031_00 +scene0031_01 +scene0031_02 +scene0545_00 +scene0545_01 +scene0545_02 +scene0557_00 +scene0557_01 +scene0557_02 +scene0533_00 +scene0533_01 +scene0116_00 +scene0116_01 +scene0116_02 +scene0611_00 +scene0611_01 +scene0688_00 +scene0294_00 +scene0294_01 +scene0294_02 +scene0295_00 +scene0295_01 +scene0296_00 +scene0296_01 +scene0596_00 +scene0596_01 +scene0596_02 +scene0532_00 +scene0532_01 +scene0637_00 +scene0638_00 +scene0121_00 +scene0121_01 +scene0121_02 +scene0040_00 +scene0040_01 +scene0197_00 +scene0197_01 +scene0197_02 +scene0410_00 +scene0410_01 +scene0305_00 +scene0305_01 +scene0615_00 +scene0615_01 +scene0703_00 +scene0703_01 +scene0555_00 +scene0297_00 +scene0297_01 +scene0297_02 +scene0582_00 +scene0582_01 +scene0582_02 +scene0023_00 +scene0094_00 +scene0013_00 +scene0013_01 +scene0013_02 +scene0136_00 +scene0136_01 +scene0136_02 +scene0407_00 +scene0407_01 +scene0062_00 +scene0062_01 +scene0062_02 +scene0386_00 +scene0318_00 +scene0554_00 +scene0554_01 +scene0497_00 +scene0213_00 +scene0258_00 +scene0323_00 +scene0323_01 +scene0324_00 +scene0324_01 +scene0016_00 +scene0016_01 +scene0016_02 +scene0681_00 +scene0398_00 +scene0398_01 +scene0227_00 +scene0090_00 +scene0066_00 +scene0262_00 +scene0262_01 +scene0155_00 +scene0155_01 +scene0155_02 +scene0352_00 +scene0352_01 +scene0352_02 +scene0038_00 +scene0038_01 +scene0038_02 +scene0335_00 +scene0335_01 +scene0335_02 +scene0261_00 +scene0261_01 +scene0261_02 +scene0261_03 +scene0640_00 +scene0640_01 +scene0640_02 +scene0080_00 +scene0080_01 +scene0080_02 +scene0403_00 +scene0403_01 +scene0282_00 +scene0282_01 +scene0282_02 +scene0682_00 +scene0173_00 +scene0173_01 +scene0173_02 +scene0522_00 +scene0687_00 +scene0345_00 +scene0345_01 +scene0612_00 +scene0612_01 +scene0411_00 +scene0411_01 +scene0411_02 +scene0625_00 +scene0625_01 +scene0211_00 +scene0211_01 +scene0211_02 +scene0211_03 +scene0676_00 +scene0676_01 +scene0179_00 +scene0498_00 +scene0498_01 +scene0498_02 +scene0547_00 +scene0547_01 +scene0547_02 +scene0269_00 +scene0269_01 +scene0269_02 +scene0366_00 +scene0680_00 +scene0680_01 +scene0588_00 +scene0588_01 +scene0588_02 +scene0588_03 +scene0346_00 +scene0346_01 +scene0359_00 +scene0359_01 +scene0014_00 +scene0120_00 +scene0120_01 +scene0212_00 +scene0212_01 +scene0212_02 +scene0176_00 +scene0049_00 +scene0259_00 +scene0259_01 +scene0586_00 +scene0586_01 +scene0586_02 +scene0309_00 +scene0309_01 +scene0125_00 +scene0455_00 +scene0177_00 +scene0177_01 +scene0177_02 +scene0326_00 +scene0372_00 +scene0171_00 +scene0171_01 +scene0374_00 +scene0654_00 +scene0654_01 +scene0445_00 +scene0445_01 +scene0475_00 +scene0475_01 +scene0475_02 +scene0349_00 +scene0349_01 +scene0234_00 +scene0669_00 +scene0669_01 +scene0375_00 +scene0375_01 +scene0375_02 +scene0387_00 +scene0387_01 +scene0387_02 +scene0312_00 +scene0312_01 +scene0312_02 +scene0384_00 +scene0385_00 +scene0385_01 +scene0385_02 +scene0000_00 +scene0000_01 +scene0000_02 +scene0376_00 +scene0376_01 +scene0376_02 +scene0301_00 +scene0301_01 +scene0301_02 +scene0322_00 +scene0542_00 +scene0079_00 +scene0079_01 +scene0099_00 +scene0099_01 +scene0476_00 +scene0476_01 +scene0476_02 +scene0394_00 +scene0394_01 +scene0147_00 +scene0147_01 +scene0067_00 +scene0067_01 +scene0067_02 +scene0397_00 +scene0397_01 +scene0337_00 +scene0337_01 +scene0337_02 +scene0431_00 +scene0223_00 +scene0223_01 +scene0223_02 +scene0010_00 +scene0010_01 +scene0402_00 +scene0268_00 +scene0268_01 +scene0268_02 +scene0679_00 +scene0679_01 +scene0405_00 +scene0128_00 +scene0408_00 +scene0408_01 +scene0190_00 +scene0107_00 +scene0076_00 +scene0167_00 +scene0361_00 +scene0361_01 +scene0361_02 +scene0216_00 +scene0202_00 +scene0303_00 +scene0303_01 +scene0303_02 +scene0446_00 +scene0446_01 +scene0089_00 +scene0089_01 +scene0089_02 +scene0360_00 +scene0150_00 +scene0150_01 +scene0150_02 +scene0421_00 +scene0421_01 +scene0421_02 +scene0454_00 +scene0626_00 +scene0626_01 +scene0626_02 +scene0186_00 +scene0186_01 +scene0538_00 +scene0479_00 +scene0479_01 +scene0479_02 +scene0656_00 +scene0656_01 +scene0656_02 +scene0656_03 +scene0525_00 +scene0525_01 +scene0525_02 +scene0308_00 +scene0396_00 +scene0396_01 +scene0396_02 +scene0624_00 +scene0292_00 +scene0292_01 +scene0632_00 +scene0253_00 +scene0021_00 +scene0325_00 +scene0325_01 +scene0437_00 +scene0437_01 +scene0438_00 +scene0590_00 +scene0590_01 +scene0400_00 +scene0400_01 +scene0541_00 +scene0541_01 +scene0541_02 +scene0677_00 +scene0677_01 +scene0677_02 +scene0443_00 +scene0315_00 +scene0288_00 +scene0288_01 +scene0288_02 +scene0422_00 +scene0672_00 +scene0672_01 +scene0184_00 +scene0449_00 +scene0449_01 +scene0449_02 +scene0048_00 +scene0048_01 +scene0138_00 +scene0452_00 +scene0452_01 +scene0452_02 +scene0667_00 +scene0667_01 +scene0667_02 +scene0463_00 +scene0463_01 +scene0078_00 +scene0078_01 +scene0078_02 +scene0636_00 +scene0457_00 +scene0457_01 +scene0457_02 +scene0465_00 +scene0465_01 +scene0577_00 +scene0151_00 +scene0151_01 +scene0339_00 +scene0573_00 +scene0573_01 +scene0154_00 +scene0096_00 +scene0096_01 +scene0096_02 +scene0235_00 +scene0168_00 +scene0168_01 +scene0168_02 +scene0594_00 +scene0587_00 +scene0587_01 +scene0587_02 +scene0587_03 +scene0229_00 +scene0229_01 +scene0229_02 +scene0512_00 +scene0106_00 +scene0106_01 +scene0106_02 +scene0472_00 +scene0472_01 +scene0472_02 +scene0489_00 +scene0489_01 +scene0489_02 +scene0425_00 +scene0425_01 +scene0641_00 +scene0526_00 +scene0526_01 +scene0317_00 +scene0317_01 +scene0544_00 +scene0017_00 +scene0017_01 +scene0017_02 +scene0042_00 +scene0042_01 +scene0042_02 +scene0576_00 +scene0576_01 +scene0576_02 +scene0347_00 +scene0347_01 +scene0347_02 +scene0436_00 +scene0226_00 +scene0226_01 +scene0485_00 +scene0486_00 +scene0487_00 +scene0487_01 +scene0619_00 +scene0097_00 +scene0367_00 +scene0367_01 +scene0491_00 +scene0492_00 +scene0492_01 +scene0005_00 +scene0005_01 +scene0543_00 +scene0543_01 +scene0543_02 +scene0657_00 +scene0341_00 +scene0341_01 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_val.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_val.txt new file mode 100644 index 0000000000000000000000000000000000000000..965ff258035f857446c30b10e9a6be49f71d3dc7 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_val.txt @@ -0,0 +1,156 @@ +scene0534_00 +scene0534_01 +scene0319_00 +scene0273_00 +scene0273_01 +scene0225_00 +scene0198_00 +scene0003_00 +scene0003_01 +scene0003_02 +scene0409_00 +scene0409_01 +scene0331_00 +scene0331_01 +scene0505_00 +scene0505_01 +scene0505_02 +scene0505_03 +scene0505_04 +scene0506_00 +scene0057_00 +scene0057_01 +scene0074_00 +scene0074_01 +scene0074_02 +scene0091_00 +scene0112_00 +scene0112_01 +scene0112_02 +scene0240_00 +scene0102_00 +scene0102_01 +scene0513_00 +scene0514_00 +scene0514_01 +scene0537_00 +scene0516_00 +scene0516_01 +scene0495_00 +scene0617_00 +scene0133_00 +scene0520_00 +scene0520_01 +scene0635_00 +scene0635_01 +scene0054_00 +scene0473_00 +scene0473_01 +scene0524_00 +scene0524_01 +scene0379_00 +scene0471_00 +scene0471_01 +scene0471_02 +scene0566_00 +scene0248_00 +scene0248_01 +scene0248_02 +scene0529_00 +scene0529_01 +scene0529_02 +scene0391_00 +scene0264_00 +scene0264_01 +scene0264_02 +scene0675_00 +scene0675_01 +scene0350_00 +scene0350_01 +scene0350_02 +scene0450_00 +scene0068_00 +scene0068_01 +scene0237_00 +scene0237_01 +scene0365_00 +scene0365_01 +scene0365_02 +scene0605_00 +scene0605_01 +scene0539_00 +scene0539_01 +scene0539_02 +scene0540_00 +scene0540_01 +scene0540_02 +scene0170_00 +scene0170_01 +scene0170_02 +scene0433_00 +scene0340_00 +scene0340_01 +scene0340_02 +scene0160_00 +scene0160_01 +scene0160_02 +scene0160_03 +scene0160_04 +scene0059_00 +scene0059_01 +scene0059_02 +scene0056_00 +scene0056_01 +scene0478_00 +scene0478_01 +scene0548_00 +scene0548_01 +scene0548_02 +scene0204_00 +scene0204_01 +scene0204_02 +scene0033_00 +scene0145_00 +scene0483_00 +scene0508_00 +scene0508_01 +scene0508_02 +scene0180_00 +scene0148_00 +scene0556_00 +scene0556_01 +scene0416_00 +scene0416_01 +scene0416_02 +scene0416_03 +scene0416_04 +scene0073_00 +scene0073_01 +scene0073_02 +scene0073_03 +scene0034_00 +scene0034_01 +scene0034_02 +scene0639_00 +scene0561_00 +scene0561_01 +scene0298_00 +scene0692_00 +scene0692_01 +scene0692_02 +scene0692_03 +scene0692_04 +scene0642_00 +scene0642_01 +scene0642_02 +scene0642_03 +scene0630_00 +scene0630_01 +scene0630_02 +scene0630_03 +scene0630_04 +scene0630_05 +scene0630_06 +scene0706_00 +scene0567_00 +scene0567_01 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels-old.combined.tsv b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels-old.combined.tsv new file mode 100644 index 0000000000000000000000000000000000000000..05c006e98066aa78d126bebcfb3654200d351b93 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels-old.combined.tsv @@ -0,0 +1,608 @@ +id raw_category category count nyu40id eigen13id nyuClass nyu40class eigen13class ModelNet40 ModelNet10 ShapeNetCore55 synsetoffset wnsynsetid wnsynsetkey mpcat40 mpcat40index +1 wall wall 8277 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +2 chair chair 4646 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +22 books book 1678 23 2 book books Books n02870526 book.n.11 objects 39 +3 floor floor 1553 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +5 door door 1483 8 12 door door Wall door n03221720 door.n.01 door 4 +1163 object object 1313 40 7 otherprop Objects objects 39 +16 window window 1209 9 13 window window Window n04587648 window.n.01 window 9 +4 table table 1170 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +56 trash can trash can 1090 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +13 pillow pillow 937 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +15 picture picture 862 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +41 ceiling ceiling 806 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +26 box box 775 29 7 box box Objects n02883344 box.n.01 objects 39 +161 doorframe doorframe 768 8 12 door door Wall door doorframe.n.01 door 4 +19 monitor monitor 765 40 7 monitor otherprop Objects monitor monitor tv or monitor 3211117 n03782190 monitor.n.04 objects 39 +7 cabinet cabinet 731 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +9 desk desk 680 14 10 desk desk Table desk desk table 4379243 n03179701 desk.n.01 table 5 +8 shelf shelf 641 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +10 office chair office chair 595 5 4 chair chair Chair chair chair chair 3001627 n04373704 swivel_chair.n.01 chair 3 +31 towel towel 570 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +6 couch couch 502 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +14 sink sink 488 34 7 sink sink Objects sink n04223580 sink.n.01 sink 15 +48 backpack backpack 479 40 7 backpack otherprop Objects n02769748 backpack.n.01 objects 39 +28 lamp lamp 419 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +11 bed bed 370 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +18 bookshelf bookshelf 360 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +71 mirror mirror 349 19 7 mirror mirror Objects n03773035 mirror.n.01 mirror 21 +21 curtain curtain 347 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +40 plant plant 331 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +52 whiteboard whiteboard 327 30 7 whiteboard whiteboard Objects n03211616 display_panel.n.01 board_panel 35 +96 radiator radiator 322 39 6 radiator otherfurniture Furniture n04041069 radiator.n.02 misc 40 +22 book book 318 23 2 book books Books n02870526 book.n.11 objects 39 +29 kitchen cabinet kitchen cabinet 310 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +49 toilet paper toilet paper 291 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +29 kitchen cabinets kitchen cabinet 289 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +23 armchair armchair 281 5 4 chair chair Chair chair chair chair 3001627 n02738535 armchair.n.01 chair 3 +63 shoes shoe 272 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +24 coffee table coffee table 258 7 10 coffee table table Table table table table 4379243 n03063968 coffee_table.n.01 table 5 +17 toilet toilet 256 33 7 toilet toilet Objects toilet toilet n04446276 toilet.n.01 toilet 18 +47 bag bag 252 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +32 clothes clothes 248 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +46 keyboard keyboard 246 40 7 keyboard otherprop Objects keyboard computer keyboard 3085013 n03085013 computer_keyboard.n.01 objects 39 +65 bottle bottle 226 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +97 recycling bin recycling bin 225 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +34 nightstand nightstand 224 32 6 night stand night stand Furniture night_stand night_stand n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +38 stool stool 221 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +33 tv tv 219 25 11 television television TV tv or monitor 3211117 n03211117 display.n.06 tv_monitor 22 +75 file cabinet file cabinet 217 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +36 dresser dresser 213 17 6 dresser dresser Furniture dresser dresser n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +64 computer tower computer tower 203 40 7 computer otherprop Objects n03082979 computer.n.01 objects 39 +32 clothing clothes 165 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +101 telephone telephone 164 40 7 telephone otherprop Objects telephone 4401088 n04401088 telephone.n.01 objects 39 +130 cup cup 157 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +27 refrigerator refrigerator 154 24 6 refridgerator refridgerator Furniture n04070727 refrigerator.n.01 appliances 37 +44 end table end table 147 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +131 jacket jacket 146 40 7 jacket otherprop Objects n03589791 jacket.n.01 clothes 38 +55 shower curtain shower curtain 144 28 7 shower curtain shower curtain Objects curtain n04209239 shower_curtain.n.01 curtain 12 +42 bathtub bathtub 144 36 7 bathtub bathtub Objects bathtub bathtub tub 2808440 n02808440 bathtub.n.01 bathtub 25 +59 microwave microwave 141 40 7 microwave otherprop Objects microwave 3761084 n03761084 microwave.n.02 appliances 37 +159 kitchen counter kitchen counter 140 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +74 sofa chair sofa chair 129 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +82 paper towel dispenser paper towel dispenser 129 40 7 paper towel dispenser otherprop Objects objects 39 +1164 bathroom vanity bathroom vanity 126 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 table 5 +93 suitcase suitcase 118 40 7 luggage otherprop Objects n02773838 bag.n.06 objects 39 +77 laptop laptop 111 40 7 laptop otherprop Objects laptop laptop 3642806 n03642806 laptop.n.01 objects 39 +67 ottoman ottoman 111 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +128 shower walls shower wall 109 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +50 printer printer 106 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +35 counter counter 104 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +69 board board 100 38 7 board otherstructure Objects board_panel 35 +100 soap dispenser soap dispenser 99 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +62 stove stove 95 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +105 light light 93 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +1165 closet wall closet wall 90 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +165 mini fridge mini fridge 87 24 6 refridgerator refridgerator Furniture n03273913 electric_refrigerator.n.01 appliances 37 +7 cabinets cabinet 79 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +5 doors door 76 8 12 door door Wall door n03221720 door.n.01 door 4 +76 fan fan 75 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +230 tissue box tissue box 73 40 7 tissue box otherprop Objects n02883344 box.n.01 objects 39 +54 blanket blanket 72 40 7 blanket otherprop Objects n02849154 blanket.n.01 objects 39 +125 bathroom stall bathroom stall 71 38 7 otherstructure Objects n02873839 booth.n.02 misc 40 +72 copier copier 70 40 7 otherprop Objects n03257586 duplicator.n.01 appliances 37 +68 bench bench 66 39 6 bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +145 bar bar 66 38 7 bar otherstructure Objects n02788689 bar.n.03 misc 40 +157 soap dish soap dish 65 40 7 soap dish otherprop Objects n04254009 soap_dish.n.01 objects 39 +1166 laundry hamper laundry hamper 65 40 7 laundry basket otherprop Objects objects 39 +132 storage bin storage bin 63 40 7 storage bin otherprop Objects objects 39 +1167 bathroom stall door bathroom stall door 62 8 12 door door Wall door n03221720 door.n.01 door 4 +232 light switch light switch 61 38 7 light switch otherstructure Objects n04372370 switch.n.01 misc 40 +134 coffee maker coffee maker 61 40 7 otherprop Objects n03063338 coffee_maker.n.01 appliances 37 +51 tv stand tv stand 61 39 6 tv stand otherfurniture Furniture tv_stand n03290653 entertainment_center.n.01 furniture 36 +250 decoration decoration 60 40 7 otherprop Objects n03169390 decoration.n.01 misc 40 +1168 ceiling light ceiling light 59 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +342 range hood range hood 59 38 7 range hood otherstructure Objects range_hood n04053677 range_hood.n.01 misc 40 +89 blackboard blackboard 58 38 7 blackboard otherstructure Objects n02846511 blackboard.n.01 board_panel 35 +103 clock clock 58 40 7 clock otherprop Objects clock 3046257 n03046257 clock.n.01 objects 39 +99 wardrobe closet wardrobe 54 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +95 rail rail 53 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +154 bulletin board bulletin board 53 38 7 board otherstructure Objects n03211616 display_panel.n.01 board_panel 35 +140 mat mat 52 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1169 trash bin trash bin 52 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +193 ledge ledge 51 38 7 otherstructure Objects n09337253 ledge.n.01 misc 40 +116 seat seat 49 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +202 mouse mouse 49 40 7 mouse otherprop Objects n03793489 mouse.n.04 objects 39 +73 basket basket 48 40 7 basket otherprop Objects basket 2801938 n02801938 basket.n.01 objects 39 +78 shower shower 48 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +1170 dumbbell dumbbell 48 40 7 otherprop Objects n03255030 dumbbell.n.01 objects 39 +79 paper paper 46 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +80 person person 46 31 7 person person Objects person n05217688 person.n.02 misc 40 +141 windowsill windowsill 45 38 7 otherstructure Objects n04590263 windowsill.n.01 window 9 +57 closet closet 45 39 6 wardrobe otherfurniture Furniture wardrobe misc 40 +102 bucket bucket 45 40 7 bucket otherprop Objects n02909870 bucket.n.01 misc 40 +261 sign sign 44 40 7 sign otherprop Objects n04217882 signboard.n.01 objects 39 +118 speaker speaker 43 40 7 speaker otherprop Objects speaker 3691459 n03691459 loudspeaker.n.01 objects 39 +136 dishwasher dishwasher 43 38 7 dishwasher otherstructure Objects dishwasher 3207941 n03207941 dishwasher.n.01 appliances 37 +98 container container 43 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1171 stair rail stair rail 42 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +170 shower curtain rod shower curtain rod 42 40 7 otherprop Objects curtain 12 +1172 tube tube 41 40 7 otherprop Objects misc 40 +1173 bathroom cabinet bathroom cabinet 39 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +79 papers paper 39 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +221 storage container storage container 39 40 7 container otherprop Objects objects 39 +570 paper bag paper bag 39 37 7 bag bag Objects n04122825 sack.n.01 objects 39 +138 paper towel roll paper towel roll 39 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +168 ball ball 39 40 7 ball otherprop Objects objects 39 +276 closet doors closet door 38 8 12 door door Wall door n03221720 door.n.01 door 4 +106 laundry basket laundry basket 37 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +214 cart cart 37 40 7 cart otherprop Objects n03484083 handcart.n.01 shelving 31 +276 closet door closet door 35 8 12 door door Wall door n03221720 door.n.01 door 4 +323 dish rack dish rack 35 40 7 dish rack otherprop Objects n03207630 dish_rack.n.01 objects 39 +58 stairs stairs 35 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +86 blinds blinds 35 13 13 blinds blinds Window n02851099 blind.n.03 blinds 32 +2 stack of chairs chair 35 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +399 purse purse 34 40 7 purse otherprop Objects n02774152 bag.n.04 objects 39 +121 bicycle bicycle 33 40 7 bicycle otherprop Objects bicycle 2834778 n02834778 bicycle.n.01 objects 39 +185 tray tray 32 40 7 tray otherprop Objects n04476259 tray.n.01 objects 39 +300 plunger plunger 30 40 7 otherprop Objects n03970156 plunger.n.03 objects 39 +180 paper cutter paper cutter 30 40 7 paper cutter otherprop Objects n03886940 paper_cutter.n.01 objects 39 +163 toilet paper dispenser toilet paper dispenser 29 40 7 otherprop Objects objects 39 +26 boxes box 29 29 7 box box Objects n02883344 box.n.01 objects 39 +66 bin bin 28 40 7 bin otherprop Objects n02839910 bin.n.01 objects 39 +208 toilet seat cover dispenser toilet seat cover dispenser 28 40 7 otherprop Objects objects 39 +112 guitar guitar 28 40 7 guitar otherprop Objects guitar guitar 3467517 n03467517 guitar.n.01 objects 39 +540 mailboxes mailbox 28 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +395 handicap bar handicap bar 27 38 7 bar otherstructure Objects misc 40 +166 fire extinguisher fire extinguisher 27 40 7 fire extinguisher otherprop Objects n03345837 fire_extinguisher.n.01 misc 40 +122 ladder ladder 27 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 stairs 16 +120 column column 26 38 7 column otherstructure Objects n03074380 column.n.06 column 24 +107 pipe pipe 25 40 7 pipe otherprop Objects n03944672 pipe.n.02 misc 40 +283 vacuum cleaner vacuum cleaner 25 40 7 otherprop Objects n04517823 vacuum.n.04 objects 39 +88 plate plate 24 40 7 plate otherprop Objects n03959485 plate.n.04 objects 39 +90 piano piano 24 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +177 water cooler water cooler 24 39 6 water cooler otherfurniture Furniture n04559166 water_cooler.n.01 misc 40 +1174 cd case cd case 24 40 7 otherprop Objects objects 39 +562 bowl bowl 24 40 7 bowl otherprop Objects bowl bowl 2880940 n02880940 bowl.n.03 objects 39 +1175 closet rod closet rod 24 40 7 otherprop Objects n04100174 rod.n.01 misc 40 +1156 bathroom counter bathroom counter 24 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +84 oven oven 23 38 7 oven otherstructure Objects n03862676 oven.n.01 appliances 37 +104 stand stand 23 39 6 stand otherfurniture Furniture table table table 4379243 n04301000 stand.n.04 table 5 +229 scale scale 23 40 7 scale otherprop Objects n04141975 scale.n.07 objects 39 +70 washing machine washing machine 23 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +325 broom broom 22 40 7 broom otherprop Objects n02906734 broom.n.01 objects 39 +169 hat hat 22 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +128 shower wall shower wall 22 1 12 wall wall Wall n04208936 shower.n.01 wall 1 +331 guitar case guitar case 21 40 7 guitar case otherprop Objects objects 39 +87 rack rack 21 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +488 water pitcher water pitcher 21 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +776 laundry detergent laundry detergent 21 40 7 otherprop Objects objects 39 +370 hair dryer hair dryer 21 40 7 hair dryer otherprop Objects n03483316 hand_blower.n.01 objects 39 +191 pillar pillar 21 38 7 column otherstructure Objects n03073977 column.n.07 column 24 +748 divider divider 20 40 7 otherprop Objects wall 1 +242 power outlet power outlet 19 40 7 otherprop Objects misc 40 +45 dining table dining table 19 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +417 shower floor shower floor 19 2 5 floor floor Floor n04208936 shower.n.01 floor 2 +70 washing machines washing machine 19 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +188 shower door shower door 19 8 12 door door Wall door n04208936 shower.n.01 door 4 +1176 coffee kettle coffee kettle 18 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1177 wardrobe cabinet wardrobe 18 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1178 structure structure 18 38 7 otherstructure Objects misc 40 +18 bookshelves bookshelf 17 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +110 clothes dryer clothes dryer 17 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +148 toaster toaster 17 40 7 toaster otherprop Objects n04442312 toaster.n.02 appliances 37 +63 shoe shoe 17 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +155 ironing board ironing board 16 39 6 ironing board otherfurniture Furniture n03586090 ironing_board.n.01 objects 39 +572 alarm clock alarm clock 16 40 7 alarm clock otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +1179 shower head shower head 15 38 7 otherstructure Objects shower 23 +28 lamp base lamp 15 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +392 water bottle water bottle 15 40 7 bottle otherprop Objects bottle bottle 2876657 n04557648 water_bottle.n.01 objects 39 +1180 keyboard piano keyboard piano 15 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +609 projector screen projector screen 15 38 7 projector screen otherstructure Objects misc 40 +1181 case of water bottles case of water bottles 15 40 7 otherprop Objects objects 39 +195 toaster oven toaster oven 14 40 7 toaster oven otherprop Objects n04442441 toaster_oven.n.01 appliances 37 +581 music stand music stand 14 39 6 music stand otherfurniture Furniture n03801760 music_stand.n.01 furniture 36 +58 staircase stairs 14 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +1182 coat rack coat rack 14 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 3 +1183 storage organizer storage organizer 14 40 7 otherprop Objects shelving 3 +139 machine machine 14 40 7 machine otherprop Objects n03699975 machine.n.01 appliances 37 +1184 folded chair folded chair 14 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1185 fire alarm fire alarm 14 40 7 otherprop Objects n03343737 fire_alarm.n.02 misc 40 +156 fireplace fireplace 13 38 7 fireplace otherstructure Objects n03346455 fireplace.n.01 fireplace 27 +408 vent vent 13 40 7 otherprop Objects n04526241 vent.n.01 misc 40 +213 furniture furniture 13 39 6 furniture otherfurniture Furniture n03405725 furniture.n.01 furniture 36 +1186 power strip power strip 13 40 7 otherprop Objects objects 39 +1187 calendar calendar 13 40 7 otherprop Objects objects 39 +1188 poster poster 13 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +115 toilet paper holder toilet paper holder 13 40 7 toilet paper holder otherprop Objects objects 39 +1189 potted plant potted plant 12 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +304 stuffed animal stuffed animal 12 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +1190 luggage luggage 12 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +21 curtains curtain 12 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +312 headphones headphones 12 40 7 otherprop Objects n03261776 earphone.n.01 objects 39 +233 crate crate 12 39 6 crate otherfurniture Furniture n03127925 crate.n.01 objects 39 +286 candle candle 12 40 7 candle otherprop Objects lamp n02948072 candle.n.01 objects 39 +264 projector projector 12 40 7 projector otherprop Objects n04009552 projector.n.02 objects 39 +110 clothes dryers clothes dryer 12 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +1191 mattress mattress 12 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +356 dustpan dustpan 12 40 7 otherprop Objects n03259009 dustpan.n.02 objects 39 +25 drawer drawer 11 39 6 drawer otherfurniture Furniture n03233905 drawer.n.01 furniture 36 +750 rod rod 11 40 7 otherprop Objects pistol 3948459 n03427202 gat.n.01 misc 40 +269 globe globe 11 40 7 globe otherprop Objects objects 39 +307 footrest footrest 11 39 6 foot rest otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +410 piano bench piano bench 11 39 6 piano bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +730 breakfast bar breakfast bar 11 38 7 bar otherstructure Objects counter 26 +216 step stool step stool 11 40 7 step stool otherprop Objects stool n04315713 step_stool.n.01 stool 19 +1192 hand rail hand rail 11 38 7 railing otherstructure Objects railing 30 +119 vending machine vending machine 11 40 7 machine otherprop Objects n04525305 vending_machine.n.01 appliances 37 +682 ceiling fan ceiling fan 11 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +434 swiffer swiffer 11 40 7 otherprop Objects objects 39 +126 foosball table foosball table 11 39 6 foosball table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +919 jar jar 11 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +85 footstool footstool 11 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +1193 folded table folded table 10 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +108 round table round table 10 7 10 table table Table table table table 4379243 n04114554 round_table.n.02 table 5 +135 hamper hamper 10 40 7 basket otherprop Objects basket 2801938 n03482405 hamper.n.02 objects 39 +1194 poster tube poster tube 10 40 7 otherprop Objects objects 39 +432 case case 10 40 7 case otherprop Objects objects 39 +53 carpet carpet 10 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +1195 thermostat thermostat 10 40 7 otherprop Objects n04422875 thermostat.n.01 misc 40 +111 coat coat 10 40 7 jacket otherprop Objects n03057021 coat.n.01 clothes 38 +305 water fountain water fountain 10 38 7 water fountain otherstructure Objects n03241335 drinking_fountain.n.01 misc 40 +1125 smoke detector smoke detector 10 40 7 otherprop Objects misc 40 +13 pillows pillow 9 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +1196 flip flops flip flops 9 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1197 cloth cloth 9 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1198 banner banner 9 40 7 otherprop Objects n02788021 banner.n.01 misc 40 +1199 clothes hanger clothes hanger 9 40 7 otherprop Objects n03057920 coat_hanger.n.01 objects 39 +1200 whiteboard eraser whiteboard eraser 9 40 7 otherprop Objects objects 39 +378 iron iron 9 40 7 otherprop Objects n03584829 iron.n.04 objects 39 +591 instrument case instrument case 9 40 7 case otherprop Objects objects 39 +49 toilet paper rolls toilet paper 9 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +92 soap soap 9 40 7 soap otherprop Objects n04253437 soap.n.01 objects 39 +1098 block block 9 40 7 otherprop Objects misc 40 +291 wall hanging wall hanging 8 40 7 otherprop Objects n03491178 hanging.n.01 picture 6 +1063 kitchen island kitchen island 8 38 7 kitchen island otherstructure Objects n03620600 kitchen_island.n.01 counter 26 +107 pipes pipe 8 38 7 otherstructure Objects misc 40 +1135 toothbrush toothbrush 8 40 7 toothbrush otherprop Objects n04453156 toothbrush.n.01 objects 39 +189 shirt shirt 8 40 7 otherprop Objects n04197391 shirt.n.01 clothes 38 +245 cutting board cutting board 8 40 7 cutting board otherprop Objects n03025513 chopping_board.n.01 objects 39 +194 vase vase 8 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1201 shower control valve shower control valve 8 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +386 exercise machine exercise machine 8 40 7 machine otherprop Objects gym_equipment 33 +1202 compost bin compost bin 8 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +857 shorts shorts 8 40 7 shorts otherprop Objects clothes 38 +452 tire tire 8 40 7 otherprop Objects n04440749 tire.n.01 objects 39 +1203 teddy bear teddy bear 7 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +346 bathrobe bathrobe 7 40 7 otherprop Objects n02807616 bathrobe.n.01 clothes 38 +152 handrail handrail 7 38 7 railing otherstructure Objects n02788148 bannister.n.02 railing 30 +83 faucet faucet 7 40 7 faucet otherprop Objects faucet 3325088 n03325088 faucet.n.01 misc 40 +1204 pantry wall pantry wall 7 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +726 thermos thermos 7 40 7 flask otherprop Objects bottle bottle 2876657 n04422727 thermos.n.01 objects 39 +61 rug rug 7 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +39 couch cushions cushion 7 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1117 tripod tripod 7 39 6 stand otherfurniture Furniture n04485082 tripod.n.01 objects 39 +540 mailbox mailbox 7 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +1205 tupperware tupperware 7 40 7 otherprop Objects objects 39 +415 shoe rack shoe rack 7 40 7 shoe rack otherprop Objects shelving 31 +31 towels towel 6 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +1206 beer bottles beer bottle 6 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +153 treadmill treadmill 6 39 6 treadmill otherfurniture Furniture n04477387 treadmill.n.01 gym_equipment 33 +1207 salt salt 6 40 7 otherprop Objects objects 39 +129 chest chest 6 39 6 chest otherfurniture Furniture dresser dresser chest_of_drawers 13 +220 dispenser dispenser 6 40 7 otherprop Objects n03210683 dispenser.n.01 objects 39 +1208 mirror doors mirror door 6 8 12 door door Wall door n03221720 door.n.01 door 4 +231 remote remote 6 40 7 otherprop Objects remote_control 4074963 n04074963 remote_control.n.01 objects 39 +1209 folded ladder folded ladder 6 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 misc 40 +39 cushion cushion 6 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1210 carton carton 6 40 7 otherprop Objects objects 39 +117 step step 6 38 7 otherstructure Objects n04314914 step.n.04 misc 40 +822 drying rack drying rack 6 39 6 drying rack otherfurniture Furniture shelving 31 +238 slippers slipper 6 40 7 shoe otherprop Objects n04241394 slipper.n.01 clothes 38 +143 pool table pool table 6 39 6 pool table otherfurniture Furniture table table table 4379243 n03982430 pool_table.n.01 table 5 +1211 soda stream soda stream 6 40 7 otherprop Objects objects 39 +228 toilet brush toilet brush 6 40 7 toilet brush otherprop Objects objects 39 +494 loft bed loft bed 6 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +226 cooking pot cooking pot 6 40 7 pot otherprop Objects objects 39 +91 heater heater 6 39 6 heater otherfurniture Furniture n03508101 heater.n.01 misc 40 +1072 messenger bag messenger bag 6 37 7 bag bag Objects objects 39 +435 stapler stapler 6 40 7 stapler otherprop Objects n04303497 stapler.n.01 objects 39 +1165 closet walls closet wall 5 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +345 scanner scanner 5 40 7 otherprop Objects appliances 37 +893 elliptical machine elliptical machine 5 40 7 machine otherprop Objects gym_equipment 33 +621 kettle kettle 5 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1212 metronome metronome 5 40 7 otherprop Objects n03757604 metronome.n.01 objects 39 +297 dumbell dumbell 5 40 7 otherprop Objects objects 39 +1213 music book music book 5 23 2 book books Books n02870526 book.n.11 objects 39 +1214 rice cooker rice cooker 5 40 7 otherprop Objects objects 39 +1215 dart board dart board 5 38 7 board otherstructure Objects n03162940 dartboard.n.01 objects 39 +529 sewing machine sewing machine 5 40 7 sewing machine otherprop Objects n04179913 sewing_machine.n.01 objects 39 +1216 grab bar grab bar 5 38 7 railing otherstructure Objects railing 30 +1217 flowerpot flowerpot 5 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1218 painting painting 5 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1219 railing railing 5 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +1220 stair stair 5 38 7 stairs otherstructure Objects stairs n04314914 step.n.04 stairs 16 +525 toolbox toolbox 5 39 6 chest otherfurniture Furniture n04452615 toolbox.n.01 objects 39 +204 nerf gun nerf gun 5 40 7 otherprop Objects objects 39 +693 binders binder 5 40 7 binder otherprop Objects objects 39 +179 desk lamp desk lamp 5 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1221 quadcopter quadcopter 5 40 7 otherprop Objects objects 39 +1222 pitcher pitcher 5 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +1223 hanging hanging 5 40 7 otherprop Objects misc 40 +1224 mail mail 5 40 7 otherprop Objects misc 40 +1225 closet ceiling closet ceiling 5 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +1226 hoverboard hoverboard 5 40 7 otherprop Objects objects 39 +1227 beanbag chair beanbag chair 5 39 6 bean bag otherfurniture Furniture n02816656 beanbag.n.01 chair 3 +571 water heater water heater 5 40 7 water heater otherprop Objects n04560113 water_heater.n.01 misc 40 +1228 spray bottle spray bottle 5 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +556 rope rope 5 40 7 rope otherprop Objects n04108268 rope.n.01 objects 39 +280 plastic container plastic container 5 40 7 container otherprop Objects objects 39 +1229 soap bottle soap bottle 5 40 7 soap otherprop Objects objects 39 +1230 ikea bag ikea bag 4 37 7 bag bag Objects 2773838 n02773838 bag.n.06 objects 39 +1231 sleeping bag sleeping bag 4 40 7 otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +1232 duffel bag duffel bag 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +746 frying pan frying pan 4 40 7 frying pan otherprop Objects n03400231 frying_pan.n.01 objects 39 +1233 oven mitt oven mitt 4 40 7 otherprop Objects objects 39 +1234 pot pot 4 40 7 pot otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +144 hand dryer hand dryer 4 40 7 otherprop Objects objects 39 +282 dollhouse dollhouse 4 39 6 doll house otherfurniture Furniture n03219483 dollhouse.n.01 objects 39 +167 shampoo bottle shampoo bottle 4 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1235 hair brush hair brush 4 40 7 otherprop Objects n02908217 brush.n.02 objects 39 +1236 tennis racket tennis racket 4 40 7 otherprop Objects n04409806 tennis_racket.n.01 objects 39 +1237 display case display case 4 40 7 case otherprop Objects objects 39 +234 ping pong table ping pong table 4 39 6 ping pong table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +563 boiler boiler 4 40 7 otherprop Objects misc 40 +1238 bag of coffee beans bag of coffee beans 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +1239 bananas banana 4 40 7 otherprop Objects n00021265 food.n.01 objects 39 +1240 carseat carseat 4 40 7 otherprop Objects misc 40 +366 helmet helmet 4 40 7 otherprop Objects helmet 3513137 n03513137 helmet.n.02 clothes 38 +816 umbrella umbrella 4 40 7 umbrella otherprop Objects n04507155 umbrella.n.01 objects 39 +1241 coffee box coffee box 4 40 7 otherprop Objects objects 39 +719 envelope envelope 4 40 7 envelope otherprop Objects n03291819 envelope.n.01 objects 39 +284 wet floor sign wet floor sign 4 40 7 sign otherprop Objects misc 40 +1242 clothing rack clothing rack 4 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +247 controller controller 4 40 7 otherprop Objects n03096960 control.n.09 objects 39 +1243 bath walls bathroom wall 4 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +1244 podium podium 4 39 6 otherfurniture Furniture n03159640 dais.n.01 furniture 36 +1245 storage box storage box 4 29 7 box box Objects n02883344 box.n.01 objects 39 +1246 dolly dolly 4 40 7 otherprop Objects misc 40 +1247 shampoo shampoo 3 40 7 otherprop Objects n04183516 shampoo.n.01 objects 39 +592 paper tray paper tray 3 40 7 paper tray otherprop Objects objects 39 +385 cabinet door cabinet door 3 8 12 door door Wall door door 4 +1248 changing station changing station 3 40 7 otherprop Objects misc 40 +1249 poster printer poster printer 3 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +133 screen screen 3 40 7 otherprop Objects n03151077 curtain.n.01 curtain 12 +301 soap bar soap bar 3 38 7 bar otherstructure Objects objects 39 +1250 crutches crutches 3 40 7 otherprop Objects n03141823 crutch.n.01 objects 39 +379 studio light studio light 3 38 7 light otherstructure Objects lighting 28 +130 stack of cups cup 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +1251 toilet flush button toilet flush button 3 40 7 otherprop Objects objects 39 +450 trunk trunk 3 40 7 otherprop Objects misc 40 +1252 grocery bag grocery bag 3 37 7 bag bag Objects suitcase 2773838 n03461288 grocery_bag.n.01 objects 39 +316 plastic bin plastic bin 3 40 7 bin otherprop Objects objects 39 +1253 pizza box pizza box 3 29 7 box box Objects objects 39 +385 cabinet doors cabinet door 3 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 door 4 +1254 legs legs 3 31 7 person person Objects person n05217688 person.n.02 misc 40 +461 car car 3 40 7 car otherprop Objects car car 2958343 n02958343 car.n.01 misc 40 +1255 shaving cream shaving cream 3 40 7 otherprop Objects n04186051 shaving_cream.n.01 objects 39 +1256 luggage stand luggage stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +599 shredder shredder 3 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +281 statue statue 3 40 7 sculpture otherprop Objects n04306847 statue.n.01 misc 40 +1257 urinal urinal 3 33 7 toilet toilet Objects toilet toilet n04515991 urinal.n.01 toilet 18 +1258 hose hose 3 40 7 otherprop Objects n03539875 hose.n.03 misc 40 +1259 bike pump bike pump 3 40 7 otherprop Objects objects 39 +319 coatrack coatrack 3 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1260 bear bear 3 40 7 otherprop Objects objects 39 +28 wall lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1261 humidifier humidifier 3 40 7 otherprop Objects objects 39 +546 toothpaste toothpaste 3 40 7 toothpaste otherprop Objects objects 39 +1262 mouthwash bottle mouthwash bottle 3 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1263 poster cutter poster cutter 3 40 7 otherprop Objects objects 39 +1264 golf bag golf bag 3 37 7 bag bag Objects suitcase 2773838 n03445617 golf_bag.n.01 objects 39 +1265 food container food container 3 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1266 camera camera 3 40 7 otherprop Objects objects 39 +28 table lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n04380533 table_lamp.n.01 lighting 28 +1267 yoga mat yoga mat 3 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1268 card card 3 40 7 otherprop Objects objects 39 +1269 mug mug 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +188 shower doors shower door 3 38 7 otherstructure Objects n04208936 shower.n.01 door 4 +689 cardboard cardboard 3 40 7 otherprop Objects objects 39 +1270 rack stand rack stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +1271 boxes of paper boxes of paper 3 29 7 box box Objects n02883344 box.n.01 objects 39 +1272 flag flag 3 40 7 otherprop Objects misc 40 +354 futon futon 3 39 6 mattress otherfurniture Furniture n03408444 futon.n.01 sofa 10 +339 magazine magazine 3 40 7 magazine otherprop Objects n06595351 magazine.n.01 objects 39 +1009 exit sign exit sign 3 40 7 exit sign otherprop Objects misc 40 +1273 rolled poster rolled poster 3 40 7 otherprop Objects objects 39 +1274 wheel wheel 3 40 7 otherprop Objects objects 39 +15 pictures picture 3 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1275 blackboard eraser blackboard eraser 3 40 7 eraser otherprop Objects n03294833 eraser.n.01 objects 39 +361 organizer organizer 3 40 7 otherprop Objects n03918737 personal_digital_assistant.n.01 objects 39 +1276 doll doll 3 40 7 toy otherprop Objects n03219135 doll.n.01 objects 39 +326 book rack book rack 3 39 6 bookrack otherfurniture Furniture objects 39 +1277 laundry bag laundry bag 3 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +1278 sponge sponge 3 40 7 otherprop Objects n01906749 sponge.n.04 objects 39 +116 seating seat 3 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +1184 folded chairs folded chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1279 lotion bottle lotion bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +212 can can 2 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1280 lunch box lunch box 2 40 7 otherprop Objects objects 39 +1281 food display food display 2 40 7 otherprop Objects misc 40 +794 storage shelf storage shelf 2 40 7 otherprop Objects shelving 31 +1282 sliding wood door sliding wood door 2 40 7 otherprop Objects door 4 +955 pants pants 2 40 7 otherprop Objects n04489008 trouser.n.01 clothes 38 +387 wood wood 2 40 7 otherprop Objects misc 40 +69 boards board 2 38 7 board otherstructure Objects board_panel 35 +65 bottles bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +523 washcloth washcloth 2 40 7 otherprop Objects n04554523 washcloth.n.01 towel 20 +389 workbench workbench 2 39 6 bench otherfurniture Furniture bench table 4379243 n04600486 workbench.n.01 table 5 +29 open kitchen cabinet kitchen cabinet 2 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +1283 organizer shelf organizer shelf 2 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +146 frame frame 2 38 7 otherstructure Objects misc 40 +130 cups cup 2 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +372 exercise ball exercise ball 2 40 7 ball otherprop Objects n04285146 sports_equipment.n.01 gym_equipment 33 +289 easel easel 2 39 6 stand otherfurniture Furniture n03262809 easel.n.01 furniture 36 +440 garbage bag garbage bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +321 roomba roomba 2 40 7 otherprop Objects objects 39 +976 garage door garage door 2 38 7 garage door otherstructure Objects door door 4 +1256 luggage rack luggage stand 2 39 6 stand otherfurniture Furniture n04038440 shelving 31 +1284 bike lock bike lock 2 40 7 otherprop Objects objects 39 +1285 briefcase briefcase 2 40 7 otherprop Objects n02900705 briefcase.n.01 objects 39 +357 hand towel hand towel 2 27 7 towel towel Objects n03490006 hand_towel.n.01 towel 20 +1286 bath products bath product 2 40 7 otherprop Objects objects 39 +1287 star star 2 40 7 otherprop Objects n09444783 star.n.03 misc 40 +365 map map 2 40 7 map otherprop Objects n03720163 map.n.01 misc 40 +1288 coffee bean bag coffee bean bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +81 headboard headboard 2 39 6 headboard otherfurniture Furniture n03502200 headboard.n.01 bed 11 +1289 ipad ipad 2 40 7 otherprop Objects objects 39 +1290 display rack display rack 2 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +948 traffic cone traffic cone 2 40 7 cone otherprop Objects cone objects 39 +174 toiletry toiletry 2 40 7 otherprop Objects n04447443 toiletry.n.01 objects 39 +1028 canopy canopy 2 40 7 otherprop Objects misc 40 +1291 massage chair massage chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1292 paper organizer paper organizer 2 40 7 otherprop Objects objects 39 +1005 barricade barricade 2 40 7 otherprop Objects misc 40 +235 platform platform 2 38 7 otherstructure Objects misc 40 +1293 cap cap 2 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +1294 dumbbell plates dumbbell plates 2 40 7 otherprop Objects objects 39 +1295 elevator elevator 2 38 7 otherstructure Objects misc 40 +1296 cooking pan cooking pan 2 40 7 pan otherprop Objects n03880531 pan.n.01 objects 39 +1297 trash bag trash bag 2 37 7 bag bag Objects objects 39 +1298 santa santa 2 40 7 otherprop Objects misc 40 +1299 jewelry box jewelry box 2 29 7 box box Objects n02883344 box.n.01 objects 39 +1300 boat boat 2 40 7 otherprop Objects misc 40 +1301 sock sock 2 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1051 kinect kinect 2 40 7 kinect otherprop Objects objects 39 +566 crib crib 2 39 6 crib otherfurniture Furniture furniture 36 +1302 plastic storage bin plastic storage bin 2 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1062 cooler cooler 2 24 6 refridgerator refridgerator Furniture n03102654 cooler.n.01 appliances 37 +1303 kitchen apron kitchen apron 2 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1304 dishwashing soap bottle dishwashing soap bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1305 xbox controller xbox controller 2 40 7 otherprop Objects objects 39 +1306 banana holder banana holder 2 40 7 otherprop Objects objects 39 +298 ping pong paddle ping pong paddle 2 40 7 otherprop Objects table 5 +1307 airplane airplane 2 40 7 otherprop Objects misc 40 +1308 conditioner bottle conditioner bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1309 tea kettle tea kettle 2 40 7 tea kettle otherprop Objects n04397768 teakettle.n.01 objects 39 +43 bedframe bedframe 2 39 6 otherfurniture Furniture n02822579 bedstead.n.01 bed 11 +1310 wood beam wood beam 2 38 7 otherstructure Objects beam 29 +593 toilet paper package toilet paper package 2 40 7 otherprop Objects objects 39 +1311 wall mounted coat rack wall mounted coat rack 2 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1312 film light film light 2 40 7 otherprop Objects lighting 28 +749 ceiling lamp ceiling lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +623 chain chain 1 40 7 otherprop Objects chair 3 +1313 sofa sofa 1 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +99 closet wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +265 sweater sweater 1 40 7 otherprop Objects n04370048 sweater.n.01 clothes 38 +1314 kitchen mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +99 wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1315 water softener water softener 1 40 7 otherprop Objects misc 40 +448 banister banister 1 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +257 trolley trolley 1 40 7 trolley otherprop Objects n04335435 streetcar.n.01 misc 40 +1316 pantry shelf pantry shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +786 sofa bed sofa bed 1 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +801 loofa loofa 1 40 7 otherprop Objects objects 39 +972 shower faucet handle shower faucet handle 1 40 7 handle otherprop Objects shower 23 +1317 toy piano toy piano 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1318 fish fish 1 40 7 otherprop Objects n02512053 fish.n.01 objects 39 +75 file cabinets file cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n03337140 file.n.03 cabinet 7 +657 cat litter box cat litter box 1 29 7 box box Objects objects 39 +561 electric panel electric panel 1 40 7 otherprop Objects misc 40 +93 suitcases suitcase 1 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +513 curtain rod curtain rod 1 38 7 curtain rod otherstructure Objects curtain 12 +411 bunk bed bunk bed 1 39 6 bunk bed otherfurniture Furniture bed bed bed 2818832 n02920259 bunk_bed.n.01 bed 11 +1122 chandelier chandelier 1 38 7 chandelier otherstructure Objects n03005285 chandelier.n.01 lighting 28 +922 tape tape 1 40 7 tape otherprop Objects objects 39 +88 plates plate 1 40 7 otherprop Objects n03959485 plate.n.04 objects 39 +518 alarm alarm 1 40 7 alarm otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +814 fire hose fire hose 1 40 7 otherprop Objects n03346004 fire_hose.n.01 misc 40 +1319 toy dinosaur toy dinosaur 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1320 cone cone 1 40 7 otherprop Objects objects 39 +649 glass doors glass door 1 8 12 door door Wall door n03221720 door.n.01 door 4 +607 hatrack hatrack 1 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +819 subwoofer subwoofer 1 40 7 speaker otherprop Objects speaker 3691459 n04349401 subwoofer.n.01 objects 39 +1321 fire sprinkler fire sprinkler 1 40 7 otherprop Objects misc 40 +1322 trash cabinet trash cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +1204 pantry walls pantry wall 1 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +227 photo photo 1 40 7 photo otherprop Objects n03925226 photograph.n.01 picture 6 +817 barrier barrier 1 40 7 otherprop Objects n02796623 barrier.n.01 misc 40 +130 stacks of cups cup 1 40 7 otherprop Objects n03147509 cup.n.01 objects 39 +712 beachball beachball 1 40 7 ball otherprop Objects n02814224 beach_ball.n.01 objects 39 +1323 folded boxes folded boxes 1 40 7 otherprop Objects objects 39 +1324 contact lens solution bottle contact lens solution bottle 1 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +673 covered box covered box 1 29 7 box box Objects objects 39 +459 folder folder 1 40 7 folder otherprop Objects n03376279 folder.n.02 objects 39 +643 mail trays mail tray 1 40 7 mail tray otherprop Objects objects 39 +238 slipper slipper 1 40 7 otherprop Objects n04241394 slipper.n.01 clothes 38 +765 magazine rack magazine rack 1 39 6 stand otherfurniture Furniture n03704549 magazine_rack.n.01 shelving 31 +1008 sticker sticker 1 40 7 sticker otherprop Objects n07272545 gummed_label.n.01 objects 39 +225 lotion lotion 1 40 7 otherprop Objects n03690938 lotion.n.01 objects 39 +1083 buddha buddha 1 40 7 otherprop Objects objects 39 +813 file organizer file organizer 1 40 7 otherprop Objects objects 39 +138 paper towel rolls paper towel roll 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +1145 night lamp night lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +796 fuse box fuse box 1 40 7 otherprop Objects misc 40 +1325 knife block knife block 1 40 7 otherprop Objects objects 39 +363 furnace furnace 1 39 6 furnace otherfurniture Furniture n03404449 furnace.n.01 +1174 cd cases cd case 1 40 7 otherprop Objects objects 39 +38 stools stool 1 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +1326 hand sanitzer dispenser hand sanitzer dispenser 1 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +997 teapot teapot 1 40 7 tea pot otherprop Objects n04398044 teapot.n.01 objects 39 +1327 pen holder pen holder 1 40 7 otherprop Objects objects 39 +1328 tray rack tray rack 1 40 7 otherprop Objects objects 39 +1329 wig wig 1 40 7 otherprop Objects n04584207 wig.n.01 objects 39 +182 switch switch 1 40 7 otherprop Objects n04372370 switch.n.01 misc 40 +280 plastic containers plastic container 1 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1330 night light night light 1 40 7 otherprop Objects lighting 28 +1331 notepad notepad 1 40 7 otherprop Objects objects 39 +1332 mail bin mail bin 1 40 7 otherprop Objects misc 40 +1333 elevator button elevator button 1 40 7 otherprop Objects misc 40 +939 gaming wheel gaming wheel 1 40 7 otherprop Objects objects 39 +1334 drum set drum set 1 40 7 otherprop Objects objects 39 +480 cosmetic bag cosmetic bag 1 37 7 bag bag Objects objects 39 +907 coffee mug coffee mug 1 40 7 vessel otherprop Objects cup or mug 3797390 n03063599 coffee_mug.n.01 objects 39 +1335 closet shelf closet shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +1336 baby mobile baby mobile 1 40 7 otherprop Objects objects 39 +829 diaper bin diaper bin 1 40 7 bin otherprop Objects objects 39 +947 door wall door wall 1 1 12 wall wall Wall wall 1 +1116 stepstool stepstool 1 40 7 step stool otherprop Objects objects 39 +599 paper shredder shredder 1 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +733 dress rack dress rack 1 40 7 otherprop Objects n03238762 dress_rack.n.01 misc 40 +123 cover cover 1 40 7 blanket otherprop Objects objects 39 +506 shopping bag shopping bag 1 37 7 bag bag Objects n04204081 shopping_bag.n.01 objects 39 +569 sliding door sliding door 1 8 12 door door Wall door n04239074 sliding_door.n.01 door 4 +1337 exercise bike exercise bike 1 40 7 machine otherprop Objects n04210120 shredder.n.01 gym_equipment 33 +1338 recliner chair recliner chair 1 5 4 chair chair Chair chair chair chair 3001627 n03238762 dress_rack.n.01 chair 3 +1314 kitchenaid mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +1339 soda can soda can 1 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1340 stovetop stovetop 1 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +851 stepladder stepladder 1 39 6 ladder otherfurniture Furniture stairs n04315599 step_ladder.n.01 stairs 16 +142 tap tap 1 40 7 faucet otherprop Objects faucet 3325088 n04559451 water_faucet.n.01 objects 39 +436 cable cable 1 40 7 cables otherprop Objects objects 39 +1341 baby changing station baby changing station 1 39 6 otherfurniture Furniture furniture 36 +1342 costume costume 1 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +885 rocking chair rocking chair 1 5 4 chair chair Chair chair chair chair 3001627 n04099969 rocking_chair.n.01 chair 3 +693 binder binder 1 40 7 binder otherprop Objects objects 39 +815 media center media center 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +401 towel rack towel rack 1 40 7 otherprop Objects n04459773 towel_rack.n.01 misc 40 +1343 medal medal 1 40 7 otherprop Objects objects 39 +1184 stack of folded chairs folded chair 1 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1344 telescope telescope 1 40 7 otherprop Objects n04403638 telescope.n.01 objects 39 +1345 closet doorframe closet doorframe 1 8 12 door door Wall door door 4 +160 glass glass 1 38 7 glass otherstructure Objects n03438257 glass.n.02 misc 40 +1126 baseball cap baseball cap 1 40 7 otherprop Objects cap 2954340 n02799323 baseball_cap.n.01 clothes 38 +1346 battery disposal jar battery disposal jar 1 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +332 mop mop 1 40 7 otherprop Objects n04367480 swab.n.02 objects 39 +397 tank tank 1 40 7 otherprop Objects objects 39 +643 mail tray mail tray 1 40 7 mail tray otherprop Objects objects 39 +551 centerpiece centerpiece 1 40 7 centerpiece otherprop Objects n02994419 centerpiece.n.02 objects 39 +1163 stick stick 1 40 7 stick otherprop Objects objects 39 +1347 closet floor closet floor 1 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +1348 dryer sheets dryer sheets 1 40 7 otherprop Objects objects 39 +803 bycicle bycicle 1 40 7 otherprop Objects misc 40 +484 flower stand flower stand 1 39 6 stand otherfurniture Furniture furniture 36 +1349 air mattress air mattress 1 4 1 bed bed Bed bed bed bed 2818832 n02690809 air_mattress.n.01 bed 11 +1350 clip clip 1 40 7 otherprop Objects objects 39 +222 side table side table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1253 pizza boxes pizza box 1 29 7 box box Objects n02883344 box.n.01 objects 39 +1351 display display 1 39 7 otherfurniture Furniture n03211117 display.n.06 misc 40 +1352 postcard postcard 1 40 7 otherprop Objects objects 39 +828 display sign display sign 1 40 7 sign otherprop Objects misc 40 +1353 paper towel paper towel 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +612 boots boot 1 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1354 tennis racket bag tennis racket bag 1 40 7 otherprop Objects objects 39 +1355 air hockey table air hockey table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1301 socks sock 1 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1356 food bag food bag 1 37 7 bag bag Objects objects 39 +1199 clothes hangers clothes hanger 1 40 7 otherprop Objects n03057920 coat_hanger.n.01 misc 40 +1357 starbucks cup starbucks cup 1 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv new file mode 100644 index 0000000000000000000000000000000000000000..cff61b132f3ebf4edd513445b76fd39db54462d2 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv @@ -0,0 +1,608 @@ +id raw_category category count nyu40id eigen13id nyuClass nyu40class eigen13class ModelNet40 ModelNet10 ShapeNetCore55 synsetoffset wnsynsetid wnsynsetkey mpcat40 mpcat40index +1 wall wall 8277 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +2 chair chair 4646 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +22 books book 1678 23 2 book books Books n02870526 book.n.11 objects 39 +3 floor floor 1553 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +5 door door 1483 8 12 door door Wall door n03221720 door.n.01 door 4 +1163 object object 1313 40 7 otherprop Objects objects 39 +16 window window 1209 9 13 window window Window n04587648 window.n.01 window 9 +4 table table 1170 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +56 trash can trash can 1090 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +13 pillow pillow 937 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +15 picture picture 862 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +41 ceiling ceiling 806 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +26 box box 775 29 7 box box Objects n02883344 box.n.01 objects 39 +161 doorframe doorframe 768 8 12 door door Wall door doorframe.n.01 door 4 +19 monitor monitor 765 40 7 monitor otherprop Objects monitor monitor tv or monitor 3211117 n03782190 monitor.n.04 objects 39 +7 cabinet cabinet 731 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +9 desk desk 680 14 10 desk desk Table desk desk table 4379243 n03179701 desk.n.01 table 5 +8 shelf shelf 641 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +10 office chair office chair 595 5 4 chair chair Chair chair chair chair 3001627 n04373704 swivel_chair.n.01 chair 3 +31 towel towel 570 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +6 couch couch 502 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +14 sink sink 488 34 7 sink sink Objects sink n04223580 sink.n.01 sink 15 +48 backpack backpack 479 40 7 backpack otherprop Objects n02769748 backpack.n.01 objects 39 +28 lamp lamp 419 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +11 bed bed 370 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +18 bookshelf bookshelf 360 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +71 mirror mirror 349 19 7 mirror mirror Objects n03773035 mirror.n.01 mirror 21 +21 curtain curtain 347 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +40 plant plant 331 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +52 whiteboard whiteboard 327 30 7 whiteboard whiteboard Objects n03211616 display_panel.n.01 board_panel 35 +96 radiator radiator 322 39 6 radiator otherfurniture Furniture n04041069 radiator.n.02 misc 40 +22 book book 318 23 2 book books Books n02870526 book.n.11 objects 39 +29 kitchen cabinet kitchen cabinet 310 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +49 toilet paper toilet paper 291 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +29 kitchen cabinets kitchen cabinet 289 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +23 armchair armchair 281 5 4 chair chair Chair chair chair chair 3001627 n02738535 armchair.n.01 chair 3 +63 shoes shoe 272 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +24 coffee table coffee table 258 7 10 coffee table table Table table table table 4379243 n03063968 coffee_table.n.01 table 5 +17 toilet toilet 256 33 7 toilet toilet Objects toilet toilet n04446276 toilet.n.01 toilet 18 +47 bag bag 252 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +32 clothes clothes 248 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +46 keyboard keyboard 246 40 7 keyboard otherprop Objects keyboard computer keyboard 3085013 n03085013 computer_keyboard.n.01 objects 39 +65 bottle bottle 226 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +97 recycling bin recycling bin 225 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +34 nightstand nightstand 224 32 6 night stand night stand Furniture night_stand night_stand n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +38 stool stool 221 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +33 tv tv 219 25 11 television television TV tv or monitor 3211117 n03211117 display.n.06 tv_monitor 22 +75 file cabinet file cabinet 217 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +36 dresser dresser 213 17 6 dresser dresser Furniture dresser dresser n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +64 computer tower computer tower 203 40 7 computer otherprop Objects n03082979 computer.n.01 objects 39 +32 clothing clothes 165 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +101 telephone telephone 164 40 7 telephone otherprop Objects telephone 4401088 n04401088 telephone.n.01 objects 39 +130 cup cup 157 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +27 refrigerator refrigerator 154 24 6 refridgerator refridgerator Furniture n04070727 refrigerator.n.01 appliances 37 +44 end table end table 147 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +131 jacket jacket 146 40 7 jacket otherprop Objects n03589791 jacket.n.01 clothes 38 +55 shower curtain shower curtain 144 28 7 shower curtain shower curtain Objects curtain n04209239 shower_curtain.n.01 curtain 12 +42 bathtub bathtub 144 36 7 bathtub bathtub Objects bathtub bathtub tub 2808440 n02808440 bathtub.n.01 bathtub 25 +59 microwave microwave 141 40 7 microwave otherprop Objects microwave 3761084 n03761084 microwave.n.02 appliances 37 +159 kitchen counter kitchen counter 140 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +74 sofa chair sofa chair 129 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +82 paper towel dispenser paper towel dispenser 129 40 7 paper towel dispenser otherprop Objects objects 39 +1164 bathroom vanity bathroom vanity 126 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 table 5 +93 suitcase suitcase 118 40 7 luggage otherprop Objects n02773838 bag.n.06 objects 39 +77 laptop laptop 111 40 7 laptop otherprop Objects laptop laptop 3642806 n03642806 laptop.n.01 objects 39 +67 ottoman ottoman 111 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +128 shower walls shower wall 109 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +50 printer printer 106 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +35 counter counter 104 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +69 board board 100 38 7 board otherstructure Objects board_panel 35 +100 soap dispenser soap dispenser 99 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +62 stove stove 95 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +105 light light 93 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +1165 closet wall closet wall 90 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +165 mini fridge mini fridge 87 24 6 refridgerator refridgerator Furniture n03273913 electric_refrigerator.n.01 appliances 37 +7 cabinets cabinet 79 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +5 doors door 76 8 12 door door Wall door n03221720 door.n.01 door 4 +76 fan fan 75 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +230 tissue box tissue box 73 40 7 tissue box otherprop Objects n02883344 box.n.01 objects 39 +54 blanket blanket 72 40 7 blanket otherprop Objects n02849154 blanket.n.01 objects 39 +125 bathroom stall bathroom stall 71 38 7 otherstructure Objects n02873839 booth.n.02 misc 40 +72 copier copier 70 40 7 otherprop Objects n03257586 duplicator.n.01 appliances 37 +68 bench bench 66 39 6 bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +145 bar bar 66 38 7 bar otherstructure Objects n02788689 bar.n.03 misc 40 +157 soap dish soap dish 65 40 7 soap dish otherprop Objects n04254009 soap_dish.n.01 objects 39 +1166 laundry hamper laundry hamper 65 40 7 laundry basket otherprop Objects objects 39 +132 storage bin storage bin 63 40 7 storage bin otherprop Objects objects 39 +1167 bathroom stall door bathroom stall door 62 8 12 door door Wall door n03221720 door.n.01 door 4 +232 light switch light switch 61 38 7 light switch otherstructure Objects n04372370 switch.n.01 misc 40 +134 coffee maker coffee maker 61 40 7 otherprop Objects n03063338 coffee_maker.n.01 appliances 37 +51 tv stand tv stand 61 39 6 tv stand otherfurniture Furniture tv_stand n03290653 entertainment_center.n.01 furniture 36 +250 decoration decoration 60 40 7 otherprop Objects n03169390 decoration.n.01 misc 40 +1168 ceiling light ceiling light 59 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +342 range hood range hood 59 38 7 range hood otherstructure Objects range_hood n04053677 range_hood.n.01 misc 40 +89 blackboard blackboard 58 38 7 blackboard otherstructure Objects n02846511 blackboard.n.01 board_panel 35 +103 clock clock 58 40 7 clock otherprop Objects clock 3046257 n03046257 clock.n.01 objects 39 +99 wardrobe closet wardrobe 54 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +95 rail rail 53 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +154 bulletin board bulletin board 53 38 7 board otherstructure Objects n03211616 display_panel.n.01 board_panel 35 +140 mat mat 52 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1169 trash bin trash bin 52 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +193 ledge ledge 51 38 7 otherstructure Objects n09337253 ledge.n.01 misc 40 +116 seat seat 49 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +202 mouse mouse 49 40 7 mouse otherprop Objects n03793489 mouse.n.04 objects 39 +73 basket basket 48 40 7 basket otherprop Objects basket 2801938 n02801938 basket.n.01 objects 39 +78 shower shower 48 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +1170 dumbbell dumbbell 48 40 7 otherprop Objects n03255030 dumbbell.n.01 objects 39 +79 paper paper 46 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +80 person person 46 31 7 person person Objects person n05217688 person.n.02 misc 40 +141 windowsill windowsill 45 38 7 otherstructure Objects n04590263 windowsill.n.01 window 9 +57 closet closet 45 39 6 wardrobe otherfurniture Furniture wardrobe misc 40 +102 bucket bucket 45 40 7 bucket otherprop Objects n02909870 bucket.n.01 misc 40 +261 sign sign 44 40 7 sign otherprop Objects n04217882 signboard.n.01 objects 39 +118 speaker speaker 43 40 7 speaker otherprop Objects speaker 3691459 n03691459 loudspeaker.n.01 objects 39 +136 dishwasher dishwasher 43 38 7 dishwasher otherstructure Objects dishwasher 3207941 n03207941 dishwasher.n.01 appliances 37 +98 container container 43 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1171 stair rail stair rail 42 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +170 shower curtain rod shower curtain rod 42 40 7 otherprop Objects curtain 12 +1172 tube tube 41 40 7 otherprop Objects misc 40 +1173 bathroom cabinet bathroom cabinet 39 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +79 papers paper 39 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +221 storage container storage container 39 40 7 container otherprop Objects objects 39 +570 paper bag paper bag 39 37 7 bag bag Objects n04122825 sack.n.01 objects 39 +138 paper towel roll paper towel roll 39 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +168 ball ball 39 40 7 ball otherprop Objects objects 39 +276 closet doors closet door 38 8 12 door door Wall door n03221720 door.n.01 door 4 +106 laundry basket laundry basket 37 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +214 cart cart 37 40 7 cart otherprop Objects n03484083 handcart.n.01 shelving 31 +276 closet door closet door 35 8 12 door door Wall door n03221720 door.n.01 door 4 +323 dish rack dish rack 35 40 7 dish rack otherprop Objects n03207630 dish_rack.n.01 objects 39 +58 stairs stairs 35 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +86 blinds blinds 35 13 13 blinds blinds Window n02851099 blind.n.03 blinds 32 +2 stack of chairs chair 35 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +399 purse purse 34 40 7 purse otherprop Objects n02774152 bag.n.04 objects 39 +121 bicycle bicycle 33 40 7 bicycle otherprop Objects bicycle 2834778 n02834778 bicycle.n.01 objects 39 +185 tray tray 32 40 7 tray otherprop Objects n04476259 tray.n.01 objects 39 +300 plunger plunger 30 40 7 otherprop Objects n03970156 plunger.n.03 objects 39 +180 paper cutter paper cutter 30 40 7 paper cutter otherprop Objects n03886940 paper_cutter.n.01 objects 39 +163 toilet paper dispenser toilet paper dispenser 29 40 7 otherprop Objects objects 39 +26 boxes box 29 29 7 box box Objects n02883344 box.n.01 objects 39 +66 bin bin 28 40 7 bin otherprop Objects n02839910 bin.n.01 objects 39 +208 toilet seat cover dispenser toilet seat cover dispenser 28 40 7 otherprop Objects objects 39 +112 guitar guitar 28 40 7 guitar otherprop Objects guitar guitar 3467517 n03467517 guitar.n.01 objects 39 +540 mailboxes mailbox 28 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +395 handicap bar handicap bar 27 38 7 bar otherstructure Objects misc 40 +166 fire extinguisher fire extinguisher 27 40 7 fire extinguisher otherprop Objects n03345837 fire_extinguisher.n.01 misc 40 +122 ladder ladder 27 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 stairs 16 +120 column column 26 38 7 column otherstructure Objects n03074380 column.n.06 column 24 +107 pipe pipe 25 40 7 pipe otherprop Objects n03944672 pipe.n.02 misc 40 +283 vacuum cleaner vacuum cleaner 25 40 7 otherprop Objects n04517823 vacuum.n.04 objects 39 +88 plate plate 24 40 7 plate otherprop Objects n03959485 plate.n.04 objects 39 +90 piano piano 24 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +177 water cooler water cooler 24 39 6 water cooler otherfurniture Furniture n04559166 water_cooler.n.01 misc 40 +1174 cd case cd case 24 40 7 otherprop Objects objects 39 +562 bowl bowl 24 40 7 bowl otherprop Objects bowl bowl 2880940 n02880940 bowl.n.03 objects 39 +1175 closet rod closet rod 24 40 7 otherprop Objects n04100174 rod.n.01 misc 40 +1156 bathroom counter bathroom counter 24 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +84 oven oven 23 38 7 oven otherstructure Objects n03862676 oven.n.01 appliances 37 +104 stand stand 23 39 6 stand otherfurniture Furniture table table table 4379243 n04301000 stand.n.04 table 5 +229 scale scale 23 40 7 scale otherprop Objects n04141975 scale.n.07 objects 39 +70 washing machine washing machine 23 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +325 broom broom 22 40 7 broom otherprop Objects n02906734 broom.n.01 objects 39 +169 hat hat 22 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +128 shower wall shower wall 22 1 12 wall wall Wall n04208936 shower.n.01 wall 1 +331 guitar case guitar case 21 40 7 guitar case otherprop Objects objects 39 +87 rack rack 21 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +488 water pitcher water pitcher 21 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +776 laundry detergent laundry detergent 21 40 7 otherprop Objects objects 39 +370 hair dryer hair dryer 21 40 7 hair dryer otherprop Objects n03483316 hand_blower.n.01 objects 39 +191 pillar pillar 21 38 7 column otherstructure Objects n03073977 column.n.07 column 24 +748 divider divider 20 40 7 otherprop Objects wall 1 +242 power outlet power outlet 19 40 7 otherprop Objects misc 40 +45 dining table dining table 19 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +417 shower floor shower floor 19 2 5 floor floor Floor n04208936 shower.n.01 floor 2 +70 washing machines washing machine 19 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +188 shower door shower door 19 8 12 door door Wall door n04208936 shower.n.01 door 4 +1176 coffee kettle coffee kettle 18 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1177 wardrobe cabinet wardrobe 18 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1178 structure structure 18 38 7 otherstructure Objects misc 40 +18 bookshelves bookshelf 17 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +110 clothes dryer clothes dryer 17 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +148 toaster toaster 17 40 7 toaster otherprop Objects n04442312 toaster.n.02 appliances 37 +63 shoe shoe 17 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +155 ironing board ironing board 16 39 6 ironing board otherfurniture Furniture n03586090 ironing_board.n.01 objects 39 +572 alarm clock alarm clock 16 40 7 alarm clock otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +1179 shower head shower head 15 38 7 otherstructure Objects shower 23 +28 lamp base lamp 15 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +392 water bottle water bottle 15 40 7 bottle otherprop Objects bottle bottle 2876657 n04557648 water_bottle.n.01 objects 39 +1180 keyboard piano keyboard piano 15 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +609 projector screen projector screen 15 38 7 projector screen otherstructure Objects misc 40 +1181 case of water bottles case of water bottles 15 40 7 otherprop Objects objects 39 +195 toaster oven toaster oven 14 40 7 toaster oven otherprop Objects n04442441 toaster_oven.n.01 appliances 37 +581 music stand music stand 14 39 6 music stand otherfurniture Furniture n03801760 music_stand.n.01 furniture 36 +58 staircase stairs 14 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +1182 coat rack coat rack 14 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 3 +1183 storage organizer storage organizer 14 40 7 otherprop Objects shelving 3 +139 machine machine 14 40 7 machine otherprop Objects n03699975 machine.n.01 appliances 37 +1184 folded chair folded chair 14 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1185 fire alarm fire alarm 14 40 7 otherprop Objects n03343737 fire_alarm.n.02 misc 40 +156 fireplace fireplace 13 38 7 fireplace otherstructure Objects n03346455 fireplace.n.01 fireplace 27 +408 vent vent 13 40 7 otherprop Objects n04526241 vent.n.01 misc 40 +213 furniture furniture 13 39 6 furniture otherfurniture Furniture n03405725 furniture.n.01 furniture 36 +1186 power strip power strip 13 40 7 otherprop Objects objects 39 +1187 calendar calendar 13 40 7 otherprop Objects objects 39 +1188 poster poster 13 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +115 toilet paper holder toilet paper holder 13 40 7 toilet paper holder otherprop Objects objects 39 +1189 potted plant potted plant 12 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +304 stuffed animal stuffed animal 12 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +1190 luggage luggage 12 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +21 curtains curtain 12 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +312 headphones headphones 12 40 7 otherprop Objects n03261776 earphone.n.01 objects 39 +233 crate crate 12 39 6 crate otherfurniture Furniture n03127925 crate.n.01 objects 39 +286 candle candle 12 40 7 candle otherprop Objects lamp n02948072 candle.n.01 objects 39 +264 projector projector 12 40 7 projector otherprop Objects n04009552 projector.n.02 objects 39 +110 clothes dryers clothes dryer 12 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +1191 mattress mattress 12 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +356 dustpan dustpan 12 40 7 otherprop Objects n03259009 dustpan.n.02 objects 39 +25 drawer drawer 11 39 6 drawer otherfurniture Furniture n03233905 drawer.n.01 furniture 36 +750 rod rod 11 40 7 otherprop Objects pistol 3948459 n03427202 gat.n.01 misc 40 +269 globe globe 11 40 7 globe otherprop Objects objects 39 +307 footrest footrest 11 39 6 foot rest otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +410 piano bench piano bench 11 39 6 piano bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +730 breakfast bar breakfast bar 11 38 7 bar otherstructure Objects counter 26 +216 step stool step stool 11 40 7 step stool otherprop Objects stool n04315713 step_stool.n.01 stool 19 +1192 hand rail hand rail 11 38 7 railing otherstructure Objects railing 30 +119 vending machine vending machine 11 40 7 machine otherprop Objects n04525305 vending_machine.n.01 appliances 37 +682 ceiling fan ceiling fan 11 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +434 swiffer swiffer 11 40 7 otherprop Objects objects 39 +126 foosball table foosball table 11 39 6 foosball table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +919 jar jar 11 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +85 footstool footstool 11 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +1193 folded table folded table 10 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +108 round table round table 10 7 10 table table Table table table table 4379243 n04114554 round_table.n.02 table 5 +135 hamper hamper 10 40 7 basket otherprop Objects basket 2801938 n03482405 hamper.n.02 objects 39 +1194 poster tube poster tube 10 40 7 otherprop Objects objects 39 +432 case case 10 40 7 case otherprop Objects objects 39 +53 carpet carpet 10 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +1195 thermostat thermostat 10 40 7 otherprop Objects n04422875 thermostat.n.01 misc 40 +111 coat coat 10 40 7 jacket otherprop Objects n03057021 coat.n.01 clothes 38 +305 water fountain water fountain 10 38 7 water fountain otherstructure Objects n03241335 drinking_fountain.n.01 misc 40 +1125 smoke detector smoke detector 10 40 7 otherprop Objects misc 40 +13 pillows pillow 9 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +1196 flip flops flip flops 9 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1197 cloth cloth 9 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1198 banner banner 9 40 7 otherprop Objects n02788021 banner.n.01 misc 40 +1199 clothes hanger clothes hanger 9 40 7 otherprop Objects n03057920 coat_hanger.n.01 objects 39 +1200 whiteboard eraser whiteboard eraser 9 40 7 otherprop Objects objects 39 +378 iron iron 9 40 7 otherprop Objects n03584829 iron.n.04 objects 39 +591 instrument case instrument case 9 40 7 case otherprop Objects objects 39 +49 toilet paper rolls toilet paper 9 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +92 soap soap 9 40 7 soap otherprop Objects n04253437 soap.n.01 objects 39 +1098 block block 9 40 7 otherprop Objects misc 40 +291 wall hanging wall hanging 8 40 7 otherprop Objects n03491178 hanging.n.01 picture 6 +1063 kitchen island kitchen island 8 38 7 kitchen island otherstructure Objects n03620600 kitchen_island.n.01 counter 26 +107 pipes pipe 8 38 7 otherstructure Objects misc 40 +1135 toothbrush toothbrush 8 40 7 toothbrush otherprop Objects n04453156 toothbrush.n.01 objects 39 +189 shirt shirt 8 40 7 otherprop Objects n04197391 shirt.n.01 clothes 38 +245 cutting board cutting board 8 40 7 cutting board otherprop Objects n03025513 chopping_board.n.01 objects 39 +194 vase vase 8 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1201 shower control valve shower control valve 8 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +386 exercise machine exercise machine 8 40 7 machine otherprop Objects gym_equipment 33 +1202 compost bin compost bin 8 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +857 shorts shorts 8 40 7 shorts otherprop Objects clothes 38 +452 tire tire 8 40 7 otherprop Objects n04440749 tire.n.01 objects 39 +1203 teddy bear teddy bear 7 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +346 bathrobe bathrobe 7 40 7 otherprop Objects n02807616 bathrobe.n.01 clothes 38 +152 handrail handrail 7 38 7 railing otherstructure Objects n02788148 bannister.n.02 railing 30 +83 faucet faucet 7 40 7 faucet otherprop Objects faucet 3325088 n03325088 faucet.n.01 misc 40 +1204 pantry wall pantry wall 7 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +726 thermos thermos 7 40 7 flask otherprop Objects bottle bottle 2876657 n04422727 thermos.n.01 objects 39 +61 rug rug 7 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +39 couch cushions cushion 7 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1117 tripod tripod 7 39 6 stand otherfurniture Furniture n04485082 tripod.n.01 objects 39 +540 mailbox mailbox 7 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +1205 tupperware tupperware 7 40 7 otherprop Objects objects 39 +415 shoe rack shoe rack 7 40 7 shoe rack otherprop Objects shelving 31 +31 towels towel 6 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +1206 beer bottles beer bottle 6 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +153 treadmill treadmill 6 39 6 treadmill otherfurniture Furniture n04477387 treadmill.n.01 gym_equipment 33 +1207 salt salt 6 40 7 otherprop Objects objects 39 +129 chest chest 6 39 6 chest otherfurniture Furniture dresser dresser chest_of_drawers 13 +220 dispenser dispenser 6 40 7 otherprop Objects n03210683 dispenser.n.01 objects 39 +1208 mirror doors mirror door 6 8 12 door door Wall door n03221720 door.n.01 door 4 +231 remote remote 6 40 7 otherprop Objects remote_control 4074963 n04074963 remote_control.n.01 objects 39 +1209 folded ladder folded ladder 6 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 misc 40 +39 cushion cushion 6 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1210 carton carton 6 40 7 otherprop Objects objects 39 +117 step step 6 38 7 otherstructure Objects n04314914 step.n.04 misc 40 +822 drying rack drying rack 6 39 6 drying rack otherfurniture Furniture shelving 31 +238 slippers slipper 6 40 7 shoe otherprop Objects n04241394 slipper.n.01 clothes 38 +143 pool table pool table 6 39 6 pool table otherfurniture Furniture table table table 4379243 n03982430 pool_table.n.01 table 5 +1211 soda stream soda stream 6 40 7 otherprop Objects objects 39 +228 toilet brush toilet brush 6 40 7 toilet brush otherprop Objects objects 39 +494 loft bed loft bed 6 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +226 cooking pot cooking pot 6 40 7 pot otherprop Objects objects 39 +91 heater heater 6 39 6 heater otherfurniture Furniture n03508101 heater.n.01 misc 40 +1072 messenger bag messenger bag 6 37 7 bag bag Objects objects 39 +435 stapler stapler 6 40 7 stapler otherprop Objects n04303497 stapler.n.01 objects 39 +1165 closet walls closet wall 5 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +345 scanner scanner 5 40 7 otherprop Objects appliances 37 +893 elliptical machine elliptical machine 5 40 7 machine otherprop Objects gym_equipment 33 +621 kettle kettle 5 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1212 metronome metronome 5 40 7 otherprop Objects n03757604 metronome.n.01 objects 39 +297 dumbell dumbell 5 40 7 otherprop Objects objects 39 +1213 music book music book 5 23 2 book books Books n02870526 book.n.11 objects 39 +1214 rice cooker rice cooker 5 40 7 otherprop Objects objects 39 +1215 dart board dart board 5 38 7 board otherstructure Objects n03162940 dartboard.n.01 objects 39 +529 sewing machine sewing machine 5 40 7 sewing machine otherprop Objects n04179913 sewing_machine.n.01 objects 39 +1216 grab bar grab bar 5 38 7 railing otherstructure Objects railing 30 +1217 flowerpot flowerpot 5 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1218 painting painting 5 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1219 railing railing 5 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +1220 stair stair 5 38 7 stairs otherstructure Objects stairs n04314914 step.n.04 stairs 16 +525 toolbox toolbox 5 39 6 chest otherfurniture Furniture n04452615 toolbox.n.01 objects 39 +204 nerf gun nerf gun 5 40 7 otherprop Objects objects 39 +693 binders binder 5 40 7 binder otherprop Objects objects 39 +179 desk lamp desk lamp 5 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1221 quadcopter quadcopter 5 40 7 otherprop Objects objects 39 +1222 pitcher pitcher 5 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +1223 hanging hanging 5 40 7 otherprop Objects misc 40 +1224 mail mail 5 40 7 otherprop Objects misc 40 +1225 closet ceiling closet ceiling 5 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +1226 hoverboard hoverboard 5 40 7 otherprop Objects objects 39 +1227 beanbag chair beanbag chair 5 39 6 bean bag otherfurniture Furniture n02816656 beanbag.n.01 chair 3 +571 water heater water heater 5 40 7 water heater otherprop Objects n04560113 water_heater.n.01 misc 40 +1228 spray bottle spray bottle 5 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +556 rope rope 5 40 7 rope otherprop Objects n04108268 rope.n.01 objects 39 +280 plastic container plastic container 5 40 7 container otherprop Objects objects 39 +1229 soap bottle soap bottle 5 40 7 soap otherprop Objects objects 39 +1230 ikea bag ikea bag 4 37 7 bag bag Objects 2773838 n02773838 bag.n.06 objects 39 +1231 sleeping bag sleeping bag 4 40 7 otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +1232 duffel bag duffel bag 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +746 frying pan frying pan 4 40 7 frying pan otherprop Objects n03400231 frying_pan.n.01 objects 39 +1233 oven mitt oven mitt 4 40 7 otherprop Objects objects 39 +1234 pot pot 4 40 7 pot otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +144 hand dryer hand dryer 4 40 7 otherprop Objects objects 39 +282 dollhouse dollhouse 4 39 6 doll house otherfurniture Furniture n03219483 dollhouse.n.01 objects 39 +167 shampoo bottle shampoo bottle 4 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1235 hair brush hair brush 4 40 7 otherprop Objects n02908217 brush.n.02 objects 39 +1236 tennis racket tennis racket 4 40 7 otherprop Objects n04409806 tennis_racket.n.01 objects 39 +1237 display case display case 4 40 7 case otherprop Objects objects 39 +234 ping pong table ping pong table 4 39 6 ping pong table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +563 boiler boiler 4 40 7 otherprop Objects misc 40 +1238 bag of coffee beans bag of coffee beans 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +1239 bananas banana 4 40 7 otherprop Objects n00021265 food.n.01 objects 39 +1240 carseat carseat 4 40 7 otherprop Objects misc 40 +366 helmet helmet 4 40 7 otherprop Objects helmet 3513137 n03513137 helmet.n.02 clothes 38 +816 umbrella umbrella 4 40 7 umbrella otherprop Objects n04507155 umbrella.n.01 objects 39 +1241 coffee box coffee box 4 40 7 otherprop Objects objects 39 +719 envelope envelope 4 40 7 envelope otherprop Objects n03291819 envelope.n.01 objects 39 +284 wet floor sign wet floor sign 4 40 7 sign otherprop Objects misc 40 +1242 clothing rack clothing rack 4 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +247 controller controller 4 40 7 otherprop Objects n03096960 control.n.09 objects 39 +1243 bath walls bathroom wall 4 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +1244 podium podium 4 39 6 otherfurniture Furniture n03159640 dais.n.01 furniture 36 +1245 storage box storage box 4 29 7 box box Objects n02883344 box.n.01 objects 39 +1246 dolly dolly 4 40 7 otherprop Objects misc 40 +1247 shampoo shampoo 3 40 7 otherprop Objects n04183516 shampoo.n.01 objects 39 +592 paper tray paper tray 3 40 7 paper tray otherprop Objects objects 39 +385 cabinet door cabinet door 3 8 12 door door Wall door door 4 +1248 changing station changing station 3 40 7 otherprop Objects misc 40 +1249 poster printer poster printer 3 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +133 screen screen 3 40 7 otherprop Objects n03151077 curtain.n.01 curtain 12 +301 soap bar soap bar 3 38 7 bar otherstructure Objects objects 39 +1250 crutches crutches 3 40 7 otherprop Objects n03141823 crutch.n.01 objects 39 +379 studio light studio light 3 38 7 light otherstructure Objects lighting 28 +130 stack of cups cup 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +1251 toilet flush button toilet flush button 3 40 7 otherprop Objects objects 39 +450 trunk trunk 3 40 7 otherprop Objects misc 40 +1252 grocery bag grocery bag 3 37 7 bag bag Objects suitcase 2773838 n03461288 grocery_bag.n.01 objects 39 +316 plastic bin plastic bin 3 40 7 bin otherprop Objects objects 39 +1253 pizza box pizza box 3 29 7 box box Objects objects 39 +385 cabinet doors cabinet door 3 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 door 4 +1254 legs legs 3 31 7 person person Objects person n05217688 person.n.02 misc 40 +461 car car 3 40 7 car otherprop Objects car car 2958343 n02958343 car.n.01 misc 40 +1255 shaving cream shaving cream 3 40 7 otherprop Objects n04186051 shaving_cream.n.01 objects 39 +1256 luggage stand luggage stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +599 shredder shredder 3 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +281 statue statue 3 40 7 sculpture otherprop Objects n04306847 statue.n.01 misc 40 +1257 urinal urinal 3 33 7 toilet toilet Objects toilet toilet n04515991 urinal.n.01 toilet 18 +1258 hose hose 3 40 7 otherprop Objects n03539875 hose.n.03 misc 40 +1259 bike pump bike pump 3 40 7 otherprop Objects objects 39 +319 coatrack coatrack 3 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1260 bear bear 3 40 7 otherprop Objects objects 39 +28 wall lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1261 humidifier humidifier 3 40 7 otherprop Objects objects 39 +546 toothpaste toothpaste 3 40 7 toothpaste otherprop Objects objects 39 +1262 mouthwash bottle mouthwash bottle 3 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1263 poster cutter poster cutter 3 40 7 otherprop Objects objects 39 +1264 golf bag golf bag 3 37 7 bag bag Objects suitcase 2773838 n03445617 golf_bag.n.01 objects 39 +1265 food container food container 3 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1266 camera camera 3 40 7 otherprop Objects objects 39 +28 table lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n04380533 table_lamp.n.01 lighting 28 +1267 yoga mat yoga mat 3 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1268 card card 3 40 7 otherprop Objects objects 39 +1269 mug mug 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +188 shower doors shower door 3 38 7 otherstructure Objects n04208936 shower.n.01 door 4 +689 cardboard cardboard 3 40 7 otherprop Objects objects 39 +1270 rack stand rack stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +1271 boxes of paper boxes of paper 3 29 7 box box Objects n02883344 box.n.01 objects 39 +1272 flag flag 3 40 7 otherprop Objects misc 40 +354 futon futon 3 39 6 mattress otherfurniture Furniture n03408444 futon.n.01 sofa 10 +339 magazine magazine 3 40 7 magazine otherprop Objects n06595351 magazine.n.01 objects 39 +1009 exit sign exit sign 3 40 7 exit sign otherprop Objects misc 40 +1273 rolled poster rolled poster 3 40 7 otherprop Objects objects 39 +1274 wheel wheel 3 40 7 otherprop Objects objects 39 +15 pictures picture 3 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1275 blackboard eraser blackboard eraser 3 40 7 eraser otherprop Objects n03294833 eraser.n.01 objects 39 +361 organizer organizer 3 40 7 otherprop Objects n03918737 personal_digital_assistant.n.01 objects 39 +1276 doll doll 3 40 7 toy otherprop Objects n03219135 doll.n.01 objects 39 +326 book rack book rack 3 39 6 bookrack otherfurniture Furniture objects 39 +1277 laundry bag laundry bag 3 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +1278 sponge sponge 3 40 7 otherprop Objects n01906749 sponge.n.04 objects 39 +116 seating seat 3 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +1184 folded chairs folded chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1279 lotion bottle lotion bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +212 can can 2 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1280 lunch box lunch box 2 40 7 otherprop Objects objects 39 +1281 food display food display 2 40 7 otherprop Objects misc 40 +794 storage shelf storage shelf 2 40 7 otherprop Objects shelving 31 +1282 sliding wood door sliding wood door 2 40 7 otherprop Objects door 4 +955 pants pants 2 40 7 otherprop Objects n04489008 trouser.n.01 clothes 38 +387 wood wood 2 40 7 otherprop Objects misc 40 +69 boards board 2 38 7 board otherstructure Objects board_panel 35 +65 bottles bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +523 washcloth washcloth 2 40 7 otherprop Objects n04554523 washcloth.n.01 towel 20 +389 workbench workbench 2 39 6 bench otherfurniture Furniture bench table 4379243 n04600486 workbench.n.01 table 5 +29 open kitchen cabinet kitchen cabinet 2 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +1283 organizer shelf organizer shelf 2 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +146 frame frame 2 38 7 otherstructure Objects misc 40 +130 cups cup 2 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +372 exercise ball exercise ball 2 40 7 ball otherprop Objects n04285146 sports_equipment.n.01 gym_equipment 33 +289 easel easel 2 39 6 stand otherfurniture Furniture n03262809 easel.n.01 furniture 36 +440 garbage bag garbage bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +321 roomba roomba 2 40 7 otherprop Objects objects 39 +976 garage door garage door 2 38 7 garage door otherstructure Objects door door 4 +1256 luggage rack luggage stand 2 39 6 stand otherfurniture Furniture n04038440 shelving 31 +1284 bike lock bike lock 2 40 7 otherprop Objects objects 39 +1285 briefcase briefcase 2 40 7 otherprop Objects n02900705 briefcase.n.01 objects 39 +357 hand towel hand towel 2 27 7 towel towel Objects n03490006 hand_towel.n.01 towel 20 +1286 bath products bath product 2 40 7 otherprop Objects objects 39 +1287 star star 2 40 7 otherprop Objects n09444783 star.n.03 misc 40 +365 map map 2 40 7 map otherprop Objects n03720163 map.n.01 misc 40 +1288 coffee bean bag coffee bean bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +81 headboard headboard 2 39 6 headboard otherfurniture Furniture n03502200 headboard.n.01 bed 11 +1289 ipad ipad 2 40 7 otherprop Objects objects 39 +1290 display rack display rack 2 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +948 traffic cone traffic cone 2 40 7 cone otherprop Objects cone objects 39 +174 toiletry toiletry 2 40 7 otherprop Objects n04447443 toiletry.n.01 objects 39 +1028 canopy canopy 2 40 7 otherprop Objects misc 40 +1291 massage chair massage chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1292 paper organizer paper organizer 2 40 7 otherprop Objects objects 39 +1005 barricade barricade 2 40 7 otherprop Objects misc 40 +235 platform platform 2 38 7 otherstructure Objects misc 40 +1293 cap cap 2 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +1294 dumbbell plates dumbbell plates 2 40 7 otherprop Objects objects 39 +1295 elevator elevator 2 38 7 otherstructure Objects misc 40 +1296 cooking pan cooking pan 2 40 7 pan otherprop Objects n03880531 pan.n.01 objects 39 +1297 trash bag trash bag 2 37 7 bag bag Objects objects 39 +1298 santa santa 2 40 7 otherprop Objects misc 40 +1299 jewelry box jewelry box 2 29 7 box box Objects n02883344 box.n.01 objects 39 +1300 boat boat 2 40 7 otherprop Objects misc 40 +1301 sock sock 2 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1051 kinect kinect 2 40 7 kinect otherprop Objects objects 39 +566 crib crib 2 39 6 crib otherfurniture Furniture furniture 36 +1302 plastic storage bin plastic storage bin 2 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1062 cooler cooler 2 24 6 refridgerator refridgerator Furniture n03102654 cooler.n.01 appliances 37 +1303 kitchen apron kitchen apron 2 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1304 dishwashing soap bottle dishwashing soap bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1305 xbox controller xbox controller 2 40 7 otherprop Objects objects 39 +1306 banana holder banana holder 2 40 7 otherprop Objects objects 39 +298 ping pong paddle ping pong paddle 2 40 7 otherprop Objects table 5 +1307 airplane airplane 2 40 7 otherprop Objects misc 40 +1308 conditioner bottle conditioner bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1309 tea kettle tea kettle 2 40 7 tea kettle otherprop Objects n04397768 teakettle.n.01 objects 39 +43 bedframe bedframe 2 39 6 otherfurniture Furniture n02822579 bedstead.n.01 bed 11 +1310 wood beam wood beam 2 38 7 otherstructure Objects beam 29 +593 toilet paper package toilet paper package 2 40 7 otherprop Objects objects 39 +1311 wall mounted coat rack wall mounted coat rack 2 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1312 film light film light 2 40 7 otherprop Objects lighting 28 +749 ceiling lamp ceiling lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +623 chain chain 1 40 7 otherprop Objects chair 3 +1313 sofa sofa 1 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +99 closet wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +265 sweater sweater 1 40 7 otherprop Objects n04370048 sweater.n.01 clothes 38 +1314 kitchen mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +99 wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1315 water softener water softener 1 40 7 otherprop Objects misc 40 +448 banister banister 1 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +257 trolley trolley 1 40 7 trolley otherprop Objects n04335435 streetcar.n.01 misc 40 +1316 pantry shelf pantry shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +786 sofa bed sofa bed 1 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +801 loofa loofa 1 40 7 otherprop Objects objects 39 +972 shower faucet handle shower faucet handle 1 40 7 handle otherprop Objects shower 23 +1317 toy piano toy piano 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1318 fish fish 1 40 7 otherprop Objects n02512053 fish.n.01 objects 39 +75 file cabinets file cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n03337140 file.n.03 cabinet 7 +657 cat litter box cat litter box 1 29 7 box box Objects objects 39 +561 electric panel electric panel 1 40 7 otherprop Objects misc 40 +93 suitcases suitcase 1 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +513 curtain rod curtain rod 1 38 7 curtain rod otherstructure Objects curtain 12 +411 bunk bed bunk bed 1 39 6 bunk bed otherfurniture Furniture bed bed bed 2818832 n02920259 bunk_bed.n.01 bed 11 +1122 chandelier chandelier 1 38 7 chandelier otherstructure Objects n03005285 chandelier.n.01 lighting 28 +922 tape tape 1 40 7 tape otherprop Objects objects 39 +88 plates plate 1 40 7 otherprop Objects n03959485 plate.n.04 objects 39 +518 alarm alarm 1 40 7 alarm otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +814 fire hose fire hose 1 40 7 otherprop Objects n03346004 fire_hose.n.01 misc 40 +1319 toy dinosaur toy dinosaur 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1320 cone cone 1 40 7 otherprop Objects objects 39 +649 glass doors glass door 1 8 12 door door Wall door n03221720 door.n.01 door 4 +607 hatrack hatrack 1 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +819 subwoofer subwoofer 1 40 7 speaker otherprop Objects speaker 3691459 n04349401 subwoofer.n.01 objects 39 +1321 fire sprinkler fire sprinkler 1 40 7 otherprop Objects misc 40 +1322 trash cabinet trash cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +1204 pantry walls pantry wall 1 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +227 photo photo 1 40 7 photo otherprop Objects n03925226 photograph.n.01 picture 6 +817 barrier barrier 1 40 7 otherprop Objects n02796623 barrier.n.01 misc 40 +130 stacks of cups cup 1 40 7 otherprop Objects n03147509 cup.n.01 objects 39 +712 beachball beachball 1 40 7 ball otherprop Objects n02814224 beach_ball.n.01 objects 39 +1323 folded boxes folded boxes 1 40 7 otherprop Objects objects 39 +1324 contact lens solution bottle contact lens solution bottle 1 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +673 covered box covered box 1 29 7 box box Objects objects 39 +459 folder folder 1 40 7 folder otherprop Objects n03376279 folder.n.02 objects 39 +643 mail trays mail tray 1 40 7 mail tray otherprop Objects objects 39 +238 slipper slipper 1 40 7 otherprop Objects n04241394 slipper.n.01 clothes 38 +765 magazine rack magazine rack 1 39 6 stand otherfurniture Furniture n03704549 magazine_rack.n.01 shelving 31 +1008 sticker sticker 1 40 7 sticker otherprop Objects n07272545 gummed_label.n.01 objects 39 +225 lotion lotion 1 40 7 otherprop Objects n03690938 lotion.n.01 objects 39 +1083 buddha buddha 1 40 7 otherprop Objects objects 39 +813 file organizer file organizer 1 40 7 otherprop Objects objects 39 +138 paper towel rolls paper towel roll 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +1145 night lamp night lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +796 fuse box fuse box 1 40 7 otherprop Objects misc 40 +1325 knife block knife block 1 40 7 otherprop Objects objects 39 +363 furnace furnace 1 39 6 furnace otherfurniture Furniture n03404449 furnace.n.01 +1174 cd cases cd case 1 40 7 otherprop Objects objects 39 +38 stools stool 1 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +1326 hand sanitzer dispenser hand sanitzer dispenser 1 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +997 teapot teapot 1 40 7 tea pot otherprop Objects n04398044 teapot.n.01 objects 39 +1327 pen holder pen holder 1 40 7 otherprop Objects objects 39 +1328 tray rack tray rack 1 40 7 otherprop Objects objects 39 +1329 wig wig 1 40 7 otherprop Objects n04584207 wig.n.01 objects 39 +182 switch switch 1 40 7 otherprop Objects n04372370 switch.n.01 misc 40 +280 plastic containers plastic container 1 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1330 night light night light 1 40 7 otherprop Objects lighting 28 +1331 notepad notepad 1 40 7 otherprop Objects objects 39 +1332 mail bin mail bin 1 40 7 otherprop Objects misc 40 +1333 elevator button elevator button 1 40 7 otherprop Objects misc 40 +939 gaming wheel gaming wheel 1 40 7 otherprop Objects objects 39 +1334 drum set drum set 1 40 7 otherprop Objects objects 39 +480 cosmetic bag cosmetic bag 1 37 7 bag bag Objects objects 39 +907 coffee mug coffee mug 1 40 7 vessel otherprop Objects cup or mug 3797390 n03063599 coffee_mug.n.01 objects 39 +1335 closet shelf closet shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +1336 baby mobile baby mobile 1 40 7 otherprop Objects objects 39 +829 diaper bin diaper bin 1 40 7 bin otherprop Objects objects 39 +947 door wall door wall 1 1 12 wall wall Wall wall 1 +1116 stepstool stepstool 1 40 7 step stool otherprop Objects objects 39 +599 paper shredder shredder 1 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +733 dress rack dress rack 1 40 7 otherprop Objects n03238762 dress_rack.n.01 misc 40 +123 cover cover 1 40 7 blanket otherprop Objects objects 39 +506 shopping bag shopping bag 1 37 7 bag bag Objects n04204081 shopping_bag.n.01 objects 39 +569 sliding door sliding door 1 8 12 door door Wall door n04239074 sliding_door.n.01 door 4 +1337 exercise bike exercise bike 1 40 7 machine otherprop Objects n04210120 shredder.n.01 gym_equipment 33 +1338 recliner chair recliner chair 1 5 4 chair chair Chair chair chair chair 3001627 n03238762 dress_rack.n.01 chair 3 +1314 kitchenaid mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +1339 soda can soda can 1 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1340 stovetop stovetop 1 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +851 stepladder stepladder 1 39 6 ladder otherfurniture Furniture stairs n04315599 step_ladder.n.01 stairs 16 +142 tap tap 1 40 7 faucet otherprop Objects faucet 3325088 n04559451 water_faucet.n.01 objects 39 +436 cable cable 1 40 7 cables otherprop Objects objects 39 +1341 baby changing station baby changing station 1 39 6 otherfurniture Furniture furniture 36 +1342 costume costume 1 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +885 rocking chair rocking chair 1 5 4 chair chair Chair chair chair chair 3001627 n04099969 rocking_chair.n.01 chair 3 +693 binder binder 1 40 7 binder otherprop Objects objects 39 +815 media center media center 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +401 towel rack towel rack 1 40 7 otherprop Objects n04459773 towel_rack.n.01 misc 40 +1343 medal medal 1 40 7 otherprop Objects objects 39 +1184 stack of folded chairs folded chair 1 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1344 telescope telescope 1 40 7 otherprop Objects n04403638 telescope.n.01 objects 39 +1345 closet doorframe closet doorframe 1 8 12 door door Wall door door 4 +160 glass glass 1 38 7 glass otherstructure Objects n03438257 glass.n.02 misc 40 +1126 baseball cap baseball cap 1 40 7 otherprop Objects cap 2954340 n02799323 baseball_cap.n.01 clothes 38 +1346 battery disposal jar battery disposal jar 1 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +332 mop mop 1 40 7 otherprop Objects n04367480 swab.n.02 objects 39 +397 tank tank 1 40 7 otherprop Objects objects 39 +643 mail tray mail tray 1 40 7 mail tray otherprop Objects objects 39 +551 centerpiece centerpiece 1 40 7 centerpiece otherprop Objects n02994419 centerpiece.n.02 objects 39 +1163 object stick 1 40 7 stick otherprop Objects objects 39 +1347 closet floor closet floor 1 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +1348 dryer sheets dryer sheets 1 40 7 otherprop Objects objects 39 +803 bycicle bycicle 1 40 7 otherprop Objects misc 40 +484 flower stand flower stand 1 39 6 stand otherfurniture Furniture furniture 36 +1349 air mattress air mattress 1 4 1 bed bed Bed bed bed bed 2818832 n02690809 air_mattress.n.01 bed 11 +1350 clip clip 1 40 7 otherprop Objects objects 39 +222 side table side table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1253 pizza boxes pizza box 1 29 7 box box Objects n02883344 box.n.01 objects 39 +1351 display display 1 39 7 otherfurniture Furniture n03211117 display.n.06 misc 40 +1352 postcard postcard 1 40 7 otherprop Objects objects 39 +828 display sign display sign 1 40 7 sign otherprop Objects misc 40 +1353 paper towel paper towel 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +612 boots boot 1 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1354 tennis racket bag tennis racket bag 1 40 7 otherprop Objects objects 39 +1355 air hockey table air hockey table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1301 socks sock 1 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1356 food bag food bag 1 37 7 bag bag Objects objects 39 +1199 clothes hangers clothes hanger 1 40 7 otherprop Objects n03057920 coat_hanger.n.01 misc 40 +1357 starbucks cup starbucks cup 1 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 \ No newline at end of file diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_test.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_test.txt new file mode 100644 index 0000000000000000000000000000000000000000..79d15b0ee4afa889883562a722b837b78ee8ce4b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_test.txt @@ -0,0 +1,100 @@ +scene0707_00 +scene0708_00 +scene0709_00 +scene0710_00 +scene0711_00 +scene0712_00 +scene0713_00 +scene0714_00 +scene0715_00 +scene0716_00 +scene0717_00 +scene0718_00 +scene0719_00 +scene0720_00 +scene0721_00 +scene0722_00 +scene0723_00 +scene0724_00 +scene0725_00 +scene0726_00 +scene0727_00 +scene0728_00 +scene0729_00 +scene0730_00 +scene0731_00 +scene0732_00 +scene0733_00 +scene0734_00 +scene0735_00 +scene0736_00 +scene0737_00 +scene0738_00 +scene0739_00 +scene0740_00 +scene0741_00 +scene0742_00 +scene0743_00 +scene0744_00 +scene0745_00 +scene0746_00 +scene0747_00 +scene0748_00 +scene0749_00 +scene0750_00 +scene0751_00 +scene0752_00 +scene0753_00 +scene0754_00 +scene0755_00 +scene0756_00 +scene0757_00 +scene0758_00 +scene0759_00 +scene0760_00 +scene0761_00 +scene0762_00 +scene0763_00 +scene0764_00 +scene0765_00 +scene0766_00 +scene0767_00 +scene0768_00 +scene0769_00 +scene0770_00 +scene0771_00 +scene0772_00 +scene0773_00 +scene0774_00 +scene0775_00 +scene0776_00 +scene0777_00 +scene0778_00 +scene0779_00 +scene0780_00 +scene0781_00 +scene0782_00 +scene0783_00 +scene0784_00 +scene0785_00 +scene0786_00 +scene0787_00 +scene0788_00 +scene0789_00 +scene0790_00 +scene0791_00 +scene0792_00 +scene0793_00 +scene0794_00 +scene0795_00 +scene0796_00 +scene0797_00 +scene0798_00 +scene0799_00 +scene0800_00 +scene0801_00 +scene0802_00 +scene0803_00 +scene0804_00 +scene0805_00 +scene0806_00 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt new file mode 100644 index 0000000000000000000000000000000000000000..ef625f120b812fea5ac507d3b7049fc7ebd2e7e4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt @@ -0,0 +1,1201 @@ +scene0191_00 +scene0191_01 +scene0191_02 +scene0119_00 +scene0230_00 +scene0528_00 +scene0528_01 +scene0705_00 +scene0705_01 +scene0705_02 +scene0415_00 +scene0415_01 +scene0415_02 +scene0007_00 +scene0141_00 +scene0141_01 +scene0141_02 +scene0515_00 +scene0515_01 +scene0515_02 +scene0447_00 +scene0447_01 +scene0447_02 +scene0531_00 +scene0503_00 +scene0285_00 +scene0069_00 +scene0584_00 +scene0584_01 +scene0584_02 +scene0581_00 +scene0581_01 +scene0581_02 +scene0620_00 +scene0620_01 +scene0263_00 +scene0263_01 +scene0481_00 +scene0481_01 +scene0020_00 +scene0020_01 +scene0291_00 +scene0291_01 +scene0291_02 +scene0469_00 +scene0469_01 +scene0469_02 +scene0659_00 +scene0659_01 +scene0024_00 +scene0024_01 +scene0024_02 +scene0564_00 +scene0117_00 +scene0027_00 +scene0027_01 +scene0027_02 +scene0028_00 +scene0330_00 +scene0418_00 +scene0418_01 +scene0418_02 +scene0233_00 +scene0233_01 +scene0673_00 +scene0673_01 +scene0673_02 +scene0673_03 +scene0673_04 +scene0673_05 +scene0585_00 +scene0585_01 +scene0362_00 +scene0362_01 +scene0362_02 +scene0362_03 +scene0035_00 +scene0035_01 +scene0358_00 +scene0358_01 +scene0358_02 +scene0037_00 +scene0194_00 +scene0321_00 +scene0293_00 +scene0293_01 +scene0623_00 +scene0623_01 +scene0592_00 +scene0592_01 +scene0569_00 +scene0569_01 +scene0413_00 +scene0313_00 +scene0313_01 +scene0313_02 +scene0480_00 +scene0480_01 +scene0401_00 +scene0517_00 +scene0517_01 +scene0517_02 +scene0032_00 +scene0032_01 +scene0613_00 +scene0613_01 +scene0613_02 +scene0306_00 +scene0306_01 +scene0052_00 +scene0052_01 +scene0052_02 +scene0053_00 +scene0444_00 +scene0444_01 +scene0055_00 +scene0055_01 +scene0055_02 +scene0560_00 +scene0589_00 +scene0589_01 +scene0589_02 +scene0610_00 +scene0610_01 +scene0610_02 +scene0364_00 +scene0364_01 +scene0383_00 +scene0383_01 +scene0383_02 +scene0006_00 +scene0006_01 +scene0006_02 +scene0275_00 +scene0451_00 +scene0451_01 +scene0451_02 +scene0451_03 +scene0451_04 +scene0451_05 +scene0135_00 +scene0065_00 +scene0065_01 +scene0065_02 +scene0104_00 +scene0674_00 +scene0674_01 +scene0448_00 +scene0448_01 +scene0448_02 +scene0502_00 +scene0502_01 +scene0502_02 +scene0440_00 +scene0440_01 +scene0440_02 +scene0071_00 +scene0072_00 +scene0072_01 +scene0072_02 +scene0509_00 +scene0509_01 +scene0509_02 +scene0649_00 +scene0649_01 +scene0602_00 +scene0694_00 +scene0694_01 +scene0101_00 +scene0101_01 +scene0101_02 +scene0101_03 +scene0101_04 +scene0101_05 +scene0218_00 +scene0218_01 +scene0579_00 +scene0579_01 +scene0579_02 +scene0039_00 +scene0039_01 +scene0493_00 +scene0493_01 +scene0242_00 +scene0242_01 +scene0242_02 +scene0083_00 +scene0083_01 +scene0127_00 +scene0127_01 +scene0662_00 +scene0662_01 +scene0662_02 +scene0018_00 +scene0087_00 +scene0087_01 +scene0087_02 +scene0332_00 +scene0332_01 +scene0332_02 +scene0628_00 +scene0628_01 +scene0628_02 +scene0134_00 +scene0134_01 +scene0134_02 +scene0238_00 +scene0238_01 +scene0092_00 +scene0092_01 +scene0092_02 +scene0092_03 +scene0092_04 +scene0022_00 +scene0022_01 +scene0467_00 +scene0392_00 +scene0392_01 +scene0392_02 +scene0424_00 +scene0424_01 +scene0424_02 +scene0646_00 +scene0646_01 +scene0646_02 +scene0098_00 +scene0098_01 +scene0044_00 +scene0044_01 +scene0044_02 +scene0510_00 +scene0510_01 +scene0510_02 +scene0571_00 +scene0571_01 +scene0166_00 +scene0166_01 +scene0166_02 +scene0563_00 +scene0172_00 +scene0172_01 +scene0388_00 +scene0388_01 +scene0215_00 +scene0215_01 +scene0252_00 +scene0287_00 +scene0668_00 +scene0572_00 +scene0572_01 +scene0572_02 +scene0026_00 +scene0224_00 +scene0113_00 +scene0113_01 +scene0551_00 +scene0381_00 +scene0381_01 +scene0381_02 +scene0371_00 +scene0371_01 +scene0460_00 +scene0118_00 +scene0118_01 +scene0118_02 +scene0417_00 +scene0008_00 +scene0634_00 +scene0521_00 +scene0123_00 +scene0123_01 +scene0123_02 +scene0045_00 +scene0045_01 +scene0511_00 +scene0511_01 +scene0114_00 +scene0114_01 +scene0114_02 +scene0070_00 +scene0029_00 +scene0029_01 +scene0029_02 +scene0129_00 +scene0103_00 +scene0103_01 +scene0002_00 +scene0002_01 +scene0132_00 +scene0132_01 +scene0132_02 +scene0124_00 +scene0124_01 +scene0143_00 +scene0143_01 +scene0143_02 +scene0604_00 +scene0604_01 +scene0604_02 +scene0507_00 +scene0105_00 +scene0105_01 +scene0105_02 +scene0428_00 +scene0428_01 +scene0311_00 +scene0140_00 +scene0140_01 +scene0182_00 +scene0182_01 +scene0182_02 +scene0142_00 +scene0142_01 +scene0399_00 +scene0399_01 +scene0012_00 +scene0012_01 +scene0012_02 +scene0060_00 +scene0060_01 +scene0370_00 +scene0370_01 +scene0370_02 +scene0310_00 +scene0310_01 +scene0310_02 +scene0661_00 +scene0650_00 +scene0152_00 +scene0152_01 +scene0152_02 +scene0158_00 +scene0158_01 +scene0158_02 +scene0482_00 +scene0482_01 +scene0600_00 +scene0600_01 +scene0600_02 +scene0393_00 +scene0393_01 +scene0393_02 +scene0562_00 +scene0174_00 +scene0174_01 +scene0157_00 +scene0157_01 +scene0161_00 +scene0161_01 +scene0161_02 +scene0159_00 +scene0254_00 +scene0254_01 +scene0115_00 +scene0115_01 +scene0115_02 +scene0162_00 +scene0163_00 +scene0163_01 +scene0523_00 +scene0523_01 +scene0523_02 +scene0459_00 +scene0459_01 +scene0175_00 +scene0085_00 +scene0085_01 +scene0279_00 +scene0279_01 +scene0279_02 +scene0201_00 +scene0201_01 +scene0201_02 +scene0283_00 +scene0456_00 +scene0456_01 +scene0429_00 +scene0043_00 +scene0043_01 +scene0419_00 +scene0419_01 +scene0419_02 +scene0368_00 +scene0368_01 +scene0348_00 +scene0348_01 +scene0348_02 +scene0442_00 +scene0178_00 +scene0380_00 +scene0380_01 +scene0380_02 +scene0165_00 +scene0165_01 +scene0165_02 +scene0181_00 +scene0181_01 +scene0181_02 +scene0181_03 +scene0333_00 +scene0614_00 +scene0614_01 +scene0614_02 +scene0404_00 +scene0404_01 +scene0404_02 +scene0185_00 +scene0126_00 +scene0126_01 +scene0126_02 +scene0519_00 +scene0236_00 +scene0236_01 +scene0189_00 +scene0075_00 +scene0267_00 +scene0192_00 +scene0192_01 +scene0192_02 +scene0281_00 +scene0420_00 +scene0420_01 +scene0420_02 +scene0195_00 +scene0195_01 +scene0195_02 +scene0597_00 +scene0597_01 +scene0597_02 +scene0041_00 +scene0041_01 +scene0111_00 +scene0111_01 +scene0111_02 +scene0666_00 +scene0666_01 +scene0666_02 +scene0200_00 +scene0200_01 +scene0200_02 +scene0536_00 +scene0536_01 +scene0536_02 +scene0390_00 +scene0280_00 +scene0280_01 +scene0280_02 +scene0344_00 +scene0344_01 +scene0205_00 +scene0205_01 +scene0205_02 +scene0484_00 +scene0484_01 +scene0009_00 +scene0009_01 +scene0009_02 +scene0302_00 +scene0302_01 +scene0209_00 +scene0209_01 +scene0209_02 +scene0210_00 +scene0210_01 +scene0395_00 +scene0395_01 +scene0395_02 +scene0683_00 +scene0601_00 +scene0601_01 +scene0214_00 +scene0214_01 +scene0214_02 +scene0477_00 +scene0477_01 +scene0439_00 +scene0439_01 +scene0468_00 +scene0468_01 +scene0468_02 +scene0546_00 +scene0466_00 +scene0466_01 +scene0220_00 +scene0220_01 +scene0220_02 +scene0122_00 +scene0122_01 +scene0130_00 +scene0110_00 +scene0110_01 +scene0110_02 +scene0327_00 +scene0156_00 +scene0266_00 +scene0266_01 +scene0001_00 +scene0001_01 +scene0228_00 +scene0199_00 +scene0219_00 +scene0464_00 +scene0232_00 +scene0232_01 +scene0232_02 +scene0299_00 +scene0299_01 +scene0530_00 +scene0363_00 +scene0453_00 +scene0453_01 +scene0570_00 +scene0570_01 +scene0570_02 +scene0183_00 +scene0239_00 +scene0239_01 +scene0239_02 +scene0373_00 +scene0373_01 +scene0241_00 +scene0241_01 +scene0241_02 +scene0188_00 +scene0622_00 +scene0622_01 +scene0244_00 +scene0244_01 +scene0691_00 +scene0691_01 +scene0206_00 +scene0206_01 +scene0206_02 +scene0247_00 +scene0247_01 +scene0061_00 +scene0061_01 +scene0082_00 +scene0250_00 +scene0250_01 +scene0250_02 +scene0501_00 +scene0501_01 +scene0501_02 +scene0320_00 +scene0320_01 +scene0320_02 +scene0320_03 +scene0631_00 +scene0631_01 +scene0631_02 +scene0255_00 +scene0255_01 +scene0255_02 +scene0047_00 +scene0265_00 +scene0265_01 +scene0265_02 +scene0004_00 +scene0336_00 +scene0336_01 +scene0058_00 +scene0058_01 +scene0260_00 +scene0260_01 +scene0260_02 +scene0243_00 +scene0603_00 +scene0603_01 +scene0093_00 +scene0093_01 +scene0093_02 +scene0109_00 +scene0109_01 +scene0434_00 +scene0434_01 +scene0434_02 +scene0290_00 +scene0627_00 +scene0627_01 +scene0470_00 +scene0470_01 +scene0137_00 +scene0137_01 +scene0137_02 +scene0270_00 +scene0270_01 +scene0270_02 +scene0271_00 +scene0271_01 +scene0504_00 +scene0274_00 +scene0274_01 +scene0274_02 +scene0036_00 +scene0036_01 +scene0276_00 +scene0276_01 +scene0272_00 +scene0272_01 +scene0499_00 +scene0698_00 +scene0698_01 +scene0051_00 +scene0051_01 +scene0051_02 +scene0051_03 +scene0108_00 +scene0245_00 +scene0369_00 +scene0369_01 +scene0369_02 +scene0284_00 +scene0289_00 +scene0289_01 +scene0286_00 +scene0286_01 +scene0286_02 +scene0286_03 +scene0031_00 +scene0031_01 +scene0031_02 +scene0545_00 +scene0545_01 +scene0545_02 +scene0557_00 +scene0557_01 +scene0557_02 +scene0533_00 +scene0533_01 +scene0116_00 +scene0116_01 +scene0116_02 +scene0611_00 +scene0611_01 +scene0688_00 +scene0294_00 +scene0294_01 +scene0294_02 +scene0295_00 +scene0295_01 +scene0296_00 +scene0296_01 +scene0596_00 +scene0596_01 +scene0596_02 +scene0532_00 +scene0532_01 +scene0637_00 +scene0638_00 +scene0121_00 +scene0121_01 +scene0121_02 +scene0040_00 +scene0040_01 +scene0197_00 +scene0197_01 +scene0197_02 +scene0410_00 +scene0410_01 +scene0305_00 +scene0305_01 +scene0615_00 +scene0615_01 +scene0703_00 +scene0703_01 +scene0555_00 +scene0297_00 +scene0297_01 +scene0297_02 +scene0582_00 +scene0582_01 +scene0582_02 +scene0023_00 +scene0094_00 +scene0013_00 +scene0013_01 +scene0013_02 +scene0136_00 +scene0136_01 +scene0136_02 +scene0407_00 +scene0407_01 +scene0062_00 +scene0062_01 +scene0062_02 +scene0386_00 +scene0318_00 +scene0554_00 +scene0554_01 +scene0497_00 +scene0213_00 +scene0258_00 +scene0323_00 +scene0323_01 +scene0324_00 +scene0324_01 +scene0016_00 +scene0016_01 +scene0016_02 +scene0681_00 +scene0398_00 +scene0398_01 +scene0227_00 +scene0090_00 +scene0066_00 +scene0262_00 +scene0262_01 +scene0155_00 +scene0155_01 +scene0155_02 +scene0352_00 +scene0352_01 +scene0352_02 +scene0038_00 +scene0038_01 +scene0038_02 +scene0335_00 +scene0335_01 +scene0335_02 +scene0261_00 +scene0261_01 +scene0261_02 +scene0261_03 +scene0640_00 +scene0640_01 +scene0640_02 +scene0080_00 +scene0080_01 +scene0080_02 +scene0403_00 +scene0403_01 +scene0282_00 +scene0282_01 +scene0282_02 +scene0682_00 +scene0173_00 +scene0173_01 +scene0173_02 +scene0522_00 +scene0687_00 +scene0345_00 +scene0345_01 +scene0612_00 +scene0612_01 +scene0411_00 +scene0411_01 +scene0411_02 +scene0625_00 +scene0625_01 +scene0211_00 +scene0211_01 +scene0211_02 +scene0211_03 +scene0676_00 +scene0676_01 +scene0179_00 +scene0498_00 +scene0498_01 +scene0498_02 +scene0547_00 +scene0547_01 +scene0547_02 +scene0269_00 +scene0269_01 +scene0269_02 +scene0366_00 +scene0680_00 +scene0680_01 +scene0588_00 +scene0588_01 +scene0588_02 +scene0588_03 +scene0346_00 +scene0346_01 +scene0359_00 +scene0359_01 +scene0014_00 +scene0120_00 +scene0120_01 +scene0212_00 +scene0212_01 +scene0212_02 +scene0176_00 +scene0049_00 +scene0259_00 +scene0259_01 +scene0586_00 +scene0586_01 +scene0586_02 +scene0309_00 +scene0309_01 +scene0125_00 +scene0455_00 +scene0177_00 +scene0177_01 +scene0177_02 +scene0326_00 +scene0372_00 +scene0171_00 +scene0171_01 +scene0374_00 +scene0654_00 +scene0654_01 +scene0445_00 +scene0445_01 +scene0475_00 +scene0475_01 +scene0475_02 +scene0349_00 +scene0349_01 +scene0234_00 +scene0669_00 +scene0669_01 +scene0375_00 +scene0375_01 +scene0375_02 +scene0387_00 +scene0387_01 +scene0387_02 +scene0312_00 +scene0312_01 +scene0312_02 +scene0384_00 +scene0385_00 +scene0385_01 +scene0385_02 +scene0000_00 +scene0000_01 +scene0000_02 +scene0376_00 +scene0376_01 +scene0376_02 +scene0301_00 +scene0301_01 +scene0301_02 +scene0322_00 +scene0542_00 +scene0079_00 +scene0079_01 +scene0099_00 +scene0099_01 +scene0476_00 +scene0476_01 +scene0476_02 +scene0394_00 +scene0394_01 +scene0147_00 +scene0147_01 +scene0067_00 +scene0067_01 +scene0067_02 +scene0397_00 +scene0397_01 +scene0337_00 +scene0337_01 +scene0337_02 +scene0431_00 +scene0223_00 +scene0223_01 +scene0223_02 +scene0010_00 +scene0010_01 +scene0402_00 +scene0268_00 +scene0268_01 +scene0268_02 +scene0679_00 +scene0679_01 +scene0405_00 +scene0128_00 +scene0408_00 +scene0408_01 +scene0190_00 +scene0107_00 +scene0076_00 +scene0167_00 +scene0361_00 +scene0361_01 +scene0361_02 +scene0216_00 +scene0202_00 +scene0303_00 +scene0303_01 +scene0303_02 +scene0446_00 +scene0446_01 +scene0089_00 +scene0089_01 +scene0089_02 +scene0360_00 +scene0150_00 +scene0150_01 +scene0150_02 +scene0421_00 +scene0421_01 +scene0421_02 +scene0454_00 +scene0626_00 +scene0626_01 +scene0626_02 +scene0186_00 +scene0186_01 +scene0538_00 +scene0479_00 +scene0479_01 +scene0479_02 +scene0656_00 +scene0656_01 +scene0656_02 +scene0656_03 +scene0525_00 +scene0525_01 +scene0525_02 +scene0308_00 +scene0396_00 +scene0396_01 +scene0396_02 +scene0624_00 +scene0292_00 +scene0292_01 +scene0632_00 +scene0253_00 +scene0021_00 +scene0325_00 +scene0325_01 +scene0437_00 +scene0437_01 +scene0438_00 +scene0590_00 +scene0590_01 +scene0400_00 +scene0400_01 +scene0541_00 +scene0541_01 +scene0541_02 +scene0677_00 +scene0677_01 +scene0677_02 +scene0443_00 +scene0315_00 +scene0288_00 +scene0288_01 +scene0288_02 +scene0422_00 +scene0672_00 +scene0672_01 +scene0184_00 +scene0449_00 +scene0449_01 +scene0449_02 +scene0048_00 +scene0048_01 +scene0138_00 +scene0452_00 +scene0452_01 +scene0452_02 +scene0667_00 +scene0667_01 +scene0667_02 +scene0463_00 +scene0463_01 +scene0078_00 +scene0078_01 +scene0078_02 +scene0636_00 +scene0457_00 +scene0457_01 +scene0457_02 +scene0465_00 +scene0465_01 +scene0577_00 +scene0151_00 +scene0151_01 +scene0339_00 +scene0573_00 +scene0573_01 +scene0154_00 +scene0096_00 +scene0096_01 +scene0096_02 +scene0235_00 +scene0168_00 +scene0168_01 +scene0168_02 +scene0594_00 +scene0587_00 +scene0587_01 +scene0587_02 +scene0587_03 +scene0229_00 +scene0229_01 +scene0229_02 +scene0512_00 +scene0106_00 +scene0106_01 +scene0106_02 +scene0472_00 +scene0472_01 +scene0472_02 +scene0489_00 +scene0489_01 +scene0489_02 +scene0425_00 +scene0425_01 +scene0641_00 +scene0526_00 +scene0526_01 +scene0317_00 +scene0317_01 +scene0544_00 +scene0017_00 +scene0017_01 +scene0017_02 +scene0042_00 +scene0042_01 +scene0042_02 +scene0576_00 +scene0576_01 +scene0576_02 +scene0347_00 +scene0347_01 +scene0347_02 +scene0436_00 +scene0226_00 +scene0226_01 +scene0485_00 +scene0486_00 +scene0487_00 +scene0487_01 +scene0619_00 +scene0097_00 +scene0367_00 +scene0367_01 +scene0491_00 +scene0492_00 +scene0492_01 +scene0005_00 +scene0005_01 +scene0543_00 +scene0543_01 +scene0543_02 +scene0657_00 +scene0341_00 +scene0341_01 +scene0534_00 +scene0534_01 +scene0319_00 +scene0273_00 +scene0273_01 +scene0225_00 +scene0198_00 +scene0003_00 +scene0003_01 +scene0003_02 +scene0409_00 +scene0409_01 +scene0331_00 +scene0331_01 +scene0505_00 +scene0505_01 +scene0505_02 +scene0505_03 +scene0505_04 +scene0506_00 +scene0057_00 +scene0057_01 +scene0074_00 +scene0074_01 +scene0074_02 +scene0091_00 +scene0112_00 +scene0112_01 +scene0112_02 +scene0240_00 +scene0102_00 +scene0102_01 +scene0513_00 +scene0514_00 +scene0514_01 +scene0537_00 +scene0516_00 +scene0516_01 +scene0495_00 +scene0617_00 +scene0133_00 +scene0520_00 +scene0520_01 +scene0635_00 +scene0635_01 +scene0054_00 +scene0473_00 +scene0473_01 +scene0524_00 +scene0524_01 +scene0379_00 +scene0471_00 +scene0471_01 +scene0471_02 +scene0566_00 +scene0248_00 +scene0248_01 +scene0248_02 +scene0529_00 +scene0529_01 +scene0529_02 +scene0391_00 +scene0264_00 +scene0264_01 +scene0264_02 +scene0675_00 +scene0675_01 +scene0350_00 +scene0350_01 +scene0350_02 +scene0450_00 +scene0068_00 +scene0068_01 +scene0237_00 +scene0237_01 +scene0365_00 +scene0365_01 +scene0365_02 +scene0605_00 +scene0605_01 +scene0539_00 +scene0539_01 +scene0539_02 +scene0540_00 +scene0540_01 +scene0540_02 +scene0170_00 +scene0170_01 +scene0170_02 +scene0433_00 +scene0340_00 +scene0340_01 +scene0340_02 +scene0160_00 +scene0160_01 +scene0160_02 +scene0160_03 +scene0160_04 +scene0059_00 +scene0059_01 +scene0059_02 +scene0056_00 +scene0056_01 +scene0478_00 +scene0478_01 +scene0548_00 +scene0548_01 +scene0548_02 +scene0204_00 +scene0204_01 +scene0204_02 +scene0033_00 +scene0145_00 +scene0483_00 +scene0508_00 +scene0508_01 +scene0508_02 +scene0180_00 +scene0148_00 +scene0556_00 +scene0556_01 +scene0416_00 +scene0416_01 +scene0416_02 +scene0416_03 +scene0416_04 +scene0073_00 +scene0073_01 +scene0073_02 +scene0073_03 +scene0034_00 +scene0034_01 +scene0034_02 +scene0639_00 +scene0561_00 +scene0561_01 +scene0298_00 +scene0692_00 +scene0692_01 +scene0692_02 +scene0692_03 +scene0692_04 +scene0642_00 +scene0642_01 +scene0642_02 +scene0642_03 +scene0630_00 +scene0630_01 +scene0630_02 +scene0630_03 +scene0630_04 +scene0630_05 +scene0630_06 +scene0706_00 +scene0567_00 +scene0567_01 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt new file mode 100644 index 0000000000000000000000000000000000000000..b9e7d9205321e8ca047a527466f4b7100c9c9d2c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt @@ -0,0 +1,312 @@ +scene0568_00 +scene0568_01 +scene0568_02 +scene0304_00 +scene0488_00 +scene0488_01 +scene0412_00 +scene0412_01 +scene0217_00 +scene0019_00 +scene0019_01 +scene0414_00 +scene0575_00 +scene0575_01 +scene0575_02 +scene0426_00 +scene0426_01 +scene0426_02 +scene0426_03 +scene0549_00 +scene0549_01 +scene0578_00 +scene0578_01 +scene0578_02 +scene0665_00 +scene0665_01 +scene0050_00 +scene0050_01 +scene0050_02 +scene0257_00 +scene0025_00 +scene0025_01 +scene0025_02 +scene0583_00 +scene0583_01 +scene0583_02 +scene0701_00 +scene0701_01 +scene0701_02 +scene0580_00 +scene0580_01 +scene0565_00 +scene0169_00 +scene0169_01 +scene0655_00 +scene0655_01 +scene0655_02 +scene0063_00 +scene0221_00 +scene0221_01 +scene0591_00 +scene0591_01 +scene0591_02 +scene0678_00 +scene0678_01 +scene0678_02 +scene0462_00 +scene0427_00 +scene0595_00 +scene0193_00 +scene0193_01 +scene0164_00 +scene0164_01 +scene0164_02 +scene0164_03 +scene0598_00 +scene0598_01 +scene0598_02 +scene0599_00 +scene0599_01 +scene0599_02 +scene0328_00 +scene0300_00 +scene0300_01 +scene0354_00 +scene0458_00 +scene0458_01 +scene0423_00 +scene0423_01 +scene0423_02 +scene0307_00 +scene0307_01 +scene0307_02 +scene0606_00 +scene0606_01 +scene0606_02 +scene0432_00 +scene0432_01 +scene0608_00 +scene0608_01 +scene0608_02 +scene0651_00 +scene0651_01 +scene0651_02 +scene0430_00 +scene0430_01 +scene0689_00 +scene0357_00 +scene0357_01 +scene0574_00 +scene0574_01 +scene0574_02 +scene0329_00 +scene0329_01 +scene0329_02 +scene0153_00 +scene0153_01 +scene0616_00 +scene0616_01 +scene0671_00 +scene0671_01 +scene0618_00 +scene0382_00 +scene0382_01 +scene0490_00 +scene0621_00 +scene0607_00 +scene0607_01 +scene0149_00 +scene0695_00 +scene0695_01 +scene0695_02 +scene0695_03 +scene0389_00 +scene0377_00 +scene0377_01 +scene0377_02 +scene0342_00 +scene0139_00 +scene0629_00 +scene0629_01 +scene0629_02 +scene0496_00 +scene0633_00 +scene0633_01 +scene0518_00 +scene0652_00 +scene0406_00 +scene0406_01 +scene0406_02 +scene0144_00 +scene0144_01 +scene0494_00 +scene0278_00 +scene0278_01 +scene0316_00 +scene0609_00 +scene0609_01 +scene0609_02 +scene0609_03 +scene0084_00 +scene0084_01 +scene0084_02 +scene0696_00 +scene0696_01 +scene0696_02 +scene0351_00 +scene0351_01 +scene0643_00 +scene0644_00 +scene0645_00 +scene0645_01 +scene0645_02 +scene0081_00 +scene0081_01 +scene0081_02 +scene0647_00 +scene0647_01 +scene0535_00 +scene0353_00 +scene0353_01 +scene0353_02 +scene0559_00 +scene0559_01 +scene0559_02 +scene0593_00 +scene0593_01 +scene0246_00 +scene0653_00 +scene0653_01 +scene0064_00 +scene0064_01 +scene0356_00 +scene0356_01 +scene0356_02 +scene0030_00 +scene0030_01 +scene0030_02 +scene0222_00 +scene0222_01 +scene0338_00 +scene0338_01 +scene0338_02 +scene0378_00 +scene0378_01 +scene0378_02 +scene0660_00 +scene0553_00 +scene0553_01 +scene0553_02 +scene0527_00 +scene0663_00 +scene0663_01 +scene0663_02 +scene0664_00 +scene0664_01 +scene0664_02 +scene0334_00 +scene0334_01 +scene0334_02 +scene0046_00 +scene0046_01 +scene0046_02 +scene0203_00 +scene0203_01 +scene0203_02 +scene0088_00 +scene0088_01 +scene0088_02 +scene0088_03 +scene0086_00 +scene0086_01 +scene0086_02 +scene0670_00 +scene0670_01 +scene0256_00 +scene0256_01 +scene0256_02 +scene0249_00 +scene0441_00 +scene0658_00 +scene0704_00 +scene0704_01 +scene0187_00 +scene0187_01 +scene0131_00 +scene0131_01 +scene0131_02 +scene0207_00 +scene0207_01 +scene0207_02 +scene0461_00 +scene0011_00 +scene0011_01 +scene0343_00 +scene0251_00 +scene0077_00 +scene0077_01 +scene0684_00 +scene0684_01 +scene0550_00 +scene0686_00 +scene0686_01 +scene0686_02 +scene0208_00 +scene0500_00 +scene0500_01 +scene0552_00 +scene0552_01 +scene0648_00 +scene0648_01 +scene0435_00 +scene0435_01 +scene0435_02 +scene0435_03 +scene0690_00 +scene0690_01 +scene0693_00 +scene0693_01 +scene0693_02 +scene0700_00 +scene0700_01 +scene0700_02 +scene0699_00 +scene0231_00 +scene0231_01 +scene0231_02 +scene0697_00 +scene0697_01 +scene0697_02 +scene0697_03 +scene0474_00 +scene0474_01 +scene0474_02 +scene0474_03 +scene0474_04 +scene0474_05 +scene0355_00 +scene0355_01 +scene0146_00 +scene0146_01 +scene0146_02 +scene0196_00 +scene0702_00 +scene0702_01 +scene0702_02 +scene0314_00 +scene0277_00 +scene0277_01 +scene0277_02 +scene0095_00 +scene0095_01 +scene0015_00 +scene0100_00 +scene0100_01 +scene0100_02 +scene0558_00 +scene0558_01 +scene0558_02 +scene0685_00 +scene0685_01 +scene0685_02 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/preprocess_scannet.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/preprocess_scannet.py new file mode 100644 index 0000000000000000000000000000000000000000..aaccf1f0ee5255749100dfd93cf31d886ec9c699 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/preprocess_scannet.py @@ -0,0 +1,255 @@ +""" +Preprocessing Script for ScanNet 20/200 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import warnings + +warnings.filterwarnings("ignore", category=DeprecationWarning) + +import os +import argparse +import glob +import json +import plyfile +import numpy as np +import pandas as pd +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + +# Load external constants +from meta_data.scannet200_constants import VALID_CLASS_IDS_200, VALID_CLASS_IDS_20 + +CLOUD_FILE_PFIX = "_vh_clean_2" +SEGMENTS_FILE_PFIX = ".0.010000.segs.json" +AGGREGATIONS_FILE_PFIX = ".aggregation.json" +CLASS_IDS200 = VALID_CLASS_IDS_200 +CLASS_IDS20 = VALID_CLASS_IDS_20 +IGNORE_INDEX = -1 + + +def read_plymesh(filepath): + """Read ply file and return it as numpy array. Returns None if emtpy.""" + with open(filepath, "rb") as f: + plydata = plyfile.PlyData.read(f) + if plydata.elements: + vertices = pd.DataFrame(plydata["vertex"].data).values + faces = np.stack(plydata["face"].data["vertex_indices"], axis=0) + return vertices, faces + + +# Map the raw category id to the point cloud +def point_indices_from_group(seg_indices, group, labels_pd): + group_segments = np.array(group["segments"]) + label = group["label"] + + # Map the category name to id + label_id20 = labels_pd[labels_pd["raw_category"] == label]["nyu40id"] + label_id20 = int(label_id20.iloc[0]) if len(label_id20) > 0 else 0 + label_id200 = labels_pd[labels_pd["raw_category"] == label]["id"] + label_id200 = int(label_id200.iloc[0]) if len(label_id200) > 0 else 0 + + # Only store for the valid categories + if label_id20 in CLASS_IDS20: + label_id20 = CLASS_IDS20.index(label_id20) + else: + label_id20 = IGNORE_INDEX + + if label_id200 in CLASS_IDS200: + label_id200 = CLASS_IDS200.index(label_id200) + else: + label_id200 = IGNORE_INDEX + + # get points, where segment indices (points labelled with segment ids) are in the group segment list + point_idx = np.where(np.isin(seg_indices, group_segments))[0] + return point_idx, label_id20, label_id200 + + +def face_normal(vertex, face): + v01 = vertex[face[:, 1]] - vertex[face[:, 0]] + v02 = vertex[face[:, 2]] - vertex[face[:, 0]] + vec = np.cross(v01, v02) + length = np.sqrt(np.sum(vec**2, axis=1, keepdims=True)) + 1.0e-8 + nf = vec / length + area = length * 0.5 + return nf, area + + +def vertex_normal(vertex, face): + nf, area = face_normal(vertex, face) + nf = nf * area + + nv = np.zeros_like(vertex) + for i in range(face.shape[0]): + nv[face[i]] += nf[i] + + length = np.sqrt(np.sum(nv**2, axis=1, keepdims=True)) + 1.0e-8 + nv = nv / length + return nv + + +def handle_process( + scene_path, output_path, labels_pd, train_scenes, val_scenes, parse_normals=True +): + scene_id = os.path.basename(scene_path) + mesh_path = os.path.join(scene_path, f"{scene_id}{CLOUD_FILE_PFIX}.ply") + segments_file = os.path.join( + scene_path, f"{scene_id}{CLOUD_FILE_PFIX}{SEGMENTS_FILE_PFIX}" + ) + aggregations_file = os.path.join(scene_path, f"{scene_id}{AGGREGATIONS_FILE_PFIX}") + info_file = os.path.join(scene_path, f"{scene_id}.txt") + + if scene_id in train_scenes: + output_path = os.path.join(output_path, "train", f"{scene_id}") + split_name = "train" + elif scene_id in val_scenes: + output_path = os.path.join(output_path, "val", f"{scene_id}") + split_name = "val" + else: + output_path = os.path.join(output_path, "test", f"{scene_id}") + split_name = "test" + + print(f"Processing: {scene_id} in {split_name}") + + vertices, faces = read_plymesh(mesh_path) + coords = vertices[:, :3] + colors = vertices[:, 3:6] + save_dict = dict( + coord=coords.astype(np.float32), + color=colors.astype(np.uint8), + ) + + # # Rotating the mesh to axis aligned + # info_dict = {} + # with open(info_file) as f: + # for line in f: + # (key, val) = line.split(" = ") + # info_dict[key] = np.fromstring(val, sep=' ') + # + # if 'axisAlignment' not in info_dict: + # rot_matrix = np.identity(4) + # else: + # rot_matrix = info_dict['axisAlignment'].reshape(4, 4) + # r_coords = coords.transpose() + # r_coords = np.append(r_coords, np.ones((1, r_coords.shape[1])), axis=0) + # r_coords = np.dot(rot_matrix, r_coords) + # coords = r_coords + + # Parse Normals + if parse_normals: + save_dict["normal"] = vertex_normal(coords, faces).astype(np.float32) + + # Load segments file + if split_name != "test": + with open(segments_file) as f: + segments = json.load(f) + seg_indices = np.array(segments["segIndices"]) + + # Load Aggregations file + with open(aggregations_file) as f: + aggregation = json.load(f) + seg_groups = np.array(aggregation["segGroups"]) + + # Generate new labels + semantic_gt20 = np.ones((vertices.shape[0]), dtype=np.int16) * IGNORE_INDEX + semantic_gt200 = np.ones((vertices.shape[0]), dtype=np.int16) * IGNORE_INDEX + instance_ids = np.ones((vertices.shape[0]), dtype=np.int16) * IGNORE_INDEX + for group in seg_groups: + point_idx, label_id20, label_id200 = point_indices_from_group( + seg_indices, group, labels_pd + ) + + semantic_gt20[point_idx] = label_id20 + semantic_gt200[point_idx] = label_id200 + instance_ids[point_idx] = group["id"] + + semantic_gt20 = semantic_gt20.astype(int) + semantic_gt200 = semantic_gt200.astype(int) + instance_ids = instance_ids.astype(int) + + save_dict["segment20"] = semantic_gt20 + save_dict["segment200"] = semantic_gt200 + save_dict["instance"] = instance_ids + + # Concatenate with original cloud + processed_vertices = np.hstack((semantic_gt200, instance_ids)) + + if np.any(np.isnan(processed_vertices)) or not np.all( + np.isfinite(processed_vertices) + ): + raise ValueError(f"Find NaN in Scene: {scene_id}") + + # Save processed data + os.makedirs(output_path, exist_ok=True) + for key in save_dict.keys(): + np.save(os.path.join(output_path, f"{key}.npy"), save_dict[key]) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + parser.add_argument( + "--parse_normals", default=True, type=bool, help="Whether parse point normals" + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + config = parser.parse_args() + + # Load label map + labels_pd = pd.read_csv( + "pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv", + sep="\t", + header=0, + ) + + # Load train/val splits + with open( + "pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt" + ) as train_file: + train_scenes = train_file.read().splitlines() + with open( + "pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt" + ) as val_file: + val_scenes = val_file.read().splitlines() + + # Create output directories + train_output_dir = os.path.join(config.output_root, "train") + os.makedirs(train_output_dir, exist_ok=True) + val_output_dir = os.path.join(config.output_root, "val") + os.makedirs(val_output_dir, exist_ok=True) + test_output_dir = os.path.join(config.output_root, "test") + os.makedirs(test_output_dir, exist_ok=True) + + # Load scene paths + scene_paths = sorted(glob.glob(config.dataset_root + "/scans*/scene*")) + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + handle_process, + scene_paths, + repeat(config.output_root), + repeat(labels_pd), + repeat(train_scenes), + repeat(val_scenes), + repeat(config.parse_normals), + ) + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/SensorData.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/SensorData.py new file mode 100644 index 0000000000000000000000000000000000000000..d90c8770e812f782e4735cc7095c100cd6258bf6 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/SensorData.py @@ -0,0 +1,183 @@ +import os, struct +import numpy as np +import zlib +import imageio +import cv2 + +COMPRESSION_TYPE_COLOR = {-1: "unknown", 0: "raw", 1: "png", 2: "jpeg"} +COMPRESSION_TYPE_DEPTH = { + -1: "unknown", + 0: "raw_ushort", + 1: "zlib_ushort", + 2: "occi_ushort", +} + + +class RGBDFrame: + def load(self, file_handle): + self.camera_to_world = np.asarray( + struct.unpack("f" * 16, file_handle.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.timestamp_color = struct.unpack("Q", file_handle.read(8))[0] + self.timestamp_depth = struct.unpack("Q", file_handle.read(8))[0] + self.color_size_bytes = struct.unpack("Q", file_handle.read(8))[0] + self.depth_size_bytes = struct.unpack("Q", file_handle.read(8))[0] + self.color_data = b"".join( + struct.unpack( + "c" * self.color_size_bytes, file_handle.read(self.color_size_bytes) + ) + ) + self.depth_data = b"".join( + struct.unpack( + "c" * self.depth_size_bytes, file_handle.read(self.depth_size_bytes) + ) + ) + + def decompress_depth(self, compression_type): + if compression_type == "zlib_ushort": + return self.decompress_depth_zlib() + else: + raise + + def decompress_depth_zlib(self): + return zlib.decompress(self.depth_data) + + def decompress_color(self, compression_type): + if compression_type == "jpeg": + return self.decompress_color_jpeg() + else: + raise + + def decompress_color_jpeg(self): + return imageio.imread(self.color_data) + + +class SensorData: + def __init__(self, filename): + self.version = 4 + self.load(filename) + + def load(self, filename): + with open(filename, "rb") as f: + version = struct.unpack("I", f.read(4))[0] + assert self.version == version + strlen = struct.unpack("Q", f.read(8))[0] + self.sensor_name = b"".join(struct.unpack("c" * strlen, f.read(strlen))) + self.intrinsic_color = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.extrinsic_color = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.intrinsic_depth = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.extrinsic_depth = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.color_compression_type = COMPRESSION_TYPE_COLOR[ + struct.unpack("i", f.read(4))[0] + ] + self.depth_compression_type = COMPRESSION_TYPE_DEPTH[ + struct.unpack("i", f.read(4))[0] + ] + self.color_width = struct.unpack("I", f.read(4))[0] + self.color_height = struct.unpack("I", f.read(4))[0] + self.depth_width = struct.unpack("I", f.read(4))[0] + self.depth_height = struct.unpack("I", f.read(4))[0] + self.depth_shift = struct.unpack("f", f.read(4))[0] + num_frames = struct.unpack("Q", f.read(8))[0] + self.frames = [] + for i in range(num_frames): + frame = RGBDFrame() + frame.load(f) + self.frames.append(frame) + + def export_depth_images(self, output_path, image_size=None, frame_skip=1): + if not os.path.exists(output_path): + os.makedirs(output_path) + print( + "exporting", len(self.frames) // frame_skip, " depth frames to", output_path + ) + for f in range(0, len(self.frames), frame_skip): + if os.path.exists((os.path.join(output_path, str(f) + ".png"))): + continue + if f % 100 == 0: + print( + "exporting", + f, + "th depth frames to", + os.path.join(output_path, str(f) + ".png"), + ) + + depth_data = self.frames[f].decompress_depth(self.depth_compression_type) + depth = np.fromstring(depth_data, dtype=np.uint16).reshape( + self.depth_height, self.depth_width + ) + if image_size is not None: + depth = cv2.resize( + depth, + (image_size[1], image_size[0]), + interpolation=cv2.INTER_NEAREST, + ) + imageio.imwrite(os.path.join(output_path, str(f) + ".png"), depth) + + def export_color_images(self, output_path, image_size=None, frame_skip=1): + if not os.path.exists(output_path): + os.makedirs(output_path) + print( + "exporting", len(self.frames) // frame_skip, "color frames to", output_path + ) + for f in range(0, len(self.frames), frame_skip): + if os.path.exists((os.path.join(output_path, str(f) + ".png"))): + continue + if f % 100 == 0: + print( + "exporting", + f, + "th color frames to", + os.path.join(output_path, str(f) + ".png"), + ) + color = self.frames[f].decompress_color(self.color_compression_type) + if image_size is not None: + color = cv2.resize( + color, + (image_size[1], image_size[0]), + interpolation=cv2.INTER_NEAREST, + ) + # imageio.imwrite(os.path.join(output_path, str(f) + '.jpg'), color) + imageio.imwrite(os.path.join(output_path, str(f) + ".png"), color) + + def save_mat_to_file(self, matrix, filename): + with open(filename, "w") as f: + for line in matrix: + np.savetxt(f, line[np.newaxis], fmt="%f") + + def export_poses(self, output_path, frame_skip=1): + if not os.path.exists(output_path): + os.makedirs(output_path) + print( + "exporting", len(self.frames) // frame_skip, "camera poses to", output_path + ) + for f in range(0, len(self.frames), frame_skip): + self.save_mat_to_file( + self.frames[f].camera_to_world, + os.path.join(output_path, str(f) + ".txt"), + ) + + def export_intrinsics(self, output_path): + if not os.path.exists(output_path): + os.makedirs(output_path) + print("exporting camera intrinsics to", output_path) + self.save_mat_to_file( + self.intrinsic_color, os.path.join(output_path, "intrinsic_color.txt") + ) + self.save_mat_to_file( + self.extrinsic_color, os.path.join(output_path, "extrinsic_color.txt") + ) + self.save_mat_to_file( + self.intrinsic_depth, os.path.join(output_path, "intrinsic_depth.txt") + ) + self.save_mat_to_file( + self.extrinsic_depth, os.path.join(output_path, "extrinsic_depth.txt") + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/compute_full_overlapping.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/compute_full_overlapping.py new file mode 100644 index 0000000000000000000000000000000000000000..a6b407eebad280f2817805d15ec43b9f7f6afbf4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/compute_full_overlapping.py @@ -0,0 +1,91 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +import copy +import torch +import numpy as np +import math +import glob, os +import argparse +import open3d as o3d + + +def make_open3d_point_cloud(xyz, color=None, voxel_size=None): + if np.isnan(xyz).any(): + return None + + xyz = xyz[:, :3] + pcd = o3d.geometry.PointCloud() + pcd.points = o3d.utility.Vector3dVector(xyz) + if color is not None: + pcd.colors = o3d.utility.Vector3dVector(color) + if voxel_size is not None: + pcd = pcd.voxel_down_sample(voxel_size) + + return pcd + + +def compute_overlap_ratio(pcd0, pcd1, voxel_size): + pcd0_down = pcd0.voxel_down_sample(voxel_size) + pcd1_down = pcd1.voxel_down_sample(voxel_size) + matching01 = get_matching_indices(pcd0_down, pcd1_down, voxel_size * 1.5, 1) + matching10 = get_matching_indices(pcd1_down, pcd0_down, voxel_size * 1.5, 1) + overlap0 = float(len(matching01)) / float(len(pcd0_down.points)) + overlap1 = float(len(matching10)) / float(len(pcd1_down.points)) + return max(overlap0, overlap1) + + +def get_matching_indices(source, pcd_tree, search_voxel_size, K=None): + match_inds = [] + for i, point in enumerate(source.points): + [_, idx, _] = pcd_tree.search_radius_vector_3d(point, search_voxel_size) + if K is not None: + idx = idx[:K] + for j in idx: + match_inds.append((i, j)) + return match_inds + + +def compute_full_overlapping(data_root, scene_id, voxel_size=0.05): + _points = [ + ( + pcd_name, + make_open3d_point_cloud( + torch.load(pcd_name)["coord"], voxel_size=voxel_size + ), + ) + for pcd_name in glob.glob(os.path.join(data_root, scene_id, "pcd", "*.pth")) + ] + points = [(pcd_name, pcd) for (pcd_name, pcd) in _points if pcd is not None] + print( + "load {} point clouds ({} invalid has been filtered), computing matching/overlapping".format( + len(points), len(_points) - len(points) + ) + ) + + matching_matrix = np.zeros((len(points), len(points))) + for i, (pcd0_name, pcd0) in enumerate(points): + print("matching to...{}".format(pcd0_name)) + pcd0_tree = o3d.geometry.KDTreeFlann(copy.deepcopy(pcd0)) + for j, (pcd1_name, pcd1) in enumerate(points): + if i == j: + continue + matching_matrix[i, j] = float( + len(get_matching_indices(pcd1, pcd0_tree, 1.5 * voxel_size, 1)) + ) / float(len(pcd1.points)) + + # write to file + with open(os.path.join(data_root, scene_id, "pcd", "overlap.txt"), "w") as f: + for i, (pcd0_name, pcd0) in enumerate(points): + for j, (pcd1_name, pcd1) in enumerate(points): + if i < j: + overlap = max(matching_matrix[i, j], matching_matrix[j, i]) + f.write( + "{} {} {}\n".format( + pcd0_name.replace(data_root, ""), + pcd1_name.replace(data_root, ""), + overlap, + ) + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/generage_list.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/generage_list.py new file mode 100644 index 0000000000000000000000000000000000000000..a8943ba040cc24fc8d3130bd8784052cb57ce6c9 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/generage_list.py @@ -0,0 +1,33 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + + +import argparse +import glob, os, sys + +from SensorData import SensorData + +# params +parser = argparse.ArgumentParser() +# data paths +parser.add_argument("--target_dir", required=True, help="path to the target dir") + +opt = parser.parse_args() +print(opt) + + +def main(): + overlaps = glob.glob(os.path.join(opt.target_dir, "*/pcd/overlap.txt")) + with open(os.path.join(opt.target_dir, "overlap30.txt"), "w") as f: + for fo in overlaps: + for line in open(fo): + pcd0, pcd1, op = line.strip().split() + if float(op) >= 0.3: + print("{} {} {}".format(pcd0, pcd1, op), file=f) + print("done") + + +if __name__ == "__main__": + main() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/plyfile.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/plyfile.py new file mode 100644 index 0000000000000000000000000000000000000000..17400c4bd28764829d248e90dc141182fa1d8f03 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/plyfile.py @@ -0,0 +1,894 @@ +# Copyright 2014 Darsh Ranjan +# +# This file is part of python-plyfile. +# +# python-plyfile is free software: you can redistribute it and/or +# modify it under the terms of the GNU General Public License as +# published by the Free Software Foundation, either version 3 of the +# License, or (at your option) any later version. +# +# python-plyfile is distributed in the hope that it will be useful, +# but WITHOUT ANY WARRANTY; without even the implied warranty of +# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU +# General Public License for more details. +# +# You should have received a copy of the GNU General Public License +# along with python-plyfile. If not, see +# . + +from itertools import islice as _islice + +import numpy as _np +from sys import byteorder as _byteorder + + +try: + _range = xrange +except NameError: + _range = range + + +# Many-many relation +_data_type_relation = [ + ("int8", "i1"), + ("char", "i1"), + ("uint8", "u1"), + ("uchar", "b1"), + ("uchar", "u1"), + ("int16", "i2"), + ("short", "i2"), + ("uint16", "u2"), + ("ushort", "u2"), + ("int32", "i4"), + ("int", "i4"), + ("uint32", "u4"), + ("uint", "u4"), + ("float32", "f4"), + ("float", "f4"), + ("float64", "f8"), + ("double", "f8"), +] + +_data_types = dict(_data_type_relation) +_data_type_reverse = dict((b, a) for (a, b) in _data_type_relation) + +_types_list = [] +_types_set = set() +for _a, _b in _data_type_relation: + if _a not in _types_set: + _types_list.append(_a) + _types_set.add(_a) + if _b not in _types_set: + _types_list.append(_b) + _types_set.add(_b) + + +_byte_order_map = {"ascii": "=", "binary_little_endian": "<", "binary_big_endian": ">"} + +_byte_order_reverse = {"<": "binary_little_endian", ">": "binary_big_endian"} + +_native_byte_order = {"little": "<", "big": ">"}[_byteorder] + + +def _lookup_type(type_str): + if type_str not in _data_type_reverse: + try: + type_str = _data_types[type_str] + except KeyError: + raise ValueError("field type %r not in %r" % (type_str, _types_list)) + + return _data_type_reverse[type_str] + + +def _split_line(line, n): + fields = line.split(None, n) + if len(fields) == n: + fields.append("") + + assert len(fields) == n + 1 + + return fields + + +def make2d(array, cols=None, dtype=None): + """ + Make a 2D array from an array of arrays. The `cols' and `dtype' + arguments can be omitted if the array is not empty. + + """ + if (cols is None or dtype is None) and not len(array): + raise RuntimeError("cols and dtype must be specified for empty " "array") + + if cols is None: + cols = len(array[0]) + + if dtype is None: + dtype = array[0].dtype + + return _np.fromiter(array, [("_", dtype, (cols,))], count=len(array))["_"] + + +class PlyParseError(Exception): + """ + Raised when a PLY file cannot be parsed. + + The attributes `element', `row', `property', and `message' give + additional information. + + """ + + def __init__(self, message, element=None, row=None, prop=None): + self.message = message + self.element = element + self.row = row + self.prop = prop + + s = "" + if self.element: + s += "element %r: " % self.element.name + if self.row is not None: + s += "row %d: " % self.row + if self.prop: + s += "property %r: " % self.prop.name + s += self.message + + Exception.__init__(self, s) + + def __repr__(self): + return ( + "PlyParseError(%r, element=%r, row=%r, prop=%r)" % self.message, + self.element, + self.row, + self.prop, + ) + + +class PlyData(object): + """ + PLY file header and data. + + A PlyData instance is created in one of two ways: by the static + method PlyData.read (to read a PLY file), or directly from __init__ + given a sequence of elements (which can then be written to a PLY + file). + + """ + + def __init__( + self, elements=[], text=False, byte_order="=", comments=[], obj_info=[] + ): + """ + elements: sequence of PlyElement instances. + + text: whether the resulting PLY file will be text (True) or + binary (False). + + byte_order: '<' for little-endian, '>' for big-endian, or '=' + for native. This is only relevant if `text' is False. + + comments: sequence of strings that will be placed in the header + between the 'ply' and 'format ...' lines. + + obj_info: like comments, but will be placed in the header with + "obj_info ..." instead of "comment ...". + + """ + if byte_order == "=" and not text: + byte_order = _native_byte_order + + self.byte_order = byte_order + self.text = text + + self.comments = list(comments) + self.obj_info = list(obj_info) + self.elements = elements + + def _get_elements(self): + return self._elements + + def _set_elements(self, elements): + self._elements = tuple(elements) + self._index() + + elements = property(_get_elements, _set_elements) + + def _get_byte_order(self): + return self._byte_order + + def _set_byte_order(self, byte_order): + if byte_order not in ["<", ">", "="]: + raise ValueError("byte order must be '<', '>', or '='") + + self._byte_order = byte_order + + byte_order = property(_get_byte_order, _set_byte_order) + + def _index(self): + self._element_lookup = dict((elt.name, elt) for elt in self._elements) + if len(self._element_lookup) != len(self._elements): + raise ValueError("two elements with same name") + + @staticmethod + def _parse_header(stream): + """ + Parse a PLY header from a readable file-like stream. + + """ + lines = [] + comments = {"comment": [], "obj_info": []} + while True: + line = stream.readline().decode("ascii").strip() + fields = _split_line(line, 1) + + if fields[0] == "end_header": + break + + elif fields[0] in comments.keys(): + lines.append(fields) + else: + lines.append(line.split()) + + a = 0 + if lines[a] != ["ply"]: + raise PlyParseError("expected 'ply'") + + a += 1 + while lines[a][0] in comments.keys(): + comments[lines[a][0]].append(lines[a][1]) + a += 1 + + if lines[a][0] != "format": + raise PlyParseError("expected 'format'") + + if lines[a][2] != "1.0": + raise PlyParseError("expected version '1.0'") + + if len(lines[a]) != 3: + raise PlyParseError("too many fields after 'format'") + + fmt = lines[a][1] + + if fmt not in _byte_order_map: + raise PlyParseError("don't understand format %r" % fmt) + + byte_order = _byte_order_map[fmt] + text = fmt == "ascii" + + a += 1 + while a < len(lines) and lines[a][0] in comments.keys(): + comments[lines[a][0]].append(lines[a][1]) + a += 1 + + return PlyData( + PlyElement._parse_multi(lines[a:]), + text, + byte_order, + comments["comment"], + comments["obj_info"], + ) + + @staticmethod + def read(stream): + """ + Read PLY data from a readable file-like object or filename. + + """ + (must_close, stream) = _open_stream(stream, "read") + try: + data = PlyData._parse_header(stream) + for elt in data: + elt._read(stream, data.text, data.byte_order) + finally: + if must_close: + stream.close() + + return data + + def write(self, stream): + """ + Write PLY data to a writeable file-like object or filename. + + """ + (must_close, stream) = _open_stream(stream, "write") + try: + stream.write(self.header.encode("ascii")) + stream.write(b"\r\n") + for elt in self: + elt._write(stream, self.text, self.byte_order) + finally: + if must_close: + stream.close() + + @property + def header(self): + """ + Provide PLY-formatted metadata for the instance. + + """ + lines = ["ply"] + + if self.text: + lines.append("format ascii 1.0") + else: + lines.append("format " + _byte_order_reverse[self.byte_order] + " 1.0") + + # Some information is lost here, since all comments are placed + # between the 'format' line and the first element. + for c in self.comments: + lines.append("comment " + c) + + for c in self.obj_info: + lines.append("obj_info " + c) + + lines.extend(elt.header for elt in self.elements) + lines.append("end_header") + return "\r\n".join(lines) + + def __iter__(self): + return iter(self.elements) + + def __len__(self): + return len(self.elements) + + def __contains__(self, name): + return name in self._element_lookup + + def __getitem__(self, name): + return self._element_lookup[name] + + def __str__(self): + return self.header + + def __repr__(self): + return "PlyData(%r, text=%r, byte_order=%r, " "comments=%r, obj_info=%r)" % ( + self.elements, + self.text, + self.byte_order, + self.comments, + self.obj_info, + ) + + +def _open_stream(stream, read_or_write): + if hasattr(stream, read_or_write): + return (False, stream) + try: + return (True, open(stream, read_or_write[0] + "b")) + except TypeError: + raise RuntimeError("expected open file or filename") + + +class PlyElement(object): + """ + PLY file element. + + A client of this library doesn't normally need to instantiate this + directly, so the following is only for the sake of documenting the + internals. + + Creating a PlyElement instance is generally done in one of two ways: + as a byproduct of PlyData.read (when reading a PLY file) and by + PlyElement.describe (before writing a PLY file). + + """ + + def __init__(self, name, properties, count, comments=[]): + """ + This is not part of the public interface. The preferred methods + of obtaining PlyElement instances are PlyData.read (to read from + a file) and PlyElement.describe (to construct from a numpy + array). + + """ + self._name = str(name) + self._check_name() + self._count = count + + self._properties = tuple(properties) + self._index() + + self.comments = list(comments) + + self._have_list = any(isinstance(p, PlyListProperty) for p in self.properties) + + @property + def count(self): + return self._count + + def _get_data(self): + return self._data + + def _set_data(self, data): + self._data = data + self._count = len(data) + self._check_sanity() + + data = property(_get_data, _set_data) + + def _check_sanity(self): + for prop in self.properties: + if prop.name not in self._data.dtype.fields: + raise ValueError("dangling property %r" % prop.name) + + def _get_properties(self): + return self._properties + + def _set_properties(self, properties): + self._properties = tuple(properties) + self._check_sanity() + self._index() + + properties = property(_get_properties, _set_properties) + + def _index(self): + self._property_lookup = dict((prop.name, prop) for prop in self._properties) + if len(self._property_lookup) != len(self._properties): + raise ValueError("two properties with same name") + + def ply_property(self, name): + return self._property_lookup[name] + + @property + def name(self): + return self._name + + def _check_name(self): + if any(c.isspace() for c in self._name): + msg = "element name %r contains spaces" % self._name + raise ValueError(msg) + + def dtype(self, byte_order="="): + """ + Return the numpy dtype of the in-memory representation of the + data. (If there are no list properties, and the PLY format is + binary, then this also accurately describes the on-disk + representation of the element.) + + """ + return [(prop.name, prop.dtype(byte_order)) for prop in self.properties] + + @staticmethod + def _parse_multi(header_lines): + """ + Parse a list of PLY element definitions. + + """ + elements = [] + while header_lines: + (elt, header_lines) = PlyElement._parse_one(header_lines) + elements.append(elt) + + return elements + + @staticmethod + def _parse_one(lines): + """ + Consume one element definition. The unconsumed input is + returned along with a PlyElement instance. + + """ + a = 0 + line = lines[a] + + if line[0] != "element": + raise PlyParseError("expected 'element'") + if len(line) > 3: + raise PlyParseError("too many fields after 'element'") + if len(line) < 3: + raise PlyParseError("too few fields after 'element'") + + (name, count) = (line[1], int(line[2])) + + comments = [] + properties = [] + while True: + a += 1 + if a >= len(lines): + break + + if lines[a][0] == "comment": + comments.append(lines[a][1]) + elif lines[a][0] == "property": + properties.append(PlyProperty._parse_one(lines[a])) + else: + break + + return (PlyElement(name, properties, count, comments), lines[a:]) + + @staticmethod + def describe(data, name, len_types={}, val_types={}, comments=[]): + """ + Construct a PlyElement from an array's metadata. + + len_types and val_types can be given as mappings from list + property names to type strings (like 'u1', 'f4', etc., or + 'int8', 'float32', etc.). These can be used to define the length + and value types of list properties. List property lengths + always default to type 'u1' (8-bit unsigned integer), and value + types default to 'i4' (32-bit integer). + + """ + if not isinstance(data, _np.ndarray): + raise TypeError("only numpy arrays are supported") + + if len(data.shape) != 1: + raise ValueError("only one-dimensional arrays are " "supported") + + count = len(data) + + properties = [] + descr = data.dtype.descr + + for t in descr: + if not isinstance(t[1], str): + raise ValueError("nested records not supported") + + if not t[0]: + raise ValueError("field with empty name") + + if len(t) != 2 or t[1][1] == "O": + # non-scalar field, which corresponds to a list + # property in PLY. + + if t[1][1] == "O": + if len(t) != 2: + raise ValueError("non-scalar object fields not " "supported") + + len_str = _data_type_reverse[len_types.get(t[0], "u1")] + if t[1][1] == "O": + val_type = val_types.get(t[0], "i4") + val_str = _lookup_type(val_type) + else: + val_str = _lookup_type(t[1][1:]) + + prop = PlyListProperty(t[0], len_str, val_str) + else: + val_str = _lookup_type(t[1][1:]) + prop = PlyProperty(t[0], val_str) + + properties.append(prop) + + elt = PlyElement(name, properties, count, comments) + elt.data = data + + return elt + + def _read(self, stream, text, byte_order): + """ + Read the actual data from a PLY file. + + """ + if text: + self._read_txt(stream) + else: + if self._have_list: + # There are list properties, so a simple load is + # impossible. + self._read_bin(stream, byte_order) + else: + # There are no list properties, so loading the data is + # much more straightforward. + self._data = _np.fromfile(stream, self.dtype(byte_order), self.count) + + if len(self._data) < self.count: + k = len(self._data) + del self._data + raise PlyParseError("early end-of-file", self, k) + + self._check_sanity() + + def _write(self, stream, text, byte_order): + """ + Write the data to a PLY file. + + """ + if text: + self._write_txt(stream) + else: + if self._have_list: + # There are list properties, so serialization is + # slightly complicated. + self._write_bin(stream, byte_order) + else: + # no list properties, so serialization is + # straightforward. + self.data.astype(self.dtype(byte_order), copy=False).tofile(stream) + + def _read_txt(self, stream): + """ + Load a PLY element from an ASCII-format PLY file. The element + may contain list properties. + + """ + self._data = _np.empty(self.count, dtype=self.dtype()) + + k = 0 + for line in _islice(iter(stream.readline, b""), self.count): + fields = iter(line.strip().split()) + for prop in self.properties: + try: + self._data[prop.name][k] = prop._from_fields(fields) + except StopIteration: + raise PlyParseError("early end-of-line", self, k, prop) + except ValueError: + raise PlyParseError("malformed input", self, k, prop) + try: + next(fields) + except StopIteration: + pass + else: + raise PlyParseError("expected end-of-line", self, k) + k += 1 + + if k < self.count: + del self._data + raise PlyParseError("early end-of-file", self, k) + + def _write_txt(self, stream): + """ + Save a PLY element to an ASCII-format PLY file. The element may + contain list properties. + + """ + for rec in self.data: + fields = [] + for prop in self.properties: + fields.extend(prop._to_fields(rec[prop.name])) + + _np.savetxt(stream, [fields], "%.18g", newline="\r\n") + + def _read_bin(self, stream, byte_order): + """ + Load a PLY element from a binary PLY file. The element may + contain list properties. + + """ + self._data = _np.empty(self.count, dtype=self.dtype(byte_order)) + + for k in _range(self.count): + for prop in self.properties: + try: + self._data[prop.name][k] = prop._read_bin(stream, byte_order) + except StopIteration: + raise PlyParseError("early end-of-file", self, k, prop) + + def _write_bin(self, stream, byte_order): + """ + Save a PLY element to a binary PLY file. The element may + contain list properties. + + """ + for rec in self.data: + for prop in self.properties: + prop._write_bin(rec[prop.name], stream, byte_order) + + @property + def header(self): + """ + Format this element's metadata as it would appear in a PLY + header. + + """ + lines = ["element %s %d" % (self.name, self.count)] + + # Some information is lost here, since all comments are placed + # between the 'element' line and the first property definition. + for c in self.comments: + lines.append("comment " + c) + + lines.extend(list(map(str, self.properties))) + + return "\r\n".join(lines) + + def __getitem__(self, key): + return self.data[key] + + def __setitem__(self, key, value): + self.data[key] = value + + def __str__(self): + return self.header + + def __repr__(self): + return "PlyElement(%r, %r, count=%d, comments=%r)" % ( + self.name, + self.properties, + self.count, + self.comments, + ) + + +class PlyProperty(object): + """ + PLY property description. This class is pure metadata; the data + itself is contained in PlyElement instances. + + """ + + def __init__(self, name, val_dtype): + self._name = str(name) + self._check_name() + self.val_dtype = val_dtype + + def _get_val_dtype(self): + return self._val_dtype + + def _set_val_dtype(self, val_dtype): + self._val_dtype = _data_types[_lookup_type(val_dtype)] + + val_dtype = property(_get_val_dtype, _set_val_dtype) + + @property + def name(self): + return self._name + + def _check_name(self): + if any(c.isspace() for c in self._name): + msg = "Error: property name %r contains spaces" % self._name + raise RuntimeError(msg) + + @staticmethod + def _parse_one(line): + assert line[0] == "property" + + if line[1] == "list": + if len(line) > 5: + raise PlyParseError("too many fields after " "'property list'") + if len(line) < 5: + raise PlyParseError("too few fields after " "'property list'") + + return PlyListProperty(line[4], line[2], line[3]) + + else: + if len(line) > 3: + raise PlyParseError("too many fields after " "'property'") + if len(line) < 3: + raise PlyParseError("too few fields after " "'property'") + + return PlyProperty(line[2], line[1]) + + def dtype(self, byte_order="="): + """ + Return the numpy dtype description for this property (as a tuple + of strings). + + """ + return byte_order + self.val_dtype + + def _from_fields(self, fields): + """ + Parse from generator. Raise StopIteration if the property could + not be read. + + """ + return _np.dtype(self.dtype()).type(next(fields)) + + def _to_fields(self, data): + """ + Return generator over one item. + + """ + yield _np.dtype(self.dtype()).type(data) + + def _read_bin(self, stream, byte_order): + """ + Read data from a binary stream. Raise StopIteration if the + property could not be read. + + """ + try: + return _np.fromfile(stream, self.dtype(byte_order), 1)[0] + except IndexError: + raise StopIteration + + def _write_bin(self, data, stream, byte_order): + """ + Write data to a binary stream. + + """ + _np.dtype(self.dtype(byte_order)).type(data).tofile(stream) + + def __str__(self): + val_str = _data_type_reverse[self.val_dtype] + return "property %s %s" % (val_str, self.name) + + def __repr__(self): + return "PlyProperty(%r, %r)" % (self.name, _lookup_type(self.val_dtype)) + + +class PlyListProperty(PlyProperty): + """ + PLY list property description. + + """ + + def __init__(self, name, len_dtype, val_dtype): + PlyProperty.__init__(self, name, val_dtype) + + self.len_dtype = len_dtype + + def _get_len_dtype(self): + return self._len_dtype + + def _set_len_dtype(self, len_dtype): + self._len_dtype = _data_types[_lookup_type(len_dtype)] + + len_dtype = property(_get_len_dtype, _set_len_dtype) + + def dtype(self, byte_order="="): + """ + List properties always have a numpy dtype of "object". + + """ + return "|O" + + def list_dtype(self, byte_order="="): + """ + Return the pair (len_dtype, val_dtype) (both numpy-friendly + strings). + + """ + return (byte_order + self.len_dtype, byte_order + self.val_dtype) + + def _from_fields(self, fields): + (len_t, val_t) = self.list_dtype() + + n = int(_np.dtype(len_t).type(next(fields))) + + data = _np.loadtxt(list(_islice(fields, n)), val_t, ndmin=1) + if len(data) < n: + raise StopIteration + + return data + + def _to_fields(self, data): + """ + Return generator over the (numerical) PLY representation of the + list data (length followed by actual data). + + """ + (len_t, val_t) = self.list_dtype() + + data = _np.asarray(data, dtype=val_t).ravel() + + yield _np.dtype(len_t).type(data.size) + for x in data: + yield x + + def _read_bin(self, stream, byte_order): + (len_t, val_t) = self.list_dtype(byte_order) + + try: + n = _np.fromfile(stream, len_t, 1)[0] + except IndexError: + raise StopIteration + + data = _np.fromfile(stream, val_t, n) + if len(data) < n: + raise StopIteration + + return data + + def _write_bin(self, data, stream, byte_order): + """ + Write data to a binary stream. + + """ + (len_t, val_t) = self.list_dtype(byte_order) + + data = _np.asarray(data, dtype=val_t).ravel() + + _np.array(data.size, dtype=len_t).tofile(stream) + data.tofile(stream) + + def __str__(self): + len_str = _data_type_reverse[self.len_dtype] + val_str = _data_type_reverse[self.val_dtype] + return "property list %s %s %s" % (len_str, val_str, self.name) + + def __repr__(self): + return "PlyListProperty(%r, %r, %r)" % ( + self.name, + _lookup_type(self.len_dtype), + _lookup_type(self.val_dtype), + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/point_cloud_extractor.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/point_cloud_extractor.py new file mode 100644 index 0000000000000000000000000000000000000000..1cbff78d9453bac7efe8359448dabcd6edb60452 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/point_cloud_extractor.py @@ -0,0 +1,98 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + + +import glob, os +import numpy as np +import cv2 +import torch + + +def extractor(input_path, output_path): + if not os.path.exists(output_path): + os.mkdir(output_path) + + # Load Depth Camera Intrinsic + depth_intrinsic = np.loadtxt(input_path + "/intrinsic/intrinsic_depth.txt") + print("Depth intrinsic: ") + print(depth_intrinsic) + + # Compute Camrea Distance (just for demo, so you can choose the camera distance in frame sampling) + poses = sorted( + glob.glob(input_path + "/pose/*.txt"), + key=lambda a: int(os.path.basename(a).split(".")[0]), + ) + depths = sorted( + glob.glob(input_path + "/depth/*.png"), + key=lambda a: int(os.path.basename(a).split(".")[0]), + ) + colors = sorted( + glob.glob(input_path + "/color/*.png"), + key=lambda a: int(os.path.basename(a).split(".")[0]), + ) + + # # Get Aligned Point Clouds. + for ind, (pose, depth, color) in enumerate(zip(poses, depths, colors)): + name = os.path.basename(pose).split(".")[0] + + if os.path.exists(output_path + "/{}.npz".format(name)): + continue + + try: + print("=" * 50, ": {}".format(pose)) + depth_img = cv2.imread(depth, -1) # read 16bit grayscale image + mask = depth_img != 0 + color_image = cv2.imread(color) + color_image = cv2.resize(color_image, (640, 480)) + color_image = np.reshape(color_image[mask], [-1, 3]) + colors = np.zeros_like(color_image) + colors[:, 0] = color_image[:, 2] + colors[:, 1] = color_image[:, 1] + colors[:, 2] = color_image[:, 0] + + pose = np.loadtxt(poses[ind]) + print("Camera pose: ") + print(pose) + + depth_shift = 1000.0 + x, y = np.meshgrid( + np.linspace(0, depth_img.shape[1] - 1, depth_img.shape[1]), + np.linspace(0, depth_img.shape[0] - 1, depth_img.shape[0]), + ) + uv_depth = np.zeros((depth_img.shape[0], depth_img.shape[1], 3)) + uv_depth[:, :, 0] = x + uv_depth[:, :, 1] = y + uv_depth[:, :, 2] = depth_img / depth_shift + uv_depth = np.reshape(uv_depth, [-1, 3]) + uv_depth = uv_depth[np.where(uv_depth[:, 2] != 0), :].squeeze() + + intrinsic_inv = np.linalg.inv(depth_intrinsic) + fx = depth_intrinsic[0, 0] + fy = depth_intrinsic[1, 1] + cx = depth_intrinsic[0, 2] + cy = depth_intrinsic[1, 2] + bx = depth_intrinsic[0, 3] + by = depth_intrinsic[1, 3] + point_list = [] + n = uv_depth.shape[0] + points = np.ones((n, 4)) + X = (uv_depth[:, 0] - cx) * uv_depth[:, 2] / fx + bx + Y = (uv_depth[:, 1] - cy) * uv_depth[:, 2] / fy + by + points[:, 0] = X + points[:, 1] = Y + points[:, 2] = uv_depth[:, 2] + points_world = np.dot(points, np.transpose(pose)) + print(points_world.shape) + + pcd = dict(coord=points_world[:, :3], color=colors) + # pcd_save = np.zeros((points_world.shape[0], 7)) + # pcd_save[:, :3] = points_world[:, :3] + # pcd_save[:, 3:6] = colors + + # print('Saving npz file...') + # np.savez(output_path + '/{}.npz'.format(name), pcd=pcd_save) + torch.save(pcd, output_path + "/{}.pth".format(name)) + except: + continue diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/preprocess.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..818c369fa60b841736012950895c6dbaebdbef86 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/preprocess.py @@ -0,0 +1,51 @@ +import os +import argparse +import glob +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from reader import reader +from point_cloud_extractor import extractor +from compute_full_overlapping import compute_full_overlapping + + +frame_skip = 25 + + +def parse_sens(sens_dir, output_dir): + scene_id = os.path.basename(os.path.dirname(sens_dir)) + print(f"Parsing sens data{sens_dir}") + reader( + sens_dir, + os.path.join(output_dir, scene_id), + frame_skip, + export_color_images=True, + export_depth_images=True, + export_poses=True, + export_intrinsics=True, + ) + extractor( + os.path.join(output_dir, scene_id), os.path.join(output_dir, scene_id, "pcd") + ) + compute_full_overlapping(output_dir, scene_id) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + opt = parser.parse_args() + sens_list = sorted(glob.glob(os.path.join(opt.dataset_root, "scans/scene*/*.sens"))) + # Preprocess data. + pool = ProcessPoolExecutor(max_workers=mp.cpu_count()) + # pool = ProcessPoolExecutor(max_workers=1) + print("Processing scenes...") + _ = list(pool.map(parse_sens, sens_list, repeat(opt.output_root))) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/reader.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/reader.py new file mode 100644 index 0000000000000000000000000000000000000000..d21aa0ce88006f34775edc9d9aaf4e750d523197 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannet/scannet_pair/reader.py @@ -0,0 +1,33 @@ +import argparse +import os, sys + +from SensorData import SensorData + + +def reader( + filename, + output_path, + frame_skip, + export_color_images=False, + export_depth_images=False, + export_poses=False, + export_intrinsics=False, +): + if not os.path.exists(output_path): + os.makedirs(output_path) + + # load the data + print("loading %s..." % filename) + sd = SensorData(filename) + if export_depth_images: + sd.export_depth_images( + os.path.join(output_path, "depth"), frame_skip=frame_skip + ) + if export_color_images: + sd.export_color_images( + os.path.join(output_path, "color"), frame_skip=frame_skip + ) + if export_poses: + sd.export_poses(os.path.join(output_path, "pose"), frame_skip=frame_skip) + if export_intrinsics: + sd.export_intrinsics(os.path.join(output_path, "intrinsic")) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannetpp/preprocess_scannetpp.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannetpp/preprocess_scannetpp.py new file mode 100644 index 0000000000000000000000000000000000000000..ad820029016ff16c53ab0ad872ede9449add6a7b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/scannetpp/preprocess_scannetpp.py @@ -0,0 +1,252 @@ +""" +Preprocessing Script for ScanNet++ +modified from official preprocess code. + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import argparse +import json +import numpy as np +import pandas as pd +import open3d as o3d +import multiprocessing as mp +from collections import OrderedDict +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from pathlib import Path + + +def parse_scene( + name, + split, + dataset_root, + output_root, + label_mapping, + class2idx, + ignore_index=-1, +): + print(f"Parsing scene {name} in {split} split") + dataset_root = Path(dataset_root) + output_root = Path(output_root) + scene_path = dataset_root / "data" / name / "scans" + mesh_path = scene_path / "mesh_aligned_0.05.ply" + segs_path = scene_path / "segments.json" + anno_path = scene_path / "segments_anno.json" + + # load mesh vertices and colors + mesh = o3d.io.read_triangle_mesh(str(mesh_path)) + + # extract mesh information + mesh.compute_vertex_normals(normalized=True) + coord = np.array(mesh.vertices).astype(np.float32) + color = (np.array(mesh.vertex_colors) * 255).astype(np.uint8) + normal = np.array(mesh.vertex_normals).astype(np.float32) + + save_path = output_root / split / name + save_path.mkdir(parents=True, exist_ok=True) + np.save(save_path / "coord.npy", coord) + np.save(save_path / "color.npy", color) + np.save(save_path / "normal.npy", normal) + + if split == "test": + return + + # get label on vertices + # load segments = vertices per segment ID + with open(segs_path) as f: + segments = json.load(f) + # load anno = (instance, groups of segments) + with open(anno_path) as f: + anno = json.load(f) + seg_indices = np.array(segments["segIndices"], dtype=np.uint32) + num_vertices = len(seg_indices) + assert num_vertices == len(coord) + semantic_gt = np.ones((num_vertices, 3), dtype=np.int16) * ignore_index + instance_gt = np.ones((num_vertices, 3), dtype=np.int16) * ignore_index + + # number of labels are used per vertex. initially 0 + # increment each time a new label is added + instance_size = np.ones((num_vertices, 3), dtype=np.int16) * np.inf + + # keep track of the size of the instance (#vertices) assigned to each vertex + # later, keep the label of the smallest instance for major label of vertices + # store inf initially so that we can pick the smallest instance + labels_used = np.zeros(num_vertices, dtype=np.int16) + + for idx, instance in enumerate(anno["segGroups"]): + label = instance["label"] + instance["label_orig"] = label + # remap label + instance["label"] = label_mapping.get(label, None) + instance["label_index"] = class2idx.get(label, ignore_index) + + if instance["label_index"] == ignore_index: + continue + # get all the vertices with segment index in this instance + # and max number of labels not yet applied + mask = np.isin(seg_indices, instance["segments"]) & (labels_used < 3) + size = mask.sum() + if size == 0: + continue + + # get the position to add the label - 0, 1, 2 + label_position = labels_used[mask] + semantic_gt[mask, label_position] = instance["label_index"] + # store all valid instance (include ignored instance) + instance_gt[mask, label_position] = instance["objectId"] + instance_size[mask, label_position] = size + labels_used[mask] += 1 + + # major label is the label of smallest instance for each vertex + # use major label for single class segmentation + # shift major label to the first column + mask = labels_used > 1 + if mask.sum() > 0: + major_label_position = np.argmin(instance_size[mask], axis=1) + + major_semantic_label = semantic_gt[mask, major_label_position] + semantic_gt[mask, major_label_position] = semantic_gt[:, 0][mask] + semantic_gt[:, 0][mask] = major_semantic_label + + major_instance_label = instance_gt[mask, major_label_position] + instance_gt[mask, major_label_position] = instance_gt[:, 0][mask] + instance_gt[:, 0][mask] = major_instance_label + + np.save(save_path / "segment.npy", semantic_gt) + np.save(save_path / "instance.npy", instance_gt) + + +def filter_map_classes(mapping, count_thresh, count_type, mapping_type): + mapping = mapping[mapping[count_type] >= count_thresh] + if mapping_type == "semantic": + map_key = "semantic_map_to" + elif mapping_type == "instance": + map_key = "instance_map_to" + else: + raise NotImplementedError + # create a dict with classes to be mapped + # classes that don't have mapping are entered as x->x + # otherwise x->y + map_dict = OrderedDict() + + for i in range(mapping.shape[0]): + row = mapping.iloc[i] + class_name = row["class"] + map_target = row[map_key] + + # map to None or some other label -> don't add this class to the label list + try: + if len(map_target) > 0: + # map to None -> don't use this class + if map_target == "None": + pass + else: + # map to something else -> use this class + map_dict[class_name] = map_target + except TypeError: + # nan values -> no mapping, keep label as is + if class_name not in map_dict: + map_dict[class_name] = class_name + + return map_dict + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet++ dataset containing data/metadata/splits.", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val/test folders will be located.", + ) + parser.add_argument( + "--ignore_index", + default=-1, + type=int, + help="Default ignore index.", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + config = parser.parse_args() + + print("Loading meta data...") + config.dataset_root = Path(config.dataset_root) + config.output_root = Path(config.output_root) + + train_list = np.loadtxt( + config.dataset_root / "splits" / "nvs_sem_train.txt", + dtype=str, + ) + print("Num samples in training split:", len(train_list)) + + val_list = np.loadtxt( + config.dataset_root / "splits" / "nvs_sem_val.txt", + dtype=str, + ) + print("Num samples in validation split:", len(val_list)) + + test_list = np.loadtxt( + config.dataset_root / "splits" / "sem_test.txt", + dtype=str, + ) + print("Num samples in testing split:", len(test_list)) + + data_list = np.concatenate([train_list, val_list, test_list]) + split_list = np.concatenate( + [ + np.full_like(train_list, "train"), + np.full_like(val_list, "val"), + np.full_like(test_list, "test"), + ] + ) + + # Parsing label information and mapping + segment_class_names = np.loadtxt( + config.dataset_root / "metadata" / "semantic_benchmark" / "top100.txt", + dtype=str, + delimiter=".", # dummy delimiter to replace " " + ) + print("Num classes in segment class list:", len(segment_class_names)) + + instance_class_names = np.loadtxt( + config.dataset_root / "metadata" / "semantic_benchmark" / "top100_instance.txt", + dtype=str, + delimiter=".", # dummy delimiter to replace " " + ) + print("Num classes in instance class list:", len(instance_class_names)) + + label_mapping = pd.read_csv( + config.dataset_root / "metadata" / "semantic_benchmark" / "map_benchmark.csv" + ) + label_mapping = filter_map_classes( + label_mapping, count_thresh=0, count_type="count", mapping_type="semantic" + ) + class2idx = { + class_name: idx for (idx, class_name) in enumerate(segment_class_names) + } + + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + parse_scene, + data_list, + split_list, + repeat(config.dataset_root), + repeat(config.output_root), + repeat(label_mapping), + repeat(class2idx), + repeat(config.ignore_index), + ) + ) + pool.shutdown() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/structured3d/preprocess_structured3d.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/structured3d/preprocess_structured3d.py new file mode 100644 index 0000000000000000000000000000000000000000..6924dc9abf3a3c253ee80dd3b3d85454e3df35d2 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/structured3d/preprocess_structured3d.py @@ -0,0 +1,420 @@ +""" +Preprocessing Script for Structured3D + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import argparse +import io +import os +import PIL +from PIL import Image +import cv2 +import zipfile +import numpy as np +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + + +VALID_CLASS_IDS_25 = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 11, + 14, + 15, + 16, + 17, + 18, + 19, + 22, + 24, + 25, + 32, + 34, + 35, + 38, + 39, + 40, +) +CLASS_LABELS_25 = ( + "wall", + "floor", + "cabinet", + "bed", + "chair", + "sofa", + "table", + "door", + "window", + "picture", + "desk", + "shelves", + "curtain", + "dresser", + "pillow", + "mirror", + "ceiling", + "refrigerator", + "television", + "nightstand", + "sink", + "lamp", + "otherstructure", + "otherfurniture", + "otherprop", +) + + +def normal_from_cross_product(points_2d: np.ndarray) -> np.ndarray: + xyz_points_pad = np.pad(points_2d, ((0, 1), (0, 1), (0, 0)), mode="symmetric") + xyz_points_ver = (xyz_points_pad[:, :-1, :] - xyz_points_pad[:, 1:, :])[:-1, :, :] + xyz_points_hor = (xyz_points_pad[:-1, :, :] - xyz_points_pad[1:, :, :])[:, :-1, :] + xyz_normal = np.cross(xyz_points_hor, xyz_points_ver) + xyz_dist = np.linalg.norm(xyz_normal, axis=-1, keepdims=True) + xyz_normal = np.divide( + xyz_normal, xyz_dist, out=np.zeros_like(xyz_normal), where=xyz_dist != 0 + ) + return xyz_normal + + +class Structured3DReader: + def __init__(self, files): + super().__init__() + if isinstance(files, str): + files = [files] + self.readers = [zipfile.ZipFile(f, "r") for f in files] + self.names_mapper = dict() + for idx, reader in enumerate(self.readers): + for name in reader.namelist(): + self.names_mapper[name] = idx + + def filelist(self): + return list(self.names_mapper.keys()) + + def listdir(self, dir_name): + dir_name = dir_name.lstrip(os.path.sep).rstrip(os.path.sep) + file_list = list( + np.unique( + [ + f.replace(dir_name + os.path.sep, "", 1).split(os.path.sep)[0] + for f in self.filelist() + if f.startswith(dir_name + os.path.sep) + ] + ) + ) + if "" in file_list: + file_list.remove("") + return file_list + + def read(self, file_name): + split = self.names_mapper[file_name] + return self.readers[split].read(file_name) + + def read_camera(self, camera_path): + z2y_top_m = np.array([[0, 1, 0], [0, 0, 1], [1, 0, 0]], dtype=np.float32) + cam_extr = np.fromstring(self.read(camera_path), dtype=np.float32, sep=" ") + cam_t = np.matmul(z2y_top_m, cam_extr[:3] / 1000) + if cam_extr.shape[0] > 3: + cam_front, cam_up = cam_extr[3:6], cam_extr[6:9] + cam_n = np.cross(cam_front, cam_up) + cam_r = np.stack((cam_front, cam_up, cam_n), axis=1).astype(np.float32) + cam_r = np.matmul(z2y_top_m, cam_r) + cam_f = cam_extr[9:11] + else: + cam_r = np.eye(3, dtype=np.float32) + cam_f = None + return cam_r, cam_t, cam_f + + def read_depth(self, depth_path): + depth = cv2.imdecode( + np.frombuffer(self.read(depth_path), np.uint8), cv2.IMREAD_UNCHANGED + )[..., np.newaxis] + depth[depth == 0] = 65535 + return depth + + def read_color(self, color_path): + color = cv2.imdecode( + np.frombuffer(self.read(color_path), np.uint8), cv2.IMREAD_UNCHANGED + )[..., :3][..., ::-1] + return color + + def read_segment(self, segment_path): + segment = np.array(PIL.Image.open(io.BytesIO(self.read(segment_path))))[ + ..., np.newaxis + ] + return segment + + +def parse_scene( + scene, + dataset_root, + output_root, + ignore_index=-1, + grid_size=None, + fuse_prsp=True, + fuse_pano=True, + vis=False, +): + assert fuse_prsp or fuse_pano + reader = Structured3DReader( + [ + os.path.join(dataset_root, f) + for f in os.listdir(dataset_root) + if f.endswith(".zip") + ] + ) + scene_id = int(os.path.basename(scene).split("_")[-1]) + if scene_id < 3000: + split = "train" + elif 3000 <= scene_id < 3250: + split = "val" + else: + split = "test" + + print(f"Processing: {scene} in {split}") + rooms = reader.listdir(os.path.join("Structured3D", scene, "2D_rendering")) + for room in rooms: + room_path = os.path.join("Structured3D", scene, "2D_rendering", room) + coord_list = list() + color_list = list() + normal_list = list() + segment_list = list() + if fuse_prsp: + prsp_path = os.path.join(room_path, "perspective", "full") + frames = reader.listdir(prsp_path) + + for frame in frames: + try: + cam_r, cam_t, cam_f = reader.read_camera( + os.path.join(prsp_path, frame, "camera_pose.txt") + ) + depth = reader.read_depth( + os.path.join(prsp_path, frame, "depth.png") + ) + color = reader.read_color( + os.path.join(prsp_path, frame, "rgb_rawlight.png") + ) + segment = reader.read_segment( + os.path.join(prsp_path, frame, "semantic.png") + ) + except: + print( + f"Skipping {scene}_room{room}_frame{frame} perspective view due to loading error" + ) + else: + fx, fy = cam_f + height, width = depth.shape[0], depth.shape[1] + pixel = np.transpose(np.indices((width, height)), (2, 1, 0)) + pixel = pixel.reshape((-1, 2)) + pixel = np.hstack((pixel, np.ones((pixel.shape[0], 1)))) + k = np.diag([1.0, 1.0, 1.0]) + + k[0, 2] = width / 2 + k[1, 2] = height / 2 + + k[0, 0] = k[0, 2] / np.tan(fx) + k[1, 1] = k[1, 2] / np.tan(fy) + coord = ( + depth.reshape((-1, 1)) * (np.linalg.inv(k) @ pixel.T).T + ).reshape(height, width, 3) + coord = coord @ np.array([[0, 0, 1], [0, -1, 0], [1, 0, 0]]) + normal = normal_from_cross_product(coord) + + # Filtering invalid points + view_dist = np.maximum( + np.linalg.norm(coord, axis=-1, keepdims=True), float(10e-5) + ) + cosine_dist = np.sum( + (coord * normal / view_dist), axis=-1, keepdims=True + ) + cosine_dist = np.abs(cosine_dist) + mask = ((cosine_dist > 0.15) & (depth < 65535) & (segment > 0))[ + ..., 0 + ].reshape(-1) + + coord = np.matmul(coord / 1000, cam_r.T) + cam_t + normal = normal_from_cross_product(coord) + + if sum(mask) > 0: + coord_list.append(coord.reshape(-1, 3)[mask]) + color_list.append(color.reshape(-1, 3)[mask]) + normal_list.append(normal.reshape(-1, 3)[mask]) + segment_list.append(segment.reshape(-1, 1)[mask]) + else: + print( + f"Skipping {scene}_room{room}_frame{frame} perspective view due to all points are filtered out" + ) + + if fuse_pano: + pano_path = os.path.join(room_path, "panorama") + try: + _, cam_t, _ = reader.read_camera( + os.path.join(pano_path, "camera_xyz.txt") + ) + depth = reader.read_depth(os.path.join(pano_path, "full", "depth.png")) + color = reader.read_color( + os.path.join(pano_path, "full", "rgb_rawlight.png") + ) + segment = reader.read_segment( + os.path.join(pano_path, "full", "semantic.png") + ) + except: + print(f"Skipping {scene}_room{room} panorama view due to loading error") + else: + p_h, p_w = depth.shape[:2] + p_a = np.arange(p_w, dtype=np.float32) / p_w * 2 * np.pi - np.pi + p_b = np.arange(p_h, dtype=np.float32) / p_h * np.pi * -1 + np.pi / 2 + p_a = np.tile(p_a[None], [p_h, 1])[..., np.newaxis] + p_b = np.tile(p_b[:, None], [1, p_w])[..., np.newaxis] + p_a_sin, p_a_cos, p_b_sin, p_b_cos = ( + np.sin(p_a), + np.cos(p_a), + np.sin(p_b), + np.cos(p_b), + ) + x = depth * p_a_cos * p_b_cos + y = depth * p_b_sin + z = depth * p_a_sin * p_b_cos + coord = np.concatenate([x, y, z], axis=-1) / 1000 + normal = normal_from_cross_product(coord) + + # Filtering invalid points + view_dist = np.maximum( + np.linalg.norm(coord, axis=-1, keepdims=True), float(10e-5) + ) + cosine_dist = np.sum( + (coord * normal / view_dist), axis=-1, keepdims=True + ) + cosine_dist = np.abs(cosine_dist) + mask = ((cosine_dist > 0.15) & (depth < 65535) & (segment > 0))[ + ..., 0 + ].reshape(-1) + coord = coord + cam_t + + if sum(mask) > 0: + coord_list.append(coord.reshape(-1, 3)[mask]) + color_list.append(color.reshape(-1, 3)[mask]) + normal_list.append(normal.reshape(-1, 3)[mask]) + segment_list.append(segment.reshape(-1, 1)[mask]) + else: + print( + f"Skipping {scene}_room{room} panorama view due to all points are filtered out" + ) + + if len(coord_list) > 0: + coord = np.concatenate(coord_list, axis=0) + coord = coord @ np.array([[1, 0, 0], [0, 0, 1], [0, 1, 0]]) + color = np.concatenate(color_list, axis=0) + normal = np.concatenate(normal_list, axis=0) + normal = normal @ np.array([[1, 0, 0], [0, 0, 1], [0, 1, 0]]) + segment = np.concatenate(segment_list, axis=0) + segment25 = np.ones_like(segment, dtype=np.int64) * ignore_index + for idx, value in enumerate(VALID_CLASS_IDS_25): + mask = np.all(segment == value, axis=-1) + segment25[mask] = idx + + data_dict = dict( + coord=coord.astype(np.float32), + color=color.astype(np.uint8), + normal=normal.astype(np.float32), + segment=segment25.astype(np.int16), + ) + # Grid sampling data + if grid_size is not None: + grid_coord = np.floor(coord / grid_size).astype(int) + _, idx = np.unique(grid_coord, axis=0, return_index=True) + coord = coord[idx] + for key in data_dict.keys(): + data_dict[key] = data_dict[key][idx] + + # Save data + save_path = os.path.join( + output_root, split, os.path.basename(scene), f"room_{room}" + ) + os.makedirs(save_path, exist_ok=True) + for key in data_dict.keys(): + np.save(os.path.join(save_path, f"{key}.npy"), data_dict[key]) + + if vis: + from pointcept.utils.visualization import save_point_cloud + + os.makedirs("./vis", exist_ok=True) + save_point_cloud( + coord, color / 255, f"./vis/{scene}_room{room}_color.ply" + ) + save_point_cloud( + coord, (normal + 1) / 2, f"./vis/{scene}_room{room}_normal.ply" + ) + else: + print(f"Skipping {scene}_room{room} due to no valid points") + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders.", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located.", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + parser.add_argument( + "--grid_size", default=None, type=float, help="Grid size for grid sampling." + ) + parser.add_argument("--ignore_index", default=-1, type=float, help="Ignore index.") + parser.add_argument( + "--fuse_prsp", action="store_true", help="Whether fuse perspective view." + ) + parser.add_argument( + "--fuse_pano", action="store_true", help="Whether fuse panorama view." + ) + config = parser.parse_args() + + reader = Structured3DReader( + [ + os.path.join(config.dataset_root, f) + for f in os.listdir(config.dataset_root) + if f.endswith(".zip") + ] + ) + + scenes_list = reader.listdir("Structured3D") + scenes_list = sorted(scenes_list) + os.makedirs(os.path.join(config.output_root, "train"), exist_ok=True) + os.makedirs(os.path.join(config.output_root, "val"), exist_ok=True) + os.makedirs(os.path.join(config.output_root, "test"), exist_ok=True) + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + parse_scene, + scenes_list, + repeat(config.dataset_root), + repeat(config.output_root), + repeat(config.ignore_index), + repeat(config.grid_size), + repeat(config.fuse_prsp), + repeat(config.fuse_pano), + ) + ) + pool.shutdown() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/waymo/3d_semseg_test_set_frames.txt b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/waymo/3d_semseg_test_set_frames.txt new file mode 100644 index 0000000000000000000000000000000000000000..e25dc615331aaff261c25bfc3e6b930fccf880ac --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/waymo/3d_semseg_test_set_frames.txt @@ -0,0 +1,2982 @@ +2830680430134047327_1720_000_1740_000,1558034229922468 +2830680430134047327_1720_000_1740_000,1558034232422787 +2830680430134047327_1720_000_1740_000,1558034222922333 +2830680430134047327_1720_000_1740_000,1558034223422411 +2830680430134047327_1720_000_1740_000,1558034232922788 +2830680430134047327_1720_000_1740_000,1558034234422988 +2830680430134047327_1720_000_1740_000,1558034220422269 +2830680430134047327_1720_000_1740_000,1558034224422390 +2830680430134047327_1720_000_1740_000,1558034230422275 +2830680430134047327_1720_000_1740_000,1558034221922367 +2830680430134047327_1720_000_1740_000,1558034231422462 +2830680430134047327_1720_000_1740_000,1558034233422761 +2830680430134047327_1720_000_1740_000,1558034220922343 +2830680430134047327_1720_000_1740_000,1558034223922363 +2830680430134047327_1720_000_1740_000,1558034221422343 +2830680430134047327_1720_000_1740_000,1558034222422363 +2830680430134047327_1720_000_1740_000,1558034233922841 +2830680430134047327_1720_000_1740_000,1558034231922698 +2830680430134047327_1720_000_1740_000,1558034219922361 +2830680430134047327_1720_000_1740_000,1558034230922233 +14586026017427828517_700_000_720_000,1557363460737615 +14586026017427828517_700_000_720_000,1557363461737535 +14586026017427828517_700_000_720_000,1557363470737492 +14586026017427828517_700_000_720_000,1557363458737857 +14586026017427828517_700_000_720_000,1557363471237472 +14586026017427828517_700_000_720_000,1557363459237861 +14586026017427828517_700_000_720_000,1557363460237653 +14586026017427828517_700_000_720_000,1557363467737151 +14586026017427828517_700_000_720_000,1557363469237474 +14586026017427828517_700_000_720_000,1557363468237103 +14586026017427828517_700_000_720_000,1557363461237576 +14586026017427828517_700_000_720_000,1557363457237421 +14586026017427828517_700_000_720_000,1557363467237306 +14586026017427828517_700_000_720_000,1557363468737287 +14586026017427828517_700_000_720_000,1557363459737792 +14586026017427828517_700_000_720_000,1557363469737664 +14586026017427828517_700_000_720_000,1557363458237773 +14586026017427828517_700_000_720_000,1557363471737431 +14586026017427828517_700_000_720_000,1557363470237558 +14586026017427828517_700_000_720_000,1557363457737578 +6079272500228273268_2480_000_2500_000,1557546171272882 +6079272500228273268_2480_000_2500_000,1557546172772631 +6079272500228273268_2480_000_2500_000,1557546159772245 +6079272500228273268_2480_000_2500_000,1557546169773016 +6079272500228273268_2480_000_2500_000,1557546162272567 +6079272500228273268_2480_000_2500_000,1557546170272998 +6079272500228273268_2480_000_2500_000,1557546161272265 +6079272500228273268_2480_000_2500_000,1557546173772741 +6079272500228273268_2480_000_2500_000,1557546170772958 +6079272500228273268_2480_000_2500_000,1557546163272476 +6079272500228273268_2480_000_2500_000,1557546161772481 +6079272500228273268_2480_000_2500_000,1557546171772762 +6079272500228273268_2480_000_2500_000,1557546163772228 +6079272500228273268_2480_000_2500_000,1557546160772102 +6079272500228273268_2480_000_2500_000,1557546162772554 +6079272500228273268_2480_000_2500_000,1557546172272635 +6079272500228273268_2480_000_2500_000,1557546159272357 +6079272500228273268_2480_000_2500_000,1557546173272639 +6079272500228273268_2480_000_2500_000,1557546169272728 +6079272500228273268_2480_000_2500_000,1557546160272024 +1936395688683397781_2580_000_2600_000,1557546260797397 +1936395688683397781_2580_000_2600_000,1557546263297538 +1936395688683397781_2580_000_2600_000,1557546273797478 +1936395688683397781_2580_000_2600_000,1557546259797381 +1936395688683397781_2580_000_2600_000,1557546261797507 +1936395688683397781_2580_000_2600_000,1557546269797705 +1936395688683397781_2580_000_2600_000,1557546271297274 +1936395688683397781_2580_000_2600_000,1557546260297363 +1936395688683397781_2580_000_2600_000,1557546273297464 +1936395688683397781_2580_000_2600_000,1557546272297368 +1936395688683397781_2580_000_2600_000,1557546261297445 +1936395688683397781_2580_000_2600_000,1557546263797578 +1936395688683397781_2580_000_2600_000,1557546270297559 +1936395688683397781_2580_000_2600_000,1557546269297756 +1936395688683397781_2580_000_2600_000,1557546270797376 +1936395688683397781_2580_000_2600_000,1557546262797541 +1936395688683397781_2580_000_2600_000,1557546259297393 +1936395688683397781_2580_000_2600_000,1557546272797434 +1936395688683397781_2580_000_2600_000,1557546262297511 +1936395688683397781_2580_000_2600_000,1557546271797317 +12537711031998520792_3080_000_3100_000,1559178584137607 +12537711031998520792_3080_000_3100_000,1559178596138055 +12537711031998520792_3080_000_3100_000,1559178598137718 +12537711031998520792_3080_000_3100_000,1559178588137379 +12537711031998520792_3080_000_3100_000,1559178588637547 +12537711031998520792_3080_000_3100_000,1559178597637619 +12537711031998520792_3080_000_3100_000,1559178587137003 +12537711031998520792_3080_000_3100_000,1559178594138804 +12537711031998520792_3080_000_3100_000,1559178584637645 +12537711031998520792_3080_000_3100_000,1559178587637113 +12537711031998520792_3080_000_3100_000,1559178598637642 +12537711031998520792_3080_000_3100_000,1559178595638405 +12537711031998520792_3080_000_3100_000,1559178594638876 +12537711031998520792_3080_000_3100_000,1559178585137535 +12537711031998520792_3080_000_3100_000,1559178586637145 +12537711031998520792_3080_000_3100_000,1559178595138665 +12537711031998520792_3080_000_3100_000,1559178585637309 +12537711031998520792_3080_000_3100_000,1559178586137201 +12537711031998520792_3080_000_3100_000,1559178597137539 +12537711031998520792_3080_000_3100_000,1559178596637690 +614453665074997770_1060_000_1080_000,1557449600160586 +614453665074997770_1060_000_1080_000,1557449609661257 +614453665074997770_1060_000_1080_000,1557449599161330 +614453665074997770_1060_000_1080_000,1557449608161401 +614453665074997770_1060_000_1080_000,1557449607661221 +614453665074997770_1060_000_1080_000,1557449598662064 +614453665074997770_1060_000_1080_000,1557449600660450 +614453665074997770_1060_000_1080_000,1557449596170831 +614453665074997770_1060_000_1080_000,1557449610161229 +614453665074997770_1060_000_1080_000,1557449607161133 +614453665074997770_1060_000_1080_000,1557449610661288 +614453665074997770_1060_000_1080_000,1557449597165803 +614453665074997770_1060_000_1080_000,1557449606161418 +614453665074997770_1060_000_1080_000,1557449599660888 +614453665074997770_1060_000_1080_000,1557449597664327 +614453665074997770_1060_000_1080_000,1557449609161403 +614453665074997770_1060_000_1080_000,1557449606661312 +614453665074997770_1060_000_1080_000,1557449596667769 +614453665074997770_1060_000_1080_000,1557449598163004 +614453665074997770_1060_000_1080_000,1557449608661487 +10488772413132920574_680_000_700_000,1557276689370724 +10488772413132920574_680_000_700_000,1557276681870683 +10488772413132920574_680_000_700_000,1557276687370626 +10488772413132920574_680_000_700_000,1557276691870689 +10488772413132920574_680_000_700_000,1557276677372053 +10488772413132920574_680_000_700_000,1557276688370712 +10488772413132920574_680_000_700_000,1557276689870718 +10488772413132920574_680_000_700_000,1557276687870742 +10488772413132920574_680_000_700_000,1557276690370698 +10488772413132920574_680_000_700_000,1557276690870678 +10488772413132920574_680_000_700_000,1557276677871875 +10488772413132920574_680_000_700_000,1557276679370967 +10488772413132920574_680_000_700_000,1557276678871230 +10488772413132920574_680_000_700_000,1557276688870677 +10488772413132920574_680_000_700_000,1557276691370685 +10488772413132920574_680_000_700_000,1557276680370783 +10488772413132920574_680_000_700_000,1557276678371569 +10488772413132920574_680_000_700_000,1557276679870868 +10488772413132920574_680_000_700_000,1557276680870747 +10488772413132920574_680_000_700_000,1557276681370633 +17174012103392027911_3500_000_3520_000,1570909461425651 +17174012103392027911_3500_000_3520_000,1570909452924866 +17174012103392027911_3500_000_3520_000,1570909453924848 +17174012103392027911_3500_000_3520_000,1570909451425527 +17174012103392027911_3500_000_3520_000,1570909450426192 +17174012103392027911_3500_000_3520_000,1570909460425382 +17174012103392027911_3500_000_3520_000,1570909449427011 +17174012103392027911_3500_000_3520_000,1570909449926640 +17174012103392027911_3500_000_3520_000,1570909459925389 +17174012103392027911_3500_000_3520_000,1570909459425389 +17174012103392027911_3500_000_3520_000,1570909461925903 +17174012103392027911_3500_000_3520_000,1570909462926099 +17174012103392027911_3500_000_3520_000,1570909452425024 +17174012103392027911_3500_000_3520_000,1570909450925798 +17174012103392027911_3500_000_3520_000,1570909463926171 +17174012103392027911_3500_000_3520_000,1570909451925298 +17174012103392027911_3500_000_3520_000,1570909463426072 +17174012103392027911_3500_000_3520_000,1570909462426098 +17174012103392027911_3500_000_3520_000,1570909453424839 +17174012103392027911_3500_000_3520_000,1570909460925464 +16062780403777359835_2580_000_2600_000,1570323463399590 +16062780403777359835_2580_000_2600_000,1570323461899536 +16062780403777359835_2580_000_2600_000,1570323456400014 +16062780403777359835_2580_000_2600_000,1570323465899811 +16062780403777359835_2580_000_2600_000,1570323452400102 +16062780403777359835_2580_000_2600_000,1570323454400277 +16062780403777359835_2580_000_2600_000,1570323454900086 +16062780403777359835_2580_000_2600_000,1570323464399655 +16062780403777359835_2580_000_2600_000,1570323452900168 +16062780403777359835_2580_000_2600_000,1570323453400256 +16062780403777359835_2580_000_2600_000,1570323462899433 +16062780403777359835_2580_000_2600_000,1570323451900017 +16062780403777359835_2580_000_2600_000,1570323466399934 +16062780403777359835_2580_000_2600_000,1570323464899679 +16062780403777359835_2580_000_2600_000,1570323455399863 +16062780403777359835_2580_000_2600_000,1570323453900317 +16062780403777359835_2580_000_2600_000,1570323462399389 +16062780403777359835_2580_000_2600_000,1570323455899851 +16062780403777359835_2580_000_2600_000,1570323465399682 +16062780403777359835_2580_000_2600_000,1570323463899688 +1376304843325714018_3420_000_3440_000,1557855926972381 +1376304843325714018_3420_000_3440_000,1557855912972456 +1376304843325714018_3420_000_3440_000,1557855925972176 +1376304843325714018_3420_000_3440_000,1557855927472462 +1376304843325714018_3420_000_3440_000,1557855917472088 +1376304843325714018_3420_000_3440_000,1557855914472215 +1376304843325714018_3420_000_3440_000,1557855923972406 +1376304843325714018_3420_000_3440_000,1557855914972144 +1376304843325714018_3420_000_3440_000,1557855915972108 +1376304843325714018_3420_000_3440_000,1557855924472251 +1376304843325714018_3420_000_3440_000,1557855926472255 +1376304843325714018_3420_000_3440_000,1557855913472347 +1376304843325714018_3420_000_3440_000,1557855923472548 +1376304843325714018_3420_000_3440_000,1557855915472102 +1376304843325714018_3420_000_3440_000,1557855922972694 +1376304843325714018_3420_000_3440_000,1557855924972252 +1376304843325714018_3420_000_3440_000,1557855916472106 +1376304843325714018_3420_000_3440_000,1557855925472198 +1376304843325714018_3420_000_3440_000,1557855913972269 +1376304843325714018_3420_000_3440_000,1557855916972142 +5648007586817904385_3220_000_3240_000,1569901291300092 +5648007586817904385_3220_000_3240_000,1569901302299589 +5648007586817904385_3220_000_3240_000,1569901290300004 +5648007586817904385_3220_000_3240_000,1569901302799659 +5648007586817904385_3220_000_3240_000,1569901301799512 +5648007586817904385_3220_000_3240_000,1569901290800085 +5648007586817904385_3220_000_3240_000,1569901293800265 +5648007586817904385_3220_000_3240_000,1569901292800206 +5648007586817904385_3220_000_3240_000,1569901300799428 +5648007586817904385_3220_000_3240_000,1569901293300205 +5648007586817904385_3220_000_3240_000,1569901294300108 +5648007586817904385_3220_000_3240_000,1569901301299422 +5648007586817904385_3220_000_3240_000,1569901303299757 +5648007586817904385_3220_000_3240_000,1569901304799913 +5648007586817904385_3220_000_3240_000,1569901303799751 +5648007586817904385_3220_000_3240_000,1569901291800157 +5648007586817904385_3220_000_3240_000,1569901304299911 +5648007586817904385_3220_000_3240_000,1569901292300126 +5648007586817904385_3220_000_3240_000,1569901300299426 +14470988792985854683_760_000_780_000,1567607330924872 +14470988792985854683_760_000_780_000,1567607341924939 +14470988792985854683_760_000_780_000,1567607339424824 +14470988792985854683_760_000_780_000,1567607339924818 +14470988792985854683_760_000_780_000,1567607332924840 +14470988792985854683_760_000_780_000,1567607329924795 +14470988792985854683_760_000_780_000,1567607332424911 +14470988792985854683_760_000_780_000,1567607340924888 +14470988792985854683_760_000_780_000,1567607330424797 +14470988792985854683_760_000_780_000,1567607342924753 +14470988792985854683_760_000_780_000,1567607340424823 +14470988792985854683_760_000_780_000,1567607342424852 +14470988792985854683_760_000_780_000,1567607331424817 +14470988792985854683_760_000_780_000,1567607329424827 +14470988792985854683_760_000_780_000,1567607338924788 +14470988792985854683_760_000_780_000,1567607338424807 +14470988792985854683_760_000_780_000,1567607331924837 +14470988792985854683_760_000_780_000,1567607341424947 +14470988792985854683_760_000_780_000,1567607328424803 +14470988792985854683_760_000_780_000,1567607328924826 +16951245307634830999_1400_000_1420_000,1568599891824038 +16951245307634830999_1400_000_1420_000,1568599901824641 +16951245307634830999_1400_000_1420_000,1568599904324788 +16951245307634830999_1400_000_1420_000,1568599903324933 +16951245307634830999_1400_000_1420_000,1568599902824777 +16951245307634830999_1400_000_1420_000,1568599904824728 +16951245307634830999_1400_000_1420_000,1568599895824670 +16951245307634830999_1400_000_1420_000,1568599891324145 +16951245307634830999_1400_000_1420_000,1568599894824764 +16951245307634830999_1400_000_1420_000,1568599893824574 +16951245307634830999_1400_000_1420_000,1568599894324795 +16951245307634830999_1400_000_1420_000,1568599905824790 +16951245307634830999_1400_000_1420_000,1568599903824893 +16951245307634830999_1400_000_1420_000,1568599902324620 +16951245307634830999_1400_000_1420_000,1568599905324768 +16951245307634830999_1400_000_1420_000,1568599893324265 +16951245307634830999_1400_000_1420_000,1568599892824082 +16951245307634830999_1400_000_1420_000,1568599895324702 +16951245307634830999_1400_000_1420_000,1568599892323941 +17835886859721116155_1860_000_1880_000,1558151678787439 +17835886859721116155_1860_000_1880_000,1558151676287513 +17835886859721116155_1860_000_1880_000,1558151670787584 +17835886859721116155_1860_000_1880_000,1558151680287177 +17835886859721116155_1860_000_1880_000,1558151670287284 +17835886859721116155_1860_000_1880_000,1558151679287439 +17835886859721116155_1860_000_1880_000,1558151679787332 +17835886859721116155_1860_000_1880_000,1558151680787183 +17835886859721116155_1860_000_1880_000,1558151668786681 +17835886859721116155_1860_000_1880_000,1558151678287466 +17835886859721116155_1860_000_1880_000,1558151667787272 +17835886859721116155_1860_000_1880_000,1558151677287479 +17835886859721116155_1860_000_1880_000,1558151669286533 +17835886859721116155_1860_000_1880_000,1558151669786756 +17835886859721116155_1860_000_1880_000,1558151676787561 +17835886859721116155_1860_000_1880_000,1558151668286995 +17835886859721116155_1860_000_1880_000,1558151666786923 +17835886859721116155_1860_000_1880_000,1558151677787410 +17835886859721116155_1860_000_1880_000,1558151667287257 +17835886859721116155_1860_000_1880_000,1558151666286432 +9145030426583202228_1060_000_1080_000,1557424274778866 +9145030426583202228_1060_000_1080_000,1557424275778987 +9145030426583202228_1060_000_1080_000,1557424266779291 +9145030426583202228_1060_000_1080_000,1557424278279219 +9145030426583202228_1060_000_1080_000,1557424276779170 +9145030426583202228_1060_000_1080_000,1557424279279575 +9145030426583202228_1060_000_1080_000,1557424268279175 +9145030426583202228_1060_000_1080_000,1557424277779106 +9145030426583202228_1060_000_1080_000,1557424266279249 +9145030426583202228_1060_000_1080_000,1557424269279152 +9145030426583202228_1060_000_1080_000,1557424268779150 +9145030426583202228_1060_000_1080_000,1557424277279133 +9145030426583202228_1060_000_1080_000,1557424275278791 +9145030426583202228_1060_000_1080_000,1557424265779130 +9145030426583202228_1060_000_1080_000,1557424264779014 +9145030426583202228_1060_000_1080_000,1557424265279048 +9145030426583202228_1060_000_1080_000,1557424267279322 +9145030426583202228_1060_000_1080_000,1557424276279143 +9145030426583202228_1060_000_1080_000,1557424278779413 +9145030426583202228_1060_000_1080_000,1557424267779293 +13781857304705519152_2740_000_2760_000,1558018015472758 +13781857304705519152_2740_000_2760_000,1558018006972289 +13781857304705519152_2740_000_2760_000,1558018007472306 +13781857304705519152_2740_000_2760_000,1558018014472458 +13781857304705519152_2740_000_2760_000,1558018017472179 +13781857304705519152_2740_000_2760_000,1558018014972710 +13781857304705519152_2740_000_2760_000,1558018008472276 +13781857304705519152_2740_000_2760_000,1558018006472299 +13781857304705519152_2740_000_2760_000,1558018004472242 +13781857304705519152_2740_000_2760_000,1558018017972558 +13781857304705519152_2740_000_2760_000,1558018004972259 +13781857304705519152_2740_000_2760_000,1558018007972307 +13781857304705519152_2740_000_2760_000,1558018013972483 +13781857304705519152_2740_000_2760_000,1558018005972338 +13781857304705519152_2740_000_2760_000,1558018016972032 +13781857304705519152_2740_000_2760_000,1558018015972514 +13781857304705519152_2740_000_2760_000,1558018005472310 +13781857304705519152_2740_000_2760_000,1558018003972238 +13781857304705519152_2740_000_2760_000,1558018018472666 +13781857304705519152_2740_000_2760_000,1558018016472185 +5154724129640787887_4840_000_4860_000,1557342396562648 +5154724129640787887_4840_000_4860_000,1557342399062810 +5154724129640787887_4840_000_4860_000,1557342395062806 +5154724129640787887_4840_000_4860_000,1557342405062520 +5154724129640787887_4840_000_4860_000,1557342399562770 +5154724129640787887_4840_000_4860_000,1557342395562652 +5154724129640787887_4840_000_4860_000,1557342406562476 +5154724129640787887_4840_000_4860_000,1557342408562474 +5154724129640787887_4840_000_4860_000,1557342406062444 +5154724129640787887_4840_000_4860_000,1557342397562592 +5154724129640787887_4840_000_4860_000,1557342407562646 +5154724129640787887_4840_000_4860_000,1557342396062602 +5154724129640787887_4840_000_4860_000,1557342409562395 +5154724129640787887_4840_000_4860_000,1557342397062617 +5154724129640787887_4840_000_4860_000,1557342409062401 +5154724129640787887_4840_000_4860_000,1557342398062702 +5154724129640787887_4840_000_4860_000,1557342407062596 +5154724129640787887_4840_000_4860_000,1557342405562490 +5154724129640787887_4840_000_4860_000,1557342408062539 +5154724129640787887_4840_000_4860_000,1557342398562701 +12892154548237137398_2820_000_2840_000,1558018087522764 +12892154548237137398_2820_000_2840_000,1558018098022390 +12892154548237137398_2820_000_2840_000,1558018088022638 +12892154548237137398_2820_000_2840_000,1558018095522691 +12892154548237137398_2820_000_2840_000,1558018087022717 +12892154548237137398_2820_000_2840_000,1558018086022213 +12892154548237137398_2820_000_2840_000,1558018086522385 +12892154548237137398_2820_000_2840_000,1558018085522203 +12892154548237137398_2820_000_2840_000,1558018094522190 +12892154548237137398_2820_000_2840_000,1558018084022848 +12892154548237137398_2820_000_2840_000,1558018085022352 +12892154548237137398_2820_000_2840_000,1558018088522537 +12892154548237137398_2820_000_2840_000,1558018084522834 +12892154548237137398_2820_000_2840_000,1558018097022451 +12892154548237137398_2820_000_2840_000,1558018097522376 +12892154548237137398_2820_000_2840_000,1558018098522395 +12892154548237137398_2820_000_2840_000,1558018096022561 +12892154548237137398_2820_000_2840_000,1558018096522494 +12892154548237137398_2820_000_2840_000,1558018094021934 +12892154548237137398_2820_000_2840_000,1558018095022568 +17262030607996041518_540_000_560_000,1558150357737631 +17262030607996041518_540_000_560_000,1558150360737468 +17262030607996041518_540_000_560_000,1558150358737355 +17262030607996041518_540_000_560_000,1558150346737340 +17262030607996041518_540_000_560_000,1558150350737099 +17262030607996041518_540_000_560_000,1558150347237353 +17262030607996041518_540_000_560_000,1558150349237231 +17262030607996041518_540_000_560_000,1558150348237167 +17262030607996041518_540_000_560_000,1558150359237305 +17262030607996041518_540_000_560_000,1558150348737035 +17262030607996041518_540_000_560_000,1558150359737335 +17262030607996041518_540_000_560_000,1558150347737351 +17262030607996041518_540_000_560_000,1558150350237481 +17262030607996041518_540_000_560_000,1558150356237309 +17262030607996041518_540_000_560_000,1558150349737529 +17262030607996041518_540_000_560_000,1558150356737414 +17262030607996041518_540_000_560_000,1558150346237488 +17262030607996041518_540_000_560_000,1558150358237512 +17262030607996041518_540_000_560_000,1558150360237386 +17262030607996041518_540_000_560_000,1558150357237609 +1735154401471216485_440_000_460_000,1566351679575063 +1735154401471216485_440_000_460_000,1566351680574951 +1735154401471216485_440_000_460_000,1566351667075023 +1735154401471216485_440_000_460_000,1566351668074924 +1735154401471216485_440_000_460_000,1566351681074884 +1735154401471216485_440_000_460_000,1566351679075007 +1735154401471216485_440_000_460_000,1566351671574819 +1735154401471216485_440_000_460_000,1566351670575041 +1735154401471216485_440_000_460_000,1566351681574847 +1735154401471216485_440_000_460_000,1566351678574927 +1735154401471216485_440_000_460_000,1566351667575012 +1735154401471216485_440_000_460_000,1566351668574986 +1735154401471216485_440_000_460_000,1566351678074851 +1735154401471216485_440_000_460_000,1566351670075165 +1735154401471216485_440_000_460_000,1566351671074932 +1735154401471216485_440_000_460_000,1566351680075032 +1735154401471216485_440_000_460_000,1566351677075266 +1735154401471216485_440_000_460_000,1566351669075103 +1735154401471216485_440_000_460_000,1566351669575114 +1735154401471216485_440_000_460_000,1566351677575057 +16721473705085324478_2580_000_2600_000,1559143954073968 +16721473705085324478_2580_000_2600_000,1559143946067629 +16721473705085324478_2580_000_2600_000,1559143948570004 +16721473705085324478_2580_000_2600_000,1559143957574188 +16721473705085324478_2580_000_2600_000,1559143945567167 +16721473705085324478_2580_000_2600_000,1559143945066818 +16721473705085324478_2580_000_2600_000,1559143947068541 +16721473705085324478_2580_000_2600_000,1559143956574149 +16721473705085324478_2580_000_2600_000,1559143958574172 +16721473705085324478_2580_000_2600_000,1559143955573951 +16721473705085324478_2580_000_2600_000,1559143957074228 +16721473705085324478_2580_000_2600_000,1559143947568997 +16721473705085324478_2580_000_2600_000,1559143944066354 +16721473705085324478_2580_000_2600_000,1559143954573995 +16721473705085324478_2580_000_2600_000,1559143946568047 +16721473705085324478_2580_000_2600_000,1559143956074028 +16721473705085324478_2580_000_2600_000,1559143948069446 +16721473705085324478_2580_000_2600_000,1559143944566550 +16721473705085324478_2580_000_2600_000,1559143955073909 +16721473705085324478_2580_000_2600_000,1559143958074171 +5046614299208670619_1760_000_1780_000,1557859931896818 +5046614299208670619_1760_000_1780_000,1557859942397098 +5046614299208670619_1760_000_1780_000,1557859941397484 +5046614299208670619_1760_000_1780_000,1557859941897278 +5046614299208670619_1760_000_1780_000,1557859939397451 +5046614299208670619_1760_000_1780_000,1557859929394856 +5046614299208670619_1760_000_1780_000,1557859938397438 +5046614299208670619_1760_000_1780_000,1557859931396740 +5046614299208670619_1760_000_1780_000,1557859940397424 +5046614299208670619_1760_000_1780_000,1557859930896546 +5046614299208670619_1760_000_1780_000,1557859939897429 +5046614299208670619_1760_000_1780_000,1557859929895843 +5046614299208670619_1760_000_1780_000,1557859928893310 +5046614299208670619_1760_000_1780_000,1557859938897438 +5046614299208670619_1760_000_1780_000,1557859940897554 +5046614299208670619_1760_000_1780_000,1557859942897115 +5046614299208670619_1760_000_1780_000,1557859932897120 +5046614299208670619_1760_000_1780_000,1557859930396386 +5046614299208670619_1760_000_1780_000,1557859928391171 +5046614299208670619_1760_000_1780_000,1557859932396854 +6259508587655502768_780_000_800_000,1557843985062519 +6259508587655502768_780_000_800_000,1557843985562521 +6259508587655502768_780_000_800_000,1557843976562766 +6259508587655502768_780_000_800_000,1557843976062713 +6259508587655502768_780_000_800_000,1557843978562284 +6259508587655502768_780_000_800_000,1557843989062285 +6259508587655502768_780_000_800_000,1557843979062370 +6259508587655502768_780_000_800_000,1557843988562341 +6259508587655502768_780_000_800_000,1557843977562120 +6259508587655502768_780_000_800_000,1557843975562542 +6259508587655502768_780_000_800_000,1557843977062493 +6259508587655502768_780_000_800_000,1557843978062117 +6259508587655502768_780_000_800_000,1557843986562332 +6259508587655502768_780_000_800_000,1557843975062365 +6259508587655502768_780_000_800_000,1557843988062465 +6259508587655502768_780_000_800_000,1557843986062494 +6259508587655502768_780_000_800_000,1557843987062399 +6259508587655502768_780_000_800_000,1557843979562469 +6259508587655502768_780_000_800_000,1557843987562501 +6259508587655502768_780_000_800_000,1557843989562412 +11436803605426256250_1720_000_1740_000,1558151527787782 +11436803605426256250_1720_000_1740_000,1558151526787865 +11436803605426256250_1720_000_1740_000,1558151528287716 +11436803605426256250_1720_000_1740_000,1558151530287466 +11436803605426256250_1720_000_1740_000,1558151537786930 +11436803605426256250_1720_000_1740_000,1558151528787637 +11436803605426256250_1720_000_1740_000,1558151538786570 +11436803605426256250_1720_000_1740_000,1558151540786822 +11436803605426256250_1720_000_1740_000,1558151530787441 +11436803605426256250_1720_000_1740_000,1558151527287885 +11436803605426256250_1720_000_1740_000,1558151539786751 +11436803605426256250_1720_000_1740_000,1558151529787489 +11436803605426256250_1720_000_1740_000,1558151539286648 +11436803605426256250_1720_000_1740_000,1558151526287909 +11436803605426256250_1720_000_1740_000,1558151536786870 +11436803605426256250_1720_000_1740_000,1558151536287214 +11436803605426256250_1720_000_1740_000,1558151529287531 +11436803605426256250_1720_000_1740_000,1558151540286973 +11436803605426256250_1720_000_1740_000,1558151538286751 +11436803605426256250_1720_000_1740_000,1558151537286653 +15410814825574326536_2620_000_2640_000,1557860798372836 +15410814825574326536_2620_000_2640_000,1557860800872838 +15410814825574326536_2620_000_2640_000,1557860790372597 +15410814825574326536_2620_000_2640_000,1557860791372832 +15410814825574326536_2620_000_2640_000,1557860799872854 +15410814825574326536_2620_000_2640_000,1557860789372743 +15410814825574326536_2620_000_2640_000,1557860791872904 +15410814825574326536_2620_000_2640_000,1557860798872877 +15410814825574326536_2620_000_2640_000,1557860788372735 +15410814825574326536_2620_000_2640_000,1557860801372803 +15410814825574326536_2620_000_2640_000,1557860802372685 +15410814825574326536_2620_000_2640_000,1557860801872720 +15410814825574326536_2620_000_2640_000,1557860802872671 +15410814825574326536_2620_000_2640_000,1557860792372830 +15410814825574326536_2620_000_2640_000,1557860790872704 +15410814825574326536_2620_000_2640_000,1557860799372902 +15410814825574326536_2620_000_2640_000,1557860792872709 +15410814825574326536_2620_000_2640_000,1557860788872750 +15410814825574326536_2620_000_2640_000,1557860800372906 +15410814825574326536_2620_000_2640_000,1557860789872662 +13585389505831587326_2560_000_2580_000,1557241472137342 +13585389505831587326_2560_000_2580_000,1557241476637531 +13585389505831587326_2560_000_2580_000,1557241484636865 +13585389505831587326_2560_000_2580_000,1557241473137454 +13585389505831587326_2560_000_2580_000,1557241476137536 +13585389505831587326_2560_000_2580_000,1557241472637386 +13585389505831587326_2560_000_2580_000,1557241485637136 +13585389505831587326_2560_000_2580_000,1557241484136968 +13585389505831587326_2560_000_2580_000,1557241485137091 +13585389505831587326_2560_000_2580_000,1557241473637451 +13585389505831587326_2560_000_2580_000,1557241482137115 +13585389505831587326_2560_000_2580_000,1557241475637469 +13585389505831587326_2560_000_2580_000,1557241483636983 +13585389505831587326_2560_000_2580_000,1557241474637506 +13585389505831587326_2560_000_2580_000,1557241483136950 +13585389505831587326_2560_000_2580_000,1557241486137285 +13585389505831587326_2560_000_2580_000,1557241474137501 +13585389505831587326_2560_000_2580_000,1557241486637439 +13585389505831587326_2560_000_2580_000,1557241475137435 +13585389505831587326_2560_000_2580_000,1557241482636985 +15739335479094705947_1420_000_1440_000,1557240344647374 +15739335479094705947_1420_000_1440_000,1557240333147825 +15739335479094705947_1420_000_1440_000,1557240332647832 +15739335479094705947_1420_000_1440_000,1557240336647687 +15739335479094705947_1420_000_1440_000,1557240345147370 +15739335479094705947_1420_000_1440_000,1557240334147846 +15739335479094705947_1420_000_1440_000,1557240335648112 +15739335479094705947_1420_000_1440_000,1557240345647376 +15739335479094705947_1420_000_1440_000,1557240332147799 +15739335479094705947_1420_000_1440_000,1557240344147429 +15739335479094705947_1420_000_1440_000,1557240342147432 +15739335479094705947_1420_000_1440_000,1557240343647467 +15739335479094705947_1420_000_1440_000,1557240346647461 +15739335479094705947_1420_000_1440_000,1557240343147461 +15739335479094705947_1420_000_1440_000,1557240333647840 +15739335479094705947_1420_000_1440_000,1557240335147955 +15739335479094705947_1420_000_1440_000,1557240342647438 +15739335479094705947_1420_000_1440_000,1557240334647920 +15739335479094705947_1420_000_1440_000,1557240346147451 +15739335479094705947_1420_000_1440_000,1557240336147836 +16743182245734335352_1260_000_1280_000,1557888790949495 +16743182245734335352_1260_000_1280_000,1557888787449383 +16743182245734335352_1260_000_1280_000,1557888788948833 +16743182245734335352_1260_000_1280_000,1557888786949263 +16743182245734335352_1260_000_1280_000,1557888776449903 +16743182245734335352_1260_000_1280_000,1557888780449779 +16743182245734335352_1260_000_1280_000,1557888786448960 +16743182245734335352_1260_000_1280_000,1557888777950853 +16743182245734335352_1260_000_1280_000,1557888789448778 +16743182245734335352_1260_000_1280_000,1557888790449312 +16743182245734335352_1260_000_1280_000,1557888779950298 +16743182245734335352_1260_000_1280_000,1557888778451116 +16743182245734335352_1260_000_1280_000,1557888788449105 +16743182245734335352_1260_000_1280_000,1557888779450837 +16743182245734335352_1260_000_1280_000,1557888776950096 +16743182245734335352_1260_000_1280_000,1557888789949015 +16743182245734335352_1260_000_1280_000,1557888787949303 +16743182245734335352_1260_000_1280_000,1557888778951257 +16743182245734335352_1260_000_1280_000,1557888780949350 +16743182245734335352_1260_000_1280_000,1557888777450467 +4037952268810331899_2420_000_2440_000,1567028476924185 +4037952268810331899_2420_000_2440_000,1567028464925058 +4037952268810331899_2420_000_2440_000,1567028466425018 +4037952268810331899_2420_000_2440_000,1567028477924371 +4037952268810331899_2420_000_2440_000,1567028475423773 +4037952268810331899_2420_000_2440_000,1567028475923773 +4037952268810331899_2420_000_2440_000,1567028478424492 +4037952268810331899_2420_000_2440_000,1567028468424910 +4037952268810331899_2420_000_2440_000,1567028466924954 +4037952268810331899_2420_000_2440_000,1567028477424335 +4037952268810331899_2420_000_2440_000,1567028465925047 +4037952268810331899_2420_000_2440_000,1567028476424000 +4037952268810331899_2420_000_2440_000,1567028474424271 +4037952268810331899_2420_000_2440_000,1567028467924880 +4037952268810331899_2420_000_2440_000,1567028478924633 +4037952268810331899_2420_000_2440_000,1567028467424848 +4037952268810331899_2420_000_2440_000,1567028465425099 +4037952268810331899_2420_000_2440_000,1567028464424994 +4037952268810331899_2420_000_2440_000,1567028468924846 +4037952268810331899_2420_000_2440_000,1567028474924011 +17052666463197337241_4560_000_4580_000,1558019835965165 +17052666463197337241_4560_000_4580_000,1558019834964122 +17052666463197337241_4560_000_4580_000,1558019826962706 +17052666463197337241_4560_000_4580_000,1558019837466540 +17052666463197337241_4560_000_4580_000,1558019823962469 +17052666463197337241_4560_000_4580_000,1558019826462862 +17052666463197337241_4560_000_4580_000,1558019834463718 +17052666463197337241_4560_000_4580_000,1558019827962424 +17052666463197337241_4560_000_4580_000,1558019836465729 +17052666463197337241_4560_000_4580_000,1558019827462613 +17052666463197337241_4560_000_4580_000,1558019833963377 +17052666463197337241_4560_000_4580_000,1558019824462615 +17052666463197337241_4560_000_4580_000,1558019836966268 +17052666463197337241_4560_000_4580_000,1558019835464590 +17052666463197337241_4560_000_4580_000,1558019828462295 +17052666463197337241_4560_000_4580_000,1558019825962899 +17052666463197337241_4560_000_4580_000,1558019824962730 +17052666463197337241_4560_000_4580_000,1558019837966298 +17052666463197337241_4560_000_4580_000,1558019825462832 +17052666463197337241_4560_000_4580_000,1558019838465664 +8197312656120253218_3120_000_3140_000,1569346275474782 +8197312656120253218_3120_000_3140_000,1569346279974791 +8197312656120253218_3120_000_3140_000,1569346268974889 +8197312656120253218_3120_000_3140_000,1569346266474964 +8197312656120253218_3120_000_3140_000,1569346267974935 +8197312656120253218_3120_000_3140_000,1569346269974854 +8197312656120253218_3120_000_3140_000,1569346268474908 +8197312656120253218_3120_000_3140_000,1569346266975023 +8197312656120253218_3120_000_3140_000,1569346265475116 +8197312656120253218_3120_000_3140_000,1569346267475024 +8197312656120253218_3120_000_3140_000,1569346276974820 +8197312656120253218_3120_000_3140_000,1569346275974860 +8197312656120253218_3120_000_3140_000,1569346276474878 +8197312656120253218_3120_000_3140_000,1569346279474792 +8197312656120253218_3120_000_3140_000,1569346269474905 +8197312656120253218_3120_000_3140_000,1569346278974783 +8197312656120253218_3120_000_3140_000,1569346265975042 +8197312656120253218_3120_000_3140_000,1569346277974754 +8197312656120253218_3120_000_3140_000,1569346278474771 +8197312656120253218_3120_000_3140_000,1569346277474745 +7844300897851889216_500_000_520_000,1569180269849584 +7844300897851889216_500_000_520_000,1569180283349326 +7844300897851889216_500_000_520_000,1569180270349514 +7844300897851889216_500_000_520_000,1569180281349367 +7844300897851889216_500_000_520_000,1569180273349112 +7844300897851889216_500_000_520_000,1569180280349315 +7844300897851889216_500_000_520_000,1569180280849273 +7844300897851889216_500_000_520_000,1569180283849207 +7844300897851889216_500_000_520_000,1569180272849305 +7844300897851889216_500_000_520_000,1569180270849484 +7844300897851889216_500_000_520_000,1569180282849497 +7844300897851889216_500_000_520_000,1569180271349596 +7844300897851889216_500_000_520_000,1569180271849879 +7844300897851889216_500_000_520_000,1569180284349457 +7844300897851889216_500_000_520_000,1569180282349589 +7844300897851889216_500_000_520_000,1569180281849491 +7844300897851889216_500_000_520_000,1569180272349632 +7844300897851889216_500_000_520_000,1569180274349414 +7844300897851889216_500_000_520_000,1569180279849307 +7844300897851889216_500_000_520_000,1569180273849225 +14918167237855418464_1420_000_1440_000,1557265451487590 +14918167237855418464_1420_000_1440_000,1557265453487513 +14918167237855418464_1420_000_1440_000,1557265440987220 +14918167237855418464_1420_000_1440_000,1557265452987516 +14918167237855418464_1420_000_1440_000,1557265441487272 +14918167237855418464_1420_000_1440_000,1557265449987389 +14918167237855418464_1420_000_1440_000,1557265450487458 +14918167237855418464_1420_000_1440_000,1557265450987504 +14918167237855418464_1420_000_1440_000,1557265440487216 +14918167237855418464_1420_000_1440_000,1557265452487693 +14918167237855418464_1420_000_1440_000,1557265443487465 +14918167237855418464_1420_000_1440_000,1557265451987681 +14918167237855418464_1420_000_1440_000,1557265453987788 +14918167237855418464_1420_000_1440_000,1557265449487404 +14918167237855418464_1420_000_1440_000,1557265442487348 +14918167237855418464_1420_000_1440_000,1557265439487550 +14918167237855418464_1420_000_1440_000,1557265441987298 +14918167237855418464_1420_000_1440_000,1557265439987371 +14918167237855418464_1420_000_1440_000,1557265443987430 +14918167237855418464_1420_000_1440_000,1557265442987426 +1765211916310163252_4400_000_4420_000,1557548091247400 +1765211916310163252_4400_000_4420_000,1557548092247422 +1765211916310163252_4400_000_4420_000,1557548082747340 +1765211916310163252_4400_000_4420_000,1557548080247436 +1765211916310163252_4400_000_4420_000,1557548081747442 +1765211916310163252_4400_000_4420_000,1557548079747433 +1765211916310163252_4400_000_4420_000,1557548093747379 +1765211916310163252_4400_000_4420_000,1557548079247435 +1765211916310163252_4400_000_4420_000,1557548089247264 +1765211916310163252_4400_000_4420_000,1557548092747360 +1765211916310163252_4400_000_4420_000,1557548093247395 +1765211916310163252_4400_000_4420_000,1557548090747296 +1765211916310163252_4400_000_4420_000,1557548083747413 +1765211916310163252_4400_000_4420_000,1557548091747409 +1765211916310163252_4400_000_4420_000,1557548080747512 +1765211916310163252_4400_000_4420_000,1557548090247209 +1765211916310163252_4400_000_4420_000,1557548089747220 +1765211916310163252_4400_000_4420_000,1557548082247344 +1765211916310163252_4400_000_4420_000,1557548081247513 +1765211916310163252_4400_000_4420_000,1557548083247412 +365416647046203224_1080_000_1100_000,1557424297779078 +365416647046203224_1080_000_1100_000,1557424298279187 +365416647046203224_1080_000_1100_000,1557424284779145 +365416647046203224_1080_000_1100_000,1557424299279496 +365416647046203224_1080_000_1100_000,1557424285779375 +365416647046203224_1080_000_1100_000,1557424286279493 +365416647046203224_1080_000_1100_000,1557424288279208 +365416647046203224_1080_000_1100_000,1557424289279220 +365416647046203224_1080_000_1100_000,1557424286779477 +365416647046203224_1080_000_1100_000,1557424294779296 +365416647046203224_1080_000_1100_000,1557424297279126 +365416647046203224_1080_000_1100_000,1557424288779176 +365416647046203224_1080_000_1100_000,1557424287779352 +365416647046203224_1080_000_1100_000,1557424296779274 +365416647046203224_1080_000_1100_000,1557424298779408 +365416647046203224_1080_000_1100_000,1557424295779354 +365416647046203224_1080_000_1100_000,1557424295279343 +365416647046203224_1080_000_1100_000,1557424287279453 +365416647046203224_1080_000_1100_000,1557424285279259 +365416647046203224_1080_000_1100_000,1557424296279315 +3122599254941105215_2980_000_3000_000,1557267013486064 +3122599254941105215_2980_000_3000_000,1557266999471976 +3122599254941105215_2980_000_3000_000,1557267003971991 +3122599254941105215_2980_000_3000_000,1557267002972068 +3122599254941105215_2980_000_3000_000,1557267011978743 +3122599254941105215_2980_000_3000_000,1557267010473667 +3122599254941105215_2980_000_3000_000,1557267001472099 +3122599254941105215_2980_000_3000_000,1557267009973013 +3122599254941105215_2980_000_3000_000,1557267001972106 +3122599254941105215_2980_000_3000_000,1557267009472852 +3122599254941105215_2980_000_3000_000,1557267013987647 +3122599254941105215_2980_000_3000_000,1557267000972170 +3122599254941105215_2980_000_3000_000,1557267011476593 +3122599254941105215_2980_000_3000_000,1557267012983667 +3122599254941105215_2980_000_3000_000,1557266999972086 +3122599254941105215_2980_000_3000_000,1557267012481088 +3122599254941105215_2980_000_3000_000,1557267010974840 +3122599254941105215_2980_000_3000_000,1557267000472146 +3122599254941105215_2980_000_3000_000,1557267002472069 +3122599254941105215_2980_000_3000_000,1557267003472050 +11672844176539348333_4440_000_4460_000,1557548130247264 +11672844176539348333_4440_000_4460_000,1557548119247298 +11672844176539348333_4440_000_4460_000,1557548120747400 +11672844176539348333_4440_000_4460_000,1557548129247403 +11672844176539348333_4440_000_4460_000,1557548121747436 +11672844176539348333_4440_000_4460_000,1557548131747575 +11672844176539348333_4440_000_4460_000,1557548122747361 +11672844176539348333_4440_000_4460_000,1557548132247553 +11672844176539348333_4440_000_4460_000,1557548129747331 +11672844176539348333_4440_000_4460_000,1557548119747262 +11672844176539348333_4440_000_4460_000,1557548121247414 +11672844176539348333_4440_000_4460_000,1557548133747542 +11672844176539348333_4440_000_4460_000,1557548131247534 +11672844176539348333_4440_000_4460_000,1557548122247407 +11672844176539348333_4440_000_4460_000,1557548120247254 +11672844176539348333_4440_000_4460_000,1557548132747504 +11672844176539348333_4440_000_4460_000,1557548123247374 +11672844176539348333_4440_000_4460_000,1557548133247537 +11672844176539348333_4440_000_4460_000,1557548130747376 +11672844176539348333_4440_000_4460_000,1557548123747487 +17212025549630306883_2500_000_2520_000,1558035014396914 +17212025549630306883_2500_000_2520_000,1558035010397071 +17212025549630306883_2500_000_2520_000,1558035000879571 +17212025549630306883_2500_000_2520_000,1558035010897075 +17212025549630306883_2500_000_2520_000,1558035003389800 +17212025549630306883_2500_000_2520_000,1558034999877494 +17212025549630306883_2500_000_2520_000,1558035001883076 +17212025549630306883_2500_000_2520_000,1558035013896904 +17212025549630306883_2500_000_2520_000,1558035002385104 +17212025549630306883_2500_000_2520_000,1558035013397429 +17212025549630306883_2500_000_2520_000,1558035012398066 +17212025549630306883_2500_000_2520_000,1558035009897309 +17212025549630306883_2500_000_2520_000,1558035011397333 +17212025549630306883_2500_000_2520_000,1558035003892217 +17212025549630306883_2500_000_2520_000,1558035002887308 +17212025549630306883_2500_000_2520_000,1558035004394149 +17212025549630306883_2500_000_2520_000,1558035001381105 +17212025549630306883_2500_000_2520_000,1558035012897961 +17212025549630306883_2500_000_2520_000,1558035011897875 +17212025549630306883_2500_000_2520_000,1558035000378455 +5444585006397501511_160_000_180_000,1557843369612501 +5444585006397501511_160_000_180_000,1557843356612649 +5444585006397501511_160_000_180_000,1557843357612587 +5444585006397501511_160_000_180_000,1557843366112688 +5444585006397501511_160_000_180_000,1557843369112577 +5444585006397501511_160_000_180_000,1557843356112502 +5444585006397501511_160_000_180_000,1557843357112699 +5444585006397501511_160_000_180_000,1557843359112424 +5444585006397501511_160_000_180_000,1557843368612608 +5444585006397501511_160_000_180_000,1557843358612418 +5444585006397501511_160_000_180_000,1557843359612545 +5444585006397501511_160_000_180_000,1557843365112636 +5444585006397501511_160_000_180_000,1557843365612657 +5444585006397501511_160_000_180_000,1557843367112626 +5444585006397501511_160_000_180_000,1557843366612681 +5444585006397501511_160_000_180_000,1557843367612623 +5444585006397501511_160_000_180_000,1557843358112458 +5444585006397501511_160_000_180_000,1557843355112397 +5444585006397501511_160_000_180_000,1557843355612457 +5444585006397501511_160_000_180_000,1557843368112622 +17595457728136868510_860_000_880_000,1568570142949954 +17595457728136868510_860_000_880_000,1568570144449980 +17595457728136868510_860_000_880_000,1568570133450011 +17595457728136868510_860_000_880_000,1568570132449985 +17595457728136868510_860_000_880_000,1568570146949999 +17595457728136868510_860_000_880_000,1568570145450102 +17595457728136868510_860_000_880_000,1568570136950003 +17595457728136868510_860_000_880_000,1568570146449992 +17595457728136868510_860_000_880_000,1568570145950029 +17595457728136868510_860_000_880_000,1568570134450024 +17595457728136868510_860_000_880_000,1568570135449980 +17595457728136868510_860_000_880_000,1568570133950026 +17595457728136868510_860_000_880_000,1568570143449845 +17595457728136868510_860_000_880_000,1568570143949863 +17595457728136868510_860_000_880_000,1568570144950031 +17595457728136868510_860_000_880_000,1568570132950020 +17595457728136868510_860_000_880_000,1568570142449990 +17595457728136868510_860_000_880_000,1568570135950008 +17595457728136868510_860_000_880_000,1568570134950042 +17595457728136868510_860_000_880_000,1568570136450044 +10534368980139017457_4480_000_4500_000,1557548163747266 +10534368980139017457_4480_000_4500_000,1557548173324042 +10534368980139017457_4480_000_4500_000,1557548171335072 +10534368980139017457_4480_000_4500_000,1557548171831184 +10534368980139017457_4480_000_4500_000,1557548172327947 +10534368980139017457_4480_000_4500_000,1557548160747474 +10534368980139017457_4480_000_4500_000,1557548159747321 +10534368980139017457_4480_000_4500_000,1557548170342486 +10534368980139017457_4480_000_4500_000,1557548169845348 +10534368980139017457_4480_000_4500_000,1557548170838932 +10534368980139017457_4480_000_4500_000,1557548162247217 +10534368980139017457_4480_000_4500_000,1557548169346776 +10534368980139017457_4480_000_4500_000,1557548173822919 +10534368980139017457_4480_000_4500_000,1557548162747305 +10534368980139017457_4480_000_4500_000,1557548160247434 +10534368980139017457_4480_000_4500_000,1557548163247304 +10534368980139017457_4480_000_4500_000,1557548159247329 +10534368980139017457_4480_000_4500_000,1557548161247379 +10534368980139017457_4480_000_4500_000,1557548161747254 +10534368980139017457_4480_000_4500_000,1557548172825501 +4593468568253300598_1620_000_1640_000,1558034119947167 +4593468568253300598_1620_000_1640_000,1558034131947521 +4593468568253300598_1620_000_1640_000,1558034130447767 +4593468568253300598_1620_000_1640_000,1558034123947147 +4593468568253300598_1620_000_1640_000,1558034123447155 +4593468568253300598_1620_000_1640_000,1558034131447564 +4593468568253300598_1620_000_1640_000,1558034132447509 +4593468568253300598_1620_000_1640_000,1558034133947605 +4593468568253300598_1620_000_1640_000,1558034130947609 +4593468568253300598_1620_000_1640_000,1558034120947198 +4593468568253300598_1620_000_1640_000,1558034129947874 +4593468568253300598_1620_000_1640_000,1558034121947243 +4593468568253300598_1620_000_1640_000,1558034134447535 +4593468568253300598_1620_000_1640_000,1558034122447204 +4593468568253300598_1620_000_1640_000,1558034120447070 +4593468568253300598_1620_000_1640_000,1558034132947552 +4593468568253300598_1620_000_1640_000,1558034121447241 +4593468568253300598_1620_000_1640_000,1558034124447344 +4593468568253300598_1620_000_1640_000,1558034122947127 +4593468568253300598_1620_000_1640_000,1558034133447706 +5810494922060252082_3720_000_3740_000,1557324791637281 +5810494922060252082_3720_000_3740_000,1557324799137989 +5810494922060252082_3720_000_3740_000,1557324792137386 +5810494922060252082_3720_000_3740_000,1557324793137531 +5810494922060252082_3720_000_3740_000,1557324802137484 +5810494922060252082_3720_000_3740_000,1557324802637768 +5810494922060252082_3720_000_3740_000,1557324793637492 +5810494922060252082_3720_000_3740_000,1557324789137692 +5810494922060252082_3720_000_3740_000,1557324803137953 +5810494922060252082_3720_000_3740_000,1557324800137837 +5810494922060252082_3720_000_3740_000,1557324789637648 +5810494922060252082_3720_000_3740_000,1557324800637433 +5810494922060252082_3720_000_3740_000,1557324792637516 +5810494922060252082_3720_000_3740_000,1557324803638106 +5810494922060252082_3720_000_3740_000,1557324791137526 +5810494922060252082_3720_000_3740_000,1557324790637757 +5810494922060252082_3720_000_3740_000,1557324801637223 +5810494922060252082_3720_000_3740_000,1557324801137028 +5810494922060252082_3720_000_3740_000,1557324799638056 +5810494922060252082_3720_000_3740_000,1557324790137645 +2942662230423855469_880_000_900_000,1559348363724177 +2942662230423855469_880_000_900_000,1559348365724257 +2942662230423855469_880_000_900_000,1559348367224483 +2942662230423855469_880_000_900_000,1559348356718454 +2942662230423855469_880_000_900_000,1559348367724406 +2942662230423855469_880_000_900_000,1559348355717289 +2942662230423855469_880_000_900_000,1559348357719518 +2942662230423855469_880_000_900_000,1559348357218926 +2942662230423855469_880_000_900_000,1559348363224053 +2942662230423855469_880_000_900_000,1559348365224224 +2942662230423855469_880_000_900_000,1559348364724292 +2942662230423855469_880_000_900_000,1559348353716247 +2942662230423855469_880_000_900_000,1559348354716626 +2942662230423855469_880_000_900_000,1559348366224290 +2942662230423855469_880_000_900_000,1559348366724409 +2942662230423855469_880_000_900_000,1559348353216332 +2942662230423855469_880_000_900_000,1559348355216840 +2942662230423855469_880_000_900_000,1559348364224254 +2942662230423855469_880_000_900_000,1559348356217995 +2942662230423855469_880_000_900_000,1559348354216438 +5927928428387529213_1640_000_1660_000,1557240564663983 +5927928428387529213_1640_000_1660_000,1557240563163984 +5927928428387529213_1640_000_1660_000,1557240553162670 +5927928428387529213_1640_000_1660_000,1557240566163388 +5927928428387529213_1640_000_1660_000,1557240556162436 +5927928428387529213_1640_000_1660_000,1557240554162851 +5927928428387529213_1640_000_1660_000,1557240552662244 +5927928428387529213_1640_000_1660_000,1557240555162405 +5927928428387529213_1640_000_1660_000,1557240564164016 +5927928428387529213_1640_000_1660_000,1557240552162020 +5927928428387529213_1640_000_1660_000,1557240554662508 +5927928428387529213_1640_000_1660_000,1557240562163098 +5927928428387529213_1640_000_1660_000,1557240566663035 +5927928428387529213_1640_000_1660_000,1557240555662402 +5927928428387529213_1640_000_1660_000,1557240565663746 +5927928428387529213_1640_000_1660_000,1557240562663614 +5927928428387529213_1640_000_1660_000,1557240563664057 +5927928428387529213_1640_000_1660_000,1557240556662471 +5927928428387529213_1640_000_1660_000,1557240553662931 +5927928428387529213_1640_000_1660_000,1557240565163970 +3645211352574995740_3540_000_3560_000,1558018817992298 +3645211352574995740_3540_000_3560_000,1558018804471765 +3645211352574995740_3540_000_3560_000,1558018808472120 +3645211352574995740_3540_000_3560_000,1558018807972072 +3645211352574995740_3540_000_3560_000,1558018815475883 +3645211352574995740_3540_000_3560_000,1558018804971761 +3645211352574995740_3540_000_3560_000,1558018816984976 +3645211352574995740_3540_000_3560_000,1558018815978327 +3645211352574995740_3540_000_3560_000,1558018816481398 +3645211352574995740_3540_000_3560_000,1558018818494946 +3645211352574995740_3540_000_3560_000,1558018817488679 +3645211352574995740_3540_000_3560_000,1558018805471754 +3645211352574995740_3540_000_3560_000,1558018806471940 +3645211352574995740_3540_000_3560_000,1558018807472066 +3645211352574995740_3540_000_3560_000,1558018805971789 +3645211352574995740_3540_000_3560_000,1558018806972056 +3645211352574995740_3540_000_3560_000,1558018814473516 +3645211352574995740_3540_000_3560_000,1558018813973212 +3645211352574995740_3540_000_3560_000,1558018814974307 +3645211352574995740_3540_000_3560_000,1558018803972077 +3510690431623954420_7700_000_7720_000,1567022016599663 +3510690431623954420_7700_000_7720_000,1567022018599669 +3510690431623954420_7700_000_7720_000,1567022028099832 +3510690431623954420_7700_000_7720_000,1567022017099671 +3510690431623954420_7700_000_7720_000,1567022021099696 +3510690431623954420_7700_000_7720_000,1567022019599567 +3510690431623954420_7700_000_7720_000,1567022020599579 +3510690431623954420_7700_000_7720_000,1567022029600020 +3510690431623954420_7700_000_7720_000,1567022017599659 +3510690431623954420_7700_000_7720_000,1567022026599976 +3510690431623954420_7700_000_7720_000,1567022030099989 +3510690431623954420_7700_000_7720_000,1567022028599676 +3510690431623954420_7700_000_7720_000,1567022019099605 +3510690431623954420_7700_000_7720_000,1567022018099661 +3510690431623954420_7700_000_7720_000,1567022030599800 +3510690431623954420_7700_000_7720_000,1567022027599919 +3510690431623954420_7700_000_7720_000,1567022029099795 +3510690431623954420_7700_000_7720_000,1567022020099574 +3510690431623954420_7700_000_7720_000,1567022027099913 +3510690431623954420_7700_000_7720_000,1567022031099758 +39847154216997509_6440_000_6460_000,1568954824924191 +39847154216997509_6440_000_6460_000,1568954813424574 +39847154216997509_6440_000_6460_000,1568954813924259 +39847154216997509_6440_000_6460_000,1568954811424618 +39847154216997509_6440_000_6460_000,1568954822924591 +39847154216997509_6440_000_6460_000,1568954812924890 +39847154216997509_6440_000_6460_000,1568954820924315 +39847154216997509_6440_000_6460_000,1568954810424785 +39847154216997509_6440_000_6460_000,1568954811924639 +39847154216997509_6440_000_6460_000,1568954810924694 +39847154216997509_6440_000_6460_000,1568954814924374 +39847154216997509_6440_000_6460_000,1568954823424463 +39847154216997509_6440_000_6460_000,1568954824424244 +39847154216997509_6440_000_6460_000,1568954814424260 +39847154216997509_6440_000_6460_000,1568954821924250 +39847154216997509_6440_000_6460_000,1568954821424322 +39847154216997509_6440_000_6460_000,1568954820424237 +39847154216997509_6440_000_6460_000,1568954823924349 +39847154216997509_6440_000_6460_000,1568954812424884 +39847154216997509_6440_000_6460_000,1568954822424440 +8623236016759087157_3500_000_3520_000,1557324582561015 +8623236016759087157_3500_000_3520_000,1557324569137429 +8623236016759087157_3500_000_3520_000,1557324582058259 +8623236016759087157_3500_000_3520_000,1557324583062491 +8623236016759087157_3500_000_3520_000,1557324573638623 +8623236016759087157_3500_000_3520_000,1557324572138081 +8623236016759087157_3500_000_3520_000,1557324583562892 +8623236016759087157_3500_000_3520_000,1557324570637898 +8623236016759087157_3500_000_3520_000,1557324581052320 +8623236016759087157_3500_000_3520_000,1557324571638078 +8623236016759087157_3500_000_3520_000,1557324570137931 +8623236016759087157_3500_000_3520_000,1557324580549644 +8623236016759087157_3500_000_3520_000,1557324571138013 +8623236016759087157_3500_000_3520_000,1557324579042078 +8623236016759087157_3500_000_3520_000,1557324581555154 +8623236016759087157_3500_000_3520_000,1557324572638279 +8623236016759087157_3500_000_3520_000,1557324579544532 +8623236016759087157_3500_000_3520_000,1557324580047183 +8623236016759087157_3500_000_3520_000,1557324569637588 +8623236016759087157_3500_000_3520_000,1557324573138464 +8920841445900141920_1700_000_1720_000,1557859882950427 +8920841445900141920_1700_000_1720_000,1557859870947785 +8920841445900141920_1700_000_1720_000,1557859868947629 +8920841445900141920_1700_000_1720_000,1557859882449903 +8920841445900141920_1700_000_1720_000,1557859878447989 +8920841445900141920_1700_000_1720_000,1557859872447754 +8920841445900141920_1700_000_1720_000,1557859879448016 +8920841445900141920_1700_000_1720_000,1557859879948093 +8920841445900141920_1700_000_1720_000,1557859869447788 +8920841445900141920_1700_000_1720_000,1557859881448912 +8920841445900141920_1700_000_1720_000,1557859870447773 +8920841445900141920_1700_000_1720_000,1557859880448231 +8920841445900141920_1700_000_1720_000,1557859878947993 +8920841445900141920_1700_000_1720_000,1557859880948478 +8920841445900141920_1700_000_1720_000,1557859869947772 +8920841445900141920_1700_000_1720_000,1557859881949366 +8920841445900141920_1700_000_1720_000,1557859872947901 +8920841445900141920_1700_000_1720_000,1557859871947716 +8920841445900141920_1700_000_1720_000,1557859871447819 +8920841445900141920_1700_000_1720_000,1557859868447474 +1417898473608326362_2560_000_2580_000,1557546242797474 +1417898473608326362_2560_000_2580_000,1557546239797468 +1417898473608326362_2560_000_2580_000,1557546241797368 +1417898473608326362_2560_000_2580_000,1557546252797649 +1417898473608326362_2560_000_2580_000,1557546252297680 +1417898473608326362_2560_000_2580_000,1557546239297163 +1417898473608326362_2560_000_2580_000,1557546253797788 +1417898473608326362_2560_000_2580_000,1557546249297427 +1417898473608326362_2560_000_2580_000,1557546242297446 +1417898473608326362_2560_000_2580_000,1557546251297740 +1417898473608326362_2560_000_2580_000,1557546240297658 +1417898473608326362_2560_000_2580_000,1557546240797643 +1417898473608326362_2560_000_2580_000,1557546250297550 +1417898473608326362_2560_000_2580_000,1557546249797555 +1417898473608326362_2560_000_2580_000,1557546251797725 +1417898473608326362_2560_000_2580_000,1557546250797666 +1417898473608326362_2560_000_2580_000,1557546253297756 +1417898473608326362_2560_000_2580_000,1557546243797028 +1417898473608326362_2560_000_2580_000,1557546243297291 +1417898473608326362_2560_000_2580_000,1557546241297483 +9584760613582366524_1620_000_1640_000,1557879417399208 +9584760613582366524_1620_000_1640_000,1557879416899412 +9584760613582366524_1620_000_1640_000,1557879428399102 +9584760613582366524_1620_000_1640_000,1557879420399302 +9584760613582366524_1620_000_1640_000,1557879427399045 +9584760613582366524_1620_000_1640_000,1557879420899353 +9584760613582366524_1620_000_1640_000,1557879426899061 +9584760613582366524_1620_000_1640_000,1557879418899485 +9584760613582366524_1620_000_1640_000,1557879418399553 +9584760613582366524_1620_000_1640_000,1557879429898992 +9584760613582366524_1620_000_1640_000,1557879428899097 +9584760613582366524_1620_000_1640_000,1557879430898987 +9584760613582366524_1620_000_1640_000,1557879429399097 +9584760613582366524_1620_000_1640_000,1557879421399451 +9584760613582366524_1620_000_1640_000,1557879431398990 +9584760613582366524_1620_000_1640_000,1557879419899335 +9584760613582366524_1620_000_1640_000,1557879419399372 +9584760613582366524_1620_000_1640_000,1557879430398927 +9584760613582366524_1620_000_1640_000,1557879417899434 +9584760613582366524_1620_000_1640_000,1557879427899058 +6503078254504013503_3440_000_3460_000,1557855947547440 +6503078254504013503_3440_000_3460_000,1557855934472627 +6503078254504013503_3440_000_3460_000,1557855932972711 +6503078254504013503_3440_000_3460_000,1557855934972072 +6503078254504013503_3440_000_3460_000,1557855946547513 +6503078254504013503_3440_000_3460_000,1557855933972741 +6503078254504013503_3440_000_3460_000,1557855945047402 +6503078254504013503_3440_000_3460_000,1557855936962356 +6503078254504013503_3440_000_3460_000,1557855945547411 +6503078254504013503_3440_000_3460_000,1557855947047525 +6503078254504013503_3440_000_3460_000,1557855944547167 +6503078254504013503_3440_000_3460_000,1557855944046932 +6503078254504013503_3440_000_3460_000,1557855937459144 +6503078254504013503_3440_000_3460_000,1557855933472775 +6503078254504013503_3440_000_3460_000,1557855946047387 +6503078254504013503_3440_000_3460_000,1557855935470483 +6503078254504013503_3440_000_3460_000,1557855943047114 +6503078254504013503_3440_000_3460_000,1557855935968223 +6503078254504013503_3440_000_3460_000,1557855943547034 +6503078254504013503_3440_000_3460_000,1557855936465449 +11867874114645674271_600_000_620_000,1556074736854433 +11867874114645674271_600_000_620_000,1556074726349701 +11867874114645674271_600_000_620_000,1556074735851657 +11867874114645674271_600_000_620_000,1556074725849692 +11867874114645674271_600_000_620_000,1556074737859199 +11867874114645674271_600_000_620_000,1556074738362254 +11867874114645674271_600_000_620_000,1556074727849804 +11867874114645674271_600_000_620_000,1556074733850341 +11867874114645674271_600_000_620_000,1556074724350381 +11867874114645674271_600_000_620_000,1556074735350931 +11867874114645674271_600_000_620_000,1556074728349730 +11867874114645674271_600_000_620_000,1556074724849999 +11867874114645674271_600_000_620_000,1556074725349782 +11867874114645674271_600_000_620_000,1556074726849817 +11867874114645674271_600_000_620_000,1556074727349951 +11867874114645674271_600_000_620_000,1556074723850636 +11867874114645674271_600_000_620_000,1556074736352936 +11867874114645674271_600_000_620_000,1556074737356543 +11867874114645674271_600_000_620_000,1556074734850605 +2374138435300423201_2600_000_2620_000,1557546281297269 +2374138435300423201_2600_000_2620_000,1557546290797384 +2374138435300423201_2600_000_2620_000,1557546279797210 +2374138435300423201_2600_000_2620_000,1557546282797429 +2374138435300423201_2600_000_2620_000,1557546279297244 +2374138435300423201_2600_000_2620_000,1557546280797280 +2374138435300423201_2600_000_2620_000,1557546280297328 +2374138435300423201_2600_000_2620_000,1557546289297324 +2374138435300423201_2600_000_2620_000,1557546289797335 +2374138435300423201_2600_000_2620_000,1557546283297421 +2374138435300423201_2600_000_2620_000,1557546293797422 +2374138435300423201_2600_000_2620_000,1557546283797387 +2374138435300423201_2600_000_2620_000,1557546291297442 +2374138435300423201_2600_000_2620_000,1557546292797289 +2374138435300423201_2600_000_2620_000,1557546293297352 +2374138435300423201_2600_000_2620_000,1557546282297473 +2374138435300423201_2600_000_2620_000,1557546290297367 +2374138435300423201_2600_000_2620_000,1557546281797389 +2374138435300423201_2600_000_2620_000,1557546292297340 +2374138435300423201_2600_000_2620_000,1557546291797459 +16050146835908439029_4500_000_4520_000,1557862669362069 +16050146835908439029_4500_000_4520_000,1557862668362475 +16050146835908439029_4500_000_4520_000,1557862680862489 +16050146835908439029_4500_000_4520_000,1557862682362527 +16050146835908439029_4500_000_4520_000,1557862679362451 +16050146835908439029_4500_000_4520_000,1557862669862200 +16050146835908439029_4500_000_4520_000,1557862680362483 +16050146835908439029_4500_000_4520_000,1557862670362417 +16050146835908439029_4500_000_4520_000,1557862668862219 +16050146835908439029_4500_000_4520_000,1557862682862598 +16050146835908439029_4500_000_4520_000,1557862681362512 +16050146835908439029_4500_000_4520_000,1557862672362384 +16050146835908439029_4500_000_4520_000,1557862672862388 +16050146835908439029_4500_000_4520_000,1557862670862532 +16050146835908439029_4500_000_4520_000,1557862671862452 +16050146835908439029_4500_000_4520_000,1557862681862522 +16050146835908439029_4500_000_4520_000,1557862678862529 +16050146835908439029_4500_000_4520_000,1557862671362531 +16050146835908439029_4500_000_4520_000,1557862679862445 +16050146835908439029_4500_000_4520_000,1557862678362527 +3400465735719851775_1400_000_1420_000,1572136113149873 +3400465735719851775_1400_000_1420_000,1572136101149909 +3400465735719851775_1400_000_1420_000,1572136102649696 +3400465735719851775_1400_000_1420_000,1572136113649695 +3400465735719851775_1400_000_1420_000,1572136110649929 +3400465735719851775_1400_000_1420_000,1572136111649912 +3400465735719851775_1400_000_1420_000,1572136112649991 +3400465735719851775_1400_000_1420_000,1572136114149800 +3400465735719851775_1400_000_1420_000,1572136100649954 +3400465735719851775_1400_000_1420_000,1572136114649927 +3400465735719851775_1400_000_1420_000,1572136103149884 +3400465735719851775_1400_000_1420_000,1572136112149956 +3400465735719851775_1400_000_1420_000,1572136105149812 +3400465735719851775_1400_000_1420_000,1572136103650115 +3400465735719851775_1400_000_1420_000,1572136115150038 +3400465735719851775_1400_000_1420_000,1572136102149777 +3400465735719851775_1400_000_1420_000,1572136111149884 +3400465735719851775_1400_000_1420_000,1572136104150206 +3400465735719851775_1400_000_1420_000,1572136101649856 +3400465735719851775_1400_000_1420_000,1572136104650062 +13347759874869607317_1540_000_1560_000,1557240455162639 +13347759874869607317_1540_000_1560_000,1557240466662585 +13347759874869607317_1540_000_1560_000,1557240462162692 +13347759874869607317_1540_000_1560_000,1557240454162643 +13347759874869607317_1540_000_1560_000,1557240453162676 +13347759874869607317_1540_000_1560_000,1557240464162672 +13347759874869607317_1540_000_1560_000,1557240462662650 +13347759874869607317_1540_000_1560_000,1557240463162605 +13347759874869607317_1540_000_1560_000,1557240466162631 +13347759874869607317_1540_000_1560_000,1557240452662663 +13347759874869607317_1540_000_1560_000,1557240465662701 +13347759874869607317_1540_000_1560_000,1557240464662665 +13347759874869607317_1540_000_1560_000,1557240452162656 +13347759874869607317_1540_000_1560_000,1557240455662596 +13347759874869607317_1540_000_1560_000,1557240456662719 +13347759874869607317_1540_000_1560_000,1557240456162634 +13347759874869607317_1540_000_1560_000,1557240463662676 +13347759874869607317_1540_000_1560_000,1557240465162708 +13347759874869607317_1540_000_1560_000,1557240454662705 +13347759874869607317_1540_000_1560_000,1557240453662610 +792520390268391604_780_000_800_000,1557276779322398 +792520390268391604_780_000_800_000,1557276789819241 +792520390268391604_780_000_800_000,1557276781822470 +792520390268391604_780_000_800_000,1557276790814750 +792520390268391604_780_000_800_000,1557276787822228 +792520390268391604_780_000_800_000,1557276777822335 +792520390268391604_780_000_800_000,1557276779822444 +792520390268391604_780_000_800_000,1557276791809911 +792520390268391604_780_000_800_000,1557276787322288 +792520390268391604_780_000_800_000,1557276781322325 +792520390268391604_780_000_800_000,1557276778822345 +792520390268391604_780_000_800_000,1557276788821750 +792520390268391604_780_000_800_000,1557276791312453 +792520390268391604_780_000_800_000,1557276780822385 +792520390268391604_780_000_800_000,1557276789320894 +792520390268391604_780_000_800_000,1557276788322108 +792520390268391604_780_000_800_000,1557276778322306 +792520390268391604_780_000_800_000,1557276790317051 +792520390268391604_780_000_800_000,1557276780322459 +792520390268391604_780_000_800_000,1557276777322444 +12555145882162126399_1180_000_1200_000,1558016457446728 +12555145882162126399_1180_000_1200_000,1558016457946731 +12555145882162126399_1180_000_1200_000,1558016443947236 +12555145882162126399_1180_000_1200_000,1558016455946753 +12555145882162126399_1180_000_1200_000,1558016456946665 +12555145882162126399_1180_000_1200_000,1558016445447090 +12555145882162126399_1180_000_1200_000,1558016446446923 +12555145882162126399_1180_000_1200_000,1558016453946646 +12555145882162126399_1180_000_1200_000,1558016446946859 +12555145882162126399_1180_000_1200_000,1558016445947010 +12555145882162126399_1180_000_1200_000,1558016444947161 +12555145882162126399_1180_000_1200_000,1558016455446712 +12555145882162126399_1180_000_1200_000,1558016448446785 +12555145882162126399_1180_000_1200_000,1558016447946858 +12555145882162126399_1180_000_1200_000,1558016458446676 +12555145882162126399_1180_000_1200_000,1558016444447200 +12555145882162126399_1180_000_1200_000,1558016454446636 +12555145882162126399_1180_000_1200_000,1558016454946704 +12555145882162126399_1180_000_1200_000,1558016447446885 +12555145882162126399_1180_000_1200_000,1558016456446713 +2363225200168330815_760_000_780_000,1557363529737707 +2363225200168330815_760_000_780_000,1557363527237757 +2363225200168330815_760_000_780_000,1557363531737831 +2363225200168330815_760_000_780_000,1557363517737551 +2363225200168330815_760_000_780_000,1557363521737684 +2363225200168330815_760_000_780_000,1557363520237879 +2363225200168330815_760_000_780_000,1557363520737853 +2363225200168330815_760_000_780_000,1557363530737748 +2363225200168330815_760_000_780_000,1557363530237741 +2363225200168330815_760_000_780_000,1557363527737802 +2363225200168330815_760_000_780_000,1557363519238031 +2363225200168330815_760_000_780_000,1557363518738025 +2363225200168330815_760_000_780_000,1557363519737941 +2363225200168330815_760_000_780_000,1557363528237770 +2363225200168330815_760_000_780_000,1557363517237246 +2363225200168330815_760_000_780_000,1557363518237827 +2363225200168330815_760_000_780_000,1557363528737726 +2363225200168330815_760_000_780_000,1557363529237740 +2363225200168330815_760_000_780_000,1557363521237784 +2363225200168330815_760_000_780_000,1557363531237786 +3328513486129168664_2080_000_2100_000,1567831757349830 +3328513486129168664_2080_000_2100_000,1567831748349777 +3328513486129168664_2080_000_2100_000,1567831749349801 +3328513486129168664_2080_000_2100_000,1567831759349962 +3328513486129168664_2080_000_2100_000,1567831748849802 +3328513486129168664_2080_000_2100_000,1567831755849834 +3328513486129168664_2080_000_2100_000,1567831745849801 +3328513486129168664_2080_000_2100_000,1567831756349773 +3328513486129168664_2080_000_2100_000,1567831746849942 +3328513486129168664_2080_000_2100_000,1567831750350037 +3328513486129168664_2080_000_2100_000,1567831749849925 +3328513486129168664_2080_000_2100_000,1567831759849964 +3328513486129168664_2080_000_2100_000,1567831747849819 +3328513486129168664_2080_000_2100_000,1567831747349894 +3328513486129168664_2080_000_2100_000,1567831758849989 +3328513486129168664_2080_000_2100_000,1567831758350003 +3328513486129168664_2080_000_2100_000,1567831746349855 +3328513486129168664_2080_000_2100_000,1567831757849928 +3328513486129168664_2080_000_2100_000,1567831756849772 +3328513486129168664_2080_000_2100_000,1567831760349924 +4632556232973423919_2940_000_2960_000,1557266971471958 +4632556232973423919_2940_000_2960_000,1557266969972031 +4632556232973423919_2940_000_2960_000,1557266970971991 +4632556232973423919_2940_000_2960_000,1557266961970295 +4632556232973423919_2940_000_2960_000,1557266959471575 +4632556232973423919_2940_000_2960_000,1557266973972043 +4632556232973423919_2940_000_2960_000,1557266970471994 +4632556232973423919_2940_000_2960_000,1557266959971091 +4632556232973423919_2940_000_2960_000,1557266969472028 +4632556232973423919_2940_000_2960_000,1557266973471990 +4632556232973423919_2940_000_2960_000,1557266962470698 +4632556232973423919_2940_000_2960_000,1557266972972019 +4632556232973423919_2940_000_2960_000,1557266961470258 +4632556232973423919_2940_000_2960_000,1557266972472025 +4632556232973423919_2940_000_2960_000,1557266963471197 +4632556232973423919_2940_000_2960_000,1557266963971575 +4632556232973423919_2940_000_2960_000,1557266962971008 +4632556232973423919_2940_000_2960_000,1557266960970249 +4632556232973423919_2940_000_2960_000,1557266960470534 +4632556232973423919_2940_000_2960_000,1557266971972014 +7855150647548977812_3900_000_3920_000,1557963222297587 +7855150647548977812_3900_000_3920_000,1557963229797360 +7855150647548977812_3900_000_3920_000,1557963219297462 +7855150647548977812_3900_000_3920_000,1557963222797358 +7855150647548977812_3900_000_3920_000,1557963219797630 +7855150647548977812_3900_000_3920_000,1557963221297729 +7855150647548977812_3900_000_3920_000,1557963228797686 +7855150647548977812_3900_000_3920_000,1557963232797406 +7855150647548977812_3900_000_3920_000,1557963230297234 +7855150647548977812_3900_000_3920_000,1557963230797164 +7855150647548977812_3900_000_3920_000,1557963232297399 +7855150647548977812_3900_000_3920_000,1557963221797707 +7855150647548977812_3900_000_3920_000,1557963231797409 +7855150647548977812_3900_000_3920_000,1557963220297852 +7855150647548977812_3900_000_3920_000,1557963233297506 +7855150647548977812_3900_000_3920_000,1557963218797413 +7855150647548977812_3900_000_3920_000,1557963231297227 +7855150647548977812_3900_000_3920_000,1557963229297664 +7855150647548977812_3900_000_3920_000,1557963220797815 +7855150647548977812_3900_000_3920_000,1557963223297048 +6228701001600487900_720_000_740_000,1557196124797396 +6228701001600487900_720_000_740_000,1557196115797133 +6228701001600487900_720_000_740_000,1557196127297339 +6228701001600487900_720_000_740_000,1557196118797295 +6228701001600487900_720_000_740_000,1557196114797019 +6228701001600487900_720_000_740_000,1557196125297368 +6228701001600487900_720_000_740_000,1557196117797593 +6228701001600487900_720_000_740_000,1557196128297444 +6228701001600487900_720_000_740_000,1557196126797262 +6228701001600487900_720_000_740_000,1557196116297146 +6228701001600487900_720_000_740_000,1557196114297509 +6228701001600487900_720_000_740_000,1557196125797316 +6228701001600487900_720_000_740_000,1557196124297381 +6228701001600487900_720_000_740_000,1557196128797516 +6228701001600487900_720_000_740_000,1557196126297244 +6228701001600487900_720_000_740_000,1557196118297420 +6228701001600487900_720_000_740_000,1557196117297567 +6228701001600487900_720_000_740_000,1557196116797296 +6228701001600487900_720_000_740_000,1557196127797382 +6228701001600487900_720_000_740_000,1557196115297027 +5683383258122801095_1040_000_1060_000,1557363799237684 +5683383258122801095_1040_000_1060_000,1557363798737684 +5683383258122801095_1040_000_1060_000,1557363809737739 +5683383258122801095_1040_000_1060_000,1557363801237681 +5683383258122801095_1040_000_1060_000,1557363808237726 +5683383258122801095_1040_000_1060_000,1557363810237674 +5683383258122801095_1040_000_1060_000,1557363797237694 +5683383258122801095_1040_000_1060_000,1557363808737723 +5683383258122801095_1040_000_1060_000,1557363801737692 +5683383258122801095_1040_000_1060_000,1557363807737730 +5683383258122801095_1040_000_1060_000,1557363797737739 +5683383258122801095_1040_000_1060_000,1557363800737713 +5683383258122801095_1040_000_1060_000,1557363799737724 +5683383258122801095_1040_000_1060_000,1557363811737549 +5683383258122801095_1040_000_1060_000,1557363798237739 +5683383258122801095_1040_000_1060_000,1557363810737600 +5683383258122801095_1040_000_1060_000,1557363807237704 +5683383258122801095_1040_000_1060_000,1557363811237550 +5683383258122801095_1040_000_1060_000,1557363800237778 +5683383258122801095_1040_000_1060_000,1557363809237695 +14631629219048194483_2720_000_2740_000,1558017994972187 +14631629219048194483_2720_000_2740_000,1558017997472318 +14631629219048194483_2720_000_2740_000,1558017985972625 +14631629219048194483_2720_000_2740_000,1558017985472656 +14631629219048194483_2720_000_2740_000,1558017986972355 +14631629219048194483_2720_000_2740_000,1558017998472347 +14631629219048194483_2720_000_2740_000,1558017996472360 +14631629219048194483_2720_000_2740_000,1558017983971974 +14631629219048194483_2720_000_2740_000,1558017987972319 +14631629219048194483_2720_000_2740_000,1558017984472180 +14631629219048194483_2720_000_2740_000,1558017984972436 +14631629219048194483_2720_000_2740_000,1558017995972332 +14631629219048194483_2720_000_2740_000,1558017997972298 +14631629219048194483_2720_000_2740_000,1558017994472307 +14631629219048194483_2720_000_2740_000,1558017995472189 +14631629219048194483_2720_000_2740_000,1558017988472347 +14631629219048194483_2720_000_2740_000,1558017986472464 +14631629219048194483_2720_000_2740_000,1558017987472321 +14631629219048194483_2720_000_2740_000,1558017996972405 +14631629219048194483_2720_000_2740_000,1558017993972404 +2906594041697319079_3040_000_3060_000,1557267072486781 +2906594041697319079_3040_000_3060_000,1557267060487498 +2906594041697319079_3040_000_3060_000,1557267073986709 +2906594041697319079_3040_000_3060_000,1557267070986791 +2906594041697319079_3040_000_3060_000,1557267059987458 +2906594041697319079_3040_000_3060_000,1557267071486876 +2906594041697319079_3040_000_3060_000,1557267062487451 +2906594041697319079_3040_000_3060_000,1557267063987482 +2906594041697319079_3040_000_3060_000,1557267063487438 +2906594041697319079_3040_000_3060_000,1557267071986868 +2906594041697319079_3040_000_3060_000,1557267072986667 +2906594041697319079_3040_000_3060_000,1557267069487459 +2906594041697319079_3040_000_3060_000,1557267073486626 +2906594041697319079_3040_000_3060_000,1557267062987469 +2906594041697319079_3040_000_3060_000,1557267061487517 +2906594041697319079_3040_000_3060_000,1557267061987452 +2906594041697319079_3040_000_3060_000,1557267060987578 +2906594041697319079_3040_000_3060_000,1557267070487093 +2906594041697319079_3040_000_3060_000,1557267069987397 +2906594041697319079_3040_000_3060_000,1557267059487462 +2383902674438058857_4420_000_4440_000,1567796626524800 +2383902674438058857_4420_000_4440_000,1567796634024717 +2383902674438058857_4420_000_4440_000,1567796623525141 +2383902674438058857_4420_000_4440_000,1567796634524720 +2383902674438058857_4420_000_4440_000,1567796637024790 +2383902674438058857_4420_000_4440_000,1567796633524726 +2383902674438058857_4420_000_4440_000,1567796623025071 +2383902674438058857_4420_000_4440_000,1567796624525076 +2383902674438058857_4420_000_4440_000,1567796627024804 +2383902674438058857_4420_000_4440_000,1567796627524846 +2383902674438058857_4420_000_4440_000,1567796635024610 +2383902674438058857_4420_000_4440_000,1567796624025081 +2383902674438058857_4420_000_4440_000,1567796625524889 +2383902674438058857_4420_000_4440_000,1567796635524621 +2383902674438058857_4420_000_4440_000,1567796626024858 +2383902674438058857_4420_000_4440_000,1567796636024637 +2383902674438058857_4420_000_4440_000,1567796625024984 +2383902674438058857_4420_000_4440_000,1567796633024733 +2383902674438058857_4420_000_4440_000,1567796637524761 +2383902674438058857_4420_000_4440_000,1567796636524720 +6862795755554967162_2280_000_2300_000,1558152098797641 +6862795755554967162_2280_000_2300_000,1558152096797728 +6862795755554967162_2280_000_2300_000,1558152098297483 +6862795755554967162_2280_000_2300_000,1558152086297472 +6862795755554967162_2280_000_2300_000,1558152088297543 +6862795755554967162_2280_000_2300_000,1558152090297619 +6862795755554967162_2280_000_2300_000,1558152088797546 +6862795755554967162_2280_000_2300_000,1558152096297876 +6862795755554967162_2280_000_2300_000,1558152087797448 +6862795755554967162_2280_000_2300_000,1558152100297819 +6862795755554967162_2280_000_2300_000,1558152089297513 +6862795755554967162_2280_000_2300_000,1558152086797503 +6862795755554967162_2280_000_2300_000,1558152097297600 +6862795755554967162_2280_000_2300_000,1558152099297843 +6862795755554967162_2280_000_2300_000,1558152089797536 +6862795755554967162_2280_000_2300_000,1558152090797668 +6862795755554967162_2280_000_2300_000,1558152099797835 +6862795755554967162_2280_000_2300_000,1558152100797780 +6862795755554967162_2280_000_2300_000,1558152097797483 +6862795755554967162_2280_000_2300_000,1558152087297497 +8085856200343017603_4120_000_4140_000,1557963441810800 +8085856200343017603_4120_000_4140_000,1557963452811392 +8085856200343017603_4120_000_4140_000,1557963442310429 +8085856200343017603_4120_000_4140_000,1557963448811394 +8085856200343017603_4120_000_4140_000,1557963440312587 +8085856200343017603_4120_000_4140_000,1557963452311343 +8085856200343017603_4120_000_4140_000,1557963438812840 +8085856200343017603_4120_000_4140_000,1557963449311428 +8085856200343017603_4120_000_4140_000,1557963450311446 +8085856200343017603_4120_000_4140_000,1557963450811460 +8085856200343017603_4120_000_4140_000,1557963451311480 +8085856200343017603_4120_000_4140_000,1557963441311391 +8085856200343017603_4120_000_4140_000,1557963439312755 +8085856200343017603_4120_000_4140_000,1557963442810720 +8085856200343017603_4120_000_4140_000,1557963453311401 +8085856200343017603_4120_000_4140_000,1557963449811379 +8085856200343017603_4120_000_4140_000,1557963439812771 +8085856200343017603_4120_000_4140_000,1557963443310973 +8085856200343017603_4120_000_4140_000,1557963451811373 +8085856200343017603_4120_000_4140_000,1557963440812062 +15370024704033662533_1240_000_1260_000,1558016507522714 +15370024704033662533_1240_000_1260_000,1558016504022513 +15370024704033662533_1240_000_1260_000,1558016508023021 +15370024704033662533_1240_000_1260_000,1558016516522659 +15370024704033662533_1240_000_1260_000,1558016518522508 +15370024704033662533_1240_000_1260_000,1558016506522488 +15370024704033662533_1240_000_1260_000,1558016516022182 +15370024704033662533_1240_000_1260_000,1558016518022743 +15370024704033662533_1240_000_1260_000,1558016517022970 +15370024704033662533_1240_000_1260_000,1558016514522028 +15370024704033662533_1240_000_1260_000,1558016507022487 +15370024704033662533_1240_000_1260_000,1558016505022580 +15370024704033662533_1240_000_1260_000,1558016517522896 +15370024704033662533_1240_000_1260_000,1558016506022489 +15370024704033662533_1240_000_1260_000,1558016504522546 +15370024704033662533_1240_000_1260_000,1558016514022344 +15370024704033662533_1240_000_1260_000,1558016505522521 +15370024704033662533_1240_000_1260_000,1558016515022010 +15370024704033662533_1240_000_1260_000,1558016515522158 +15370024704033662533_1240_000_1260_000,1558016508523056 +13887882285811432765_740_000_760_000,1557427670612416 +13887882285811432765_740_000_760_000,1557427657104220 +13887882285811432765_740_000_760_000,1557427656098234 +13887882285811432765_740_000_760_000,1557427670112488 +13887882285811432765_740_000_760_000,1557427657607241 +13887882285811432765_740_000_760_000,1557427659611359 +13887882285811432765_740_000_760_000,1557427668112690 +13887882285811432765_740_000_760_000,1557427669112938 +13887882285811432765_740_000_760_000,1557427668612977 +13887882285811432765_740_000_760_000,1557427667112287 +13887882285811432765_740_000_760_000,1557427667612500 +13887882285811432765_740_000_760_000,1557427660611691 +13887882285811432765_740_000_760_000,1557427658610018 +13887882285811432765_740_000_760_000,1557427660111611 +13887882285811432765_740_000_760_000,1557427658109105 +13887882285811432765_740_000_760_000,1557427656601007 +13887882285811432765_740_000_760_000,1557427659110867 +13887882285811432765_740_000_760_000,1557427666112373 +13887882285811432765_740_000_760_000,1557427666612282 +13887882285811432765_740_000_760_000,1557427669612708 +7886090431228432618_1060_000_1080_000,1557427978090024 +7886090431228432618_1060_000_1080_000,1557427986587357 +7886090431228432618_1060_000_1080_000,1557427979089033 +7886090431228432618_1060_000_1080_000,1557427980587825 +7886090431228432618_1060_000_1080_000,1557427988586899 +7886090431228432618_1060_000_1080_000,1557427989086904 +7886090431228432618_1060_000_1080_000,1557427977091041 +7886090431228432618_1060_000_1080_000,1557427976591045 +7886090431228432618_1060_000_1080_000,1557427987587267 +7886090431228432618_1060_000_1080_000,1557427980088231 +7886090431228432618_1060_000_1080_000,1557427987087350 +7886090431228432618_1060_000_1080_000,1557427990587971 +7886090431228432618_1060_000_1080_000,1557427978589494 +7886090431228432618_1060_000_1080_000,1557427979588581 +7886090431228432618_1060_000_1080_000,1557427977590623 +7886090431228432618_1060_000_1080_000,1557427990087424 +7886090431228432618_1060_000_1080_000,1557427988087048 +7886090431228432618_1060_000_1080_000,1557427989587118 +7886090431228432618_1060_000_1080_000,1557427986087349 +7886090431228432618_1060_000_1080_000,1557427976090905 +11096867396355523348_1460_000_1480_000,1557240385647315 +11096867396355523348_1460_000_1480_000,1557240376147639 +11096867396355523348_1460_000_1480_000,1557240383646953 +11096867396355523348_1460_000_1480_000,1557240373147399 +11096867396355523348_1460_000_1480_000,1557240385147284 +11096867396355523348_1460_000_1480_000,1557240383147053 +11096867396355523348_1460_000_1480_000,1557240375647537 +11096867396355523348_1460_000_1480_000,1557240376647555 +11096867396355523348_1460_000_1480_000,1557240382647278 +11096867396355523348_1460_000_1480_000,1557240374147381 +11096867396355523348_1460_000_1480_000,1557240373647402 +11096867396355523348_1460_000_1480_000,1557240382147351 +11096867396355523348_1460_000_1480_000,1557240375147338 +11096867396355523348_1460_000_1480_000,1557240386147261 +11096867396355523348_1460_000_1480_000,1557240384647073 +11096867396355523348_1460_000_1480_000,1557240372647451 +11096867396355523348_1460_000_1480_000,1557240384146914 +11096867396355523348_1460_000_1480_000,1557240386647265 +11096867396355523348_1460_000_1480_000,1557240374647330 +11096867396355523348_1460_000_1480_000,1557240372147515 +5993415832220804439_1020_000_1040_000,1557427938162330 +5993415832220804439_1020_000_1040_000,1557427940162319 +5993415832220804439_1020_000_1040_000,1557427937662244 +5993415832220804439_1020_000_1040_000,1557427946662314 +5993415832220804439_1020_000_1040_000,1557427946162333 +5993415832220804439_1020_000_1040_000,1557427938662319 +5993415832220804439_1020_000_1040_000,1557427948162669 +5993415832220804439_1020_000_1040_000,1557427947162431 +5993415832220804439_1020_000_1040_000,1557427947662672 +5993415832220804439_1020_000_1040_000,1557427949662420 +5993415832220804439_1020_000_1040_000,1557427950162677 +5993415832220804439_1020_000_1040_000,1557427948662689 +5993415832220804439_1020_000_1040_000,1557427950662930 +5993415832220804439_1020_000_1040_000,1557427940662334 +5993415832220804439_1020_000_1040_000,1557427939662313 +5993415832220804439_1020_000_1040_000,1557427936661931 +5993415832220804439_1020_000_1040_000,1557427936161893 +5993415832220804439_1020_000_1040_000,1557427939162305 +5993415832220804439_1020_000_1040_000,1557427937162046 +5993415832220804439_1020_000_1040_000,1557427949162510 +684234579698396203_2540_000_2560_000,1557546221272675 +684234579698396203_2540_000_2560_000,1557546223272676 +684234579698396203_2540_000_2560_000,1557546229272374 +684234579698396203_2540_000_2560_000,1557546232272632 +684234579698396203_2540_000_2560_000,1557546222772668 +684234579698396203_2540_000_2560_000,1557546233775554 +684234579698396203_2540_000_2560_000,1557546230272562 +684234579698396203_2540_000_2560_000,1557546219772629 +684234579698396203_2540_000_2560_000,1557546231272784 +684234579698396203_2540_000_2560_000,1557546221772604 +684234579698396203_2540_000_2560_000,1557546229772445 +684234579698396203_2540_000_2560_000,1557546233273525 +684234579698396203_2540_000_2560_000,1557546220772768 +684234579698396203_2540_000_2560_000,1557546230772716 +684234579698396203_2540_000_2560_000,1557546223772715 +684234579698396203_2540_000_2560_000,1557546231772736 +684234579698396203_2540_000_2560_000,1557546232772749 +684234579698396203_2540_000_2560_000,1557546222272631 +684234579698396203_2540_000_2560_000,1557546220272744 +684234579698396203_2540_000_2560_000,1557546219272563 +16367045247642649300_3060_000_3080_000,1557267091988308 +16367045247642649300_3060_000_3080_000,1557267090487889 +16367045247642649300_3060_000_3080_000,1557267089487659 +16367045247642649300_3060_000_3080_000,1557267093487520 +16367045247642649300_3060_000_3080_000,1557267093987555 +16367045247642649300_3060_000_3080_000,1557267082986958 +16367045247642649300_3060_000_3080_000,1557267080987657 +16367045247642649300_3060_000_3080_000,1557267083987136 +16367045247642649300_3060_000_3080_000,1557267082487269 +16367045247642649300_3060_000_3080_000,1557267080487535 +16367045247642649300_3060_000_3080_000,1557267081987538 +16367045247642649300_3060_000_3080_000,1557267083486940 +16367045247642649300_3060_000_3080_000,1557267079987387 +16367045247642649300_3060_000_3080_000,1557267079487248 +16367045247642649300_3060_000_3080_000,1557267089987808 +16367045247642649300_3060_000_3080_000,1557267092987360 +16367045247642649300_3060_000_3080_000,1557267092487706 +16367045247642649300_3060_000_3080_000,1557267090987837 +16367045247642649300_3060_000_3080_000,1557267081487585 +16367045247642649300_3060_000_3080_000,1557267091488223 +10940141908690367388_4420_000_4440_000,1557325501087726 +10940141908690367388_4420_000_4440_000,1557325493087410 +10940141908690367388_4420_000_4440_000,1557325490587432 +10940141908690367388_4420_000_4440_000,1557325503087783 +10940141908690367388_4420_000_4440_000,1557325501587681 +10940141908690367388_4420_000_4440_000,1557325492087435 +10940141908690367388_4420_000_4440_000,1557325503587721 +10940141908690367388_4420_000_4440_000,1557325491587341 +10940141908690367388_4420_000_4440_000,1557325489587388 +10940141908690367388_4420_000_4440_000,1557325489087347 +10940141908690367388_4420_000_4440_000,1557325490087423 +10940141908690367388_4420_000_4440_000,1557325499587637 +10940141908690367388_4420_000_4440_000,1557325491087364 +10940141908690367388_4420_000_4440_000,1557325493587440 +10940141908690367388_4420_000_4440_000,1557325502087695 +10940141908690367388_4420_000_4440_000,1557325500087574 +10940141908690367388_4420_000_4440_000,1557325502587743 +10940141908690367388_4420_000_4440_000,1557325492587377 +10940141908690367388_4420_000_4440_000,1557325500587663 +10940141908690367388_4420_000_4440_000,1557325499087629 +15865907199900332614_760_000_780_000,1559313080537412 +15865907199900332614_760_000_780_000,1559313078037376 +15865907199900332614_760_000_780_000,1559313080037454 +15865907199900332614_760_000_780_000,1559313079537512 +15865907199900332614_760_000_780_000,1559313078537459 +15865907199900332614_760_000_780_000,1559313089537338 +15865907199900332614_760_000_780_000,1559313077537461 +15865907199900332614_760_000_780_000,1559313091537372 +15865907199900332614_760_000_780_000,1559313081037481 +15865907199900332614_760_000_780_000,1559313087537628 +15865907199900332614_760_000_780_000,1559313077037424 +15865907199900332614_760_000_780_000,1559313079037502 +15865907199900332614_760_000_780_000,1559313090537600 +15865907199900332614_760_000_780_000,1559313089037261 +15865907199900332614_760_000_780_000,1559313088037246 +15865907199900332614_760_000_780_000,1559313091037429 +15865907199900332614_760_000_780_000,1559313087037841 +15865907199900332614_760_000_780_000,1559313081537390 +15865907199900332614_760_000_780_000,1559313090037603 +15865907199900332614_760_000_780_000,1559313088537022 +16418654553014119039_4340_000_4360_000,1557548032247842 +16418654553014119039_4340_000_4360_000,1557548021247344 +16418654553014119039_4340_000_4360_000,1557548020747349 +16418654553014119039_4340_000_4360_000,1557548019247610 +16418654553014119039_4340_000_4360_000,1557548019747557 +16418654553014119039_4340_000_4360_000,1557548022747669 +16418654553014119039_4340_000_4360_000,1557548032748077 +16418654553014119039_4340_000_4360_000,1557548022247554 +16418654553014119039_4340_000_4360_000,1557548020247425 +16418654553014119039_4340_000_4360_000,1557548031247283 +16418654553014119039_4340_000_4360_000,1557548031747513 +16418654553014119039_4340_000_4360_000,1557548021747406 +16418654553014119039_4340_000_4360_000,1557548023747615 +16418654553014119039_4340_000_4360_000,1557548029247116 +16418654553014119039_4340_000_4360_000,1557548030247196 +16418654553014119039_4340_000_4360_000,1557548030747259 +16418654553014119039_4340_000_4360_000,1557548023247650 +16418654553014119039_4340_000_4360_000,1557548029747131 +16418654553014119039_4340_000_4360_000,1557548033248036 +16418654553014119039_4340_000_4360_000,1557548033747756 +2795127582672852315_4140_000_4160_000,1557963462811402 +2795127582672852315_4140_000_4160_000,1557963459811328 +2795127582672852315_4140_000_4160_000,1557963461311393 +2795127582672852315_4140_000_4160_000,1557963468811200 +2795127582672852315_4140_000_4160_000,1557963460311323 +2795127582672852315_4140_000_4160_000,1557963472811254 +2795127582672852315_4140_000_4160_000,1557963459311361 +2795127582672852315_4140_000_4160_000,1557963472311331 +2795127582672852315_4140_000_4160_000,1557963469811253 +2795127582672852315_4140_000_4160_000,1557963473311173 +2795127582672852315_4140_000_4160_000,1557963458811300 +2795127582672852315_4140_000_4160_000,1557963461811317 +2795127582672852315_4140_000_4160_000,1557963460811362 +2795127582672852315_4140_000_4160_000,1557963471811333 +2795127582672852315_4140_000_4160_000,1557963462311357 +2795127582672852315_4140_000_4160_000,1557963463311436 +2795127582672852315_4140_000_4160_000,1557963469311205 +2795127582672852315_4140_000_4160_000,1557963470811412 +2795127582672852315_4140_000_4160_000,1557963471311372 +2795127582672852315_4140_000_4160_000,1557963470311335 +10084636266401282188_1120_000_1140_000,1558407846397548 +10084636266401282188_1120_000_1140_000,1558407843897545 +10084636266401282188_1120_000_1140_000,1558407844397659 +10084636266401282188_1120_000_1140_000,1558407855397331 +10084636266401282188_1120_000_1140_000,1558407854397201 +10084636266401282188_1120_000_1140_000,1558407856897229 +10084636266401282188_1120_000_1140_000,1558407843397428 +10084636266401282188_1120_000_1140_000,1558407857397306 +10084636266401282188_1120_000_1140_000,1558407845897532 +10084636266401282188_1120_000_1140_000,1558407846897582 +10084636266401282188_1120_000_1140_000,1558407855897228 +10084636266401282188_1120_000_1140_000,1558407852897242 +10084636266401282188_1120_000_1140_000,1558407845397550 +10084636266401282188_1120_000_1140_000,1558407856397205 +10084636266401282188_1120_000_1140_000,1558407853897063 +10084636266401282188_1120_000_1140_000,1558407844897621 +10084636266401282188_1120_000_1140_000,1558407847397707 +10084636266401282188_1120_000_1140_000,1558407854897351 +10084636266401282188_1120_000_1140_000,1558407853397165 +10084636266401282188_1120_000_1140_000,1558407842897345 +2709541197299883157_1140_000_1160_000,1558407875897558 +2709541197299883157_1140_000_1160_000,1558407877397532 +2709541197299883157_1140_000_1160_000,1558407873397482 +2709541197299883157_1140_000_1160_000,1558407866897397 +2709541197299883157_1140_000_1160_000,1558407865397535 +2709541197299883157_1140_000_1160_000,1558407862897305 +2709541197299883157_1140_000_1160_000,1558407865897598 +2709541197299883157_1140_000_1160_000,1558407867397220 +2709541197299883157_1140_000_1160_000,1558407866397538 +2709541197299883157_1140_000_1160_000,1558407874397414 +2709541197299883157_1140_000_1160_000,1558407876897664 +2709541197299883157_1140_000_1160_000,1558407876397661 +2709541197299883157_1140_000_1160_000,1558407874897399 +2709541197299883157_1140_000_1160_000,1558407864897431 +2709541197299883157_1140_000_1160_000,1558407863397357 +2709541197299883157_1140_000_1160_000,1558407863897366 +2709541197299883157_1140_000_1160_000,1558407873897410 +2709541197299883157_1140_000_1160_000,1558407872897442 +2709541197299883157_1140_000_1160_000,1558407875397469 +2709541197299883157_1140_000_1160_000,1558407864397400 +13849332693800388551_960_000_980_000,1557264991038089 +13849332693800388551_960_000_980_000,1557264981037854 +13849332693800388551_960_000_980_000,1557264980537799 +13849332693800388551_960_000_980_000,1557264990038023 +13849332693800388551_960_000_980_000,1557264981537583 +13849332693800388551_960_000_980_000,1557264990537919 +13849332693800388551_960_000_980_000,1557264989537908 +13849332693800388551_960_000_980_000,1557264993538114 +13849332693800388551_960_000_980_000,1557264992037794 +13849332693800388551_960_000_980_000,1557264982537109 +13849332693800388551_960_000_980_000,1557264991537831 +13849332693800388551_960_000_980_000,1557264983537470 +13849332693800388551_960_000_980_000,1557264984037733 +13849332693800388551_960_000_980_000,1557264980037600 +13849332693800388551_960_000_980_000,1557264979537445 +13849332693800388551_960_000_980_000,1557264983037216 +13849332693800388551_960_000_980_000,1557264992537947 +13849332693800388551_960_000_980_000,1557264993038041 +13849332693800388551_960_000_980_000,1557264994038073 +13849332693800388551_960_000_980_000,1557264982037313 +10649066155322078676_1660_000_1680_000,1557240584087768 +10649066155322078676_1660_000_1680_000,1557240585587367 +10649066155322078676_1660_000_1680_000,1557240573663029 +10649066155322078676_1660_000_1680_000,1557240584587589 +10649066155322078676_1660_000_1680_000,1557240586087486 +10649066155322078676_1660_000_1680_000,1557240585087446 +10649066155322078676_1660_000_1680_000,1557240575671293 +10649066155322078676_1660_000_1680_000,1557240576677868 +10649066155322078676_1660_000_1680_000,1557240576174505 +10649066155322078676_1660_000_1680_000,1557240582087726 +10649066155322078676_1660_000_1680_000,1557240574666010 +10649066155322078676_1660_000_1680_000,1557240572662201 +10649066155322078676_1660_000_1680_000,1557240572162174 +10649066155322078676_1660_000_1680_000,1557240583587849 +10649066155322078676_1660_000_1680_000,1557240573162360 +10649066155322078676_1660_000_1680_000,1557240582587734 +10649066155322078676_1660_000_1680_000,1557240586587594 +10649066155322078676_1660_000_1680_000,1557240574164269 +10649066155322078676_1660_000_1680_000,1557240575168313 +10649066155322078676_1660_000_1680_000,1557240583087847 +14386836877680112549_4460_000_4480_000,1559179974137579 +14386836877680112549_4460_000_4480_000,1559179965637497 +14386836877680112549_4460_000_4480_000,1559179975137452 +14386836877680112549_4460_000_4480_000,1559179965137491 +14386836877680112549_4460_000_4480_000,1559179967137475 +14386836877680112549_4460_000_4480_000,1559179968137424 +14386836877680112549_4460_000_4480_000,1559179968637431 +14386836877680112549_4460_000_4480_000,1559179977137567 +14386836877680112549_4460_000_4480_000,1559179977637531 +14386836877680112549_4460_000_4480_000,1559179974637544 +14386836877680112549_4460_000_4480_000,1559179975637343 +14386836877680112549_4460_000_4480_000,1559179966637434 +14386836877680112549_4460_000_4480_000,1559179964137409 +14386836877680112549_4460_000_4480_000,1559179967637439 +14386836877680112549_4460_000_4480_000,1559179976637532 +14386836877680112549_4460_000_4480_000,1559179978137338 +14386836877680112549_4460_000_4480_000,1559179978637228 +14386836877680112549_4460_000_4480_000,1559179964637420 +14386836877680112549_4460_000_4480_000,1559179966137487 +14386836877680112549_4460_000_4480_000,1559179976137422 +1703056599550681101_4380_000_4400_000,1557548063747285 +1703056599550681101_4380_000_4400_000,1557548069747442 +1703056599550681101_4380_000_4400_000,1557548060747134 +1703056599550681101_4380_000_4400_000,1557548059247135 +1703056599550681101_4380_000_4400_000,1557548062747196 +1703056599550681101_4380_000_4400_000,1557548061747138 +1703056599550681101_4380_000_4400_000,1557548059747103 +1703056599550681101_4380_000_4400_000,1557548071747485 +1703056599550681101_4380_000_4400_000,1557548062247198 +1703056599550681101_4380_000_4400_000,1557548071247487 +1703056599550681101_4380_000_4400_000,1557548070747406 +1703056599550681101_4380_000_4400_000,1557548073247485 +1703056599550681101_4380_000_4400_000,1557548072747519 +1703056599550681101_4380_000_4400_000,1557548061247054 +1703056599550681101_4380_000_4400_000,1557548070247363 +1703056599550681101_4380_000_4400_000,1557548063247235 +1703056599550681101_4380_000_4400_000,1557548060247093 +1703056599550681101_4380_000_4400_000,1557548072247479 +1703056599550681101_4380_000_4400_000,1557548069247567 +1703056599550681101_4380_000_4400_000,1557548073747477 +9806821842001738961_4460_000_4480_000,1557548152749185 +9806821842001738961_4460_000_4480_000,1557548152249507 +9806821842001738961_4460_000_4480_000,1557548139248527 +9806821842001738961_4460_000_4480_000,1557548139748613 +9806821842001738961_4460_000_4480_000,1557548149748710 +9806821842001738961_4460_000_4480_000,1557548143745069 +9806821842001738961_4460_000_4480_000,1557548141247955 +9806821842001738961_4460_000_4480_000,1557548150749859 +9806821842001738961_4460_000_4480_000,1557548153248836 +9806821842001738961_4460_000_4480_000,1557548142746485 +9806821842001738961_4460_000_4480_000,1557548151749796 +9806821842001738961_4460_000_4480_000,1557548140248466 +9806821842001738961_4460_000_4480_000,1557548143245860 +9806821842001738961_4460_000_4480_000,1557548141747585 +9806821842001738961_4460_000_4480_000,1557548149247731 +9806821842001738961_4460_000_4480_000,1557548153748607 +9806821842001738961_4460_000_4480_000,1557548142247085 +9806821842001738961_4460_000_4480_000,1557548150249485 +9806821842001738961_4460_000_4480_000,1557548151249946 +9806821842001738961_4460_000_4480_000,1557548140748234 +4008112367880337022_3680_000_3700_000,1569854705325111 +4008112367880337022_3680_000_3700_000,1569854713325049 +4008112367880337022_3680_000_3700_000,1569854717325186 +4008112367880337022_3680_000_3700_000,1569854717825065 +4008112367880337022_3680_000_3700_000,1569854716325211 +4008112367880337022_3680_000_3700_000,1569854716825240 +4008112367880337022_3680_000_3700_000,1569854714325134 +4008112367880337022_3680_000_3700_000,1569854706825153 +4008112367880337022_3680_000_3700_000,1569854704325165 +4008112367880337022_3680_000_3700_000,1569854714825260 +4008112367880337022_3680_000_3700_000,1569854706325106 +4008112367880337022_3680_000_3700_000,1569854705825068 +4008112367880337022_3680_000_3700_000,1569854704825168 +4008112367880337022_3680_000_3700_000,1569854707325043 +4008112367880337022_3680_000_3700_000,1569854707824970 +4008112367880337022_3680_000_3700_000,1569854715325243 +4008112367880337022_3680_000_3700_000,1569854715825244 +4008112367880337022_3680_000_3700_000,1569854703825152 +4008112367880337022_3680_000_3700_000,1569854713825019 +4008112367880337022_3680_000_3700_000,1569854703325067 +3275806206237593341_1260_000_1280_000,1557544942819254 +3275806206237593341_1260_000_1280_000,1557544950297870 +3275806206237593341_1260_000_1280_000,1557544951297442 +3275806206237593341_1260_000_1280_000,1557544951797369 +3275806206237593341_1260_000_1280_000,1557544950797707 +3275806206237593341_1260_000_1280_000,1557544952297300 +3275806206237593341_1260_000_1280_000,1557544949299141 +3275806206237593341_1260_000_1280_000,1557544940320359 +3275806206237593341_1260_000_1280_000,1557544940820248 +3275806206237593341_1260_000_1280_000,1557544942319553 +3275806206237593341_1260_000_1280_000,1557544941320001 +3275806206237593341_1260_000_1280_000,1557544949798358 +3275806206237593341_1260_000_1280_000,1557544939320505 +3275806206237593341_1260_000_1280_000,1557544953797222 +3275806206237593341_1260_000_1280_000,1557544953297262 +3275806206237593341_1260_000_1280_000,1557544943318943 +3275806206237593341_1260_000_1280_000,1557544941819785 +3275806206237593341_1260_000_1280_000,1557544943818501 +3275806206237593341_1260_000_1280_000,1557544939820502 +3275806206237593341_1260_000_1280_000,1557544952797231 +16942495693882305487_4340_000_4360_000,1559179844137784 +16942495693882305487_4340_000_4360_000,1559179844637716 +16942495693882305487_4340_000_4360_000,1559179846637950 +16942495693882305487_4340_000_4360_000,1559179855137769 +16942495693882305487_4340_000_4360_000,1559179854137701 +16942495693882305487_4340_000_4360_000,1559179846137883 +16942495693882305487_4340_000_4360_000,1559179845637785 +16942495693882305487_4340_000_4360_000,1559179857137780 +16942495693882305487_4340_000_4360_000,1559179848137768 +16942495693882305487_4340_000_4360_000,1559179847637805 +16942495693882305487_4340_000_4360_000,1559179848637749 +16942495693882305487_4340_000_4360_000,1559179855637782 +16942495693882305487_4340_000_4360_000,1559179845137739 +16942495693882305487_4340_000_4360_000,1559179858137740 +16942495693882305487_4340_000_4360_000,1559179856637781 +16942495693882305487_4340_000_4360_000,1559179854637737 +16942495693882305487_4340_000_4360_000,1559179857637814 +16942495693882305487_4340_000_4360_000,1559179856137797 +16942495693882305487_4340_000_4360_000,1559179858637797 +16942495693882305487_4340_000_4360_000,1559179847137875 +5764319372514665214_2480_000_2500_000,1558034992472993 +5764319372514665214_2480_000_2500_000,1558034983472954 +5764319372514665214_2480_000_2500_000,1558034982972924 +5764319372514665214_2480_000_2500_000,1558034989972975 +5764319372514665214_2480_000_2500_000,1558034981473075 +5764319372514665214_2480_000_2500_000,1558034990472969 +5764319372514665214_2480_000_2500_000,1558034984472951 +5764319372514665214_2480_000_2500_000,1558034991472965 +5764319372514665214_2480_000_2500_000,1558034980973024 +5764319372514665214_2480_000_2500_000,1558034979972956 +5764319372514665214_2480_000_2500_000,1558034981973026 +5764319372514665214_2480_000_2500_000,1558034991973002 +5764319372514665214_2480_000_2500_000,1558034990972960 +5764319372514665214_2480_000_2500_000,1558034993973011 +5764319372514665214_2480_000_2500_000,1558034982472951 +5764319372514665214_2480_000_2500_000,1558034983972951 +5764319372514665214_2480_000_2500_000,1558034993473006 +5764319372514665214_2480_000_2500_000,1558034980472954 +5764319372514665214_2480_000_2500_000,1558034994473066 +5764319372514665214_2480_000_2500_000,1558034992972995 +3485136235103477552_600_000_620_000,1559312920037900 +3485136235103477552_600_000_620_000,1559312918536992 +3485136235103477552_600_000_620_000,1559312929037490 +3485136235103477552_600_000_620_000,1559312931537400 +3485136235103477552_600_000_620_000,1559312921537438 +3485136235103477552_600_000_620_000,1559312917537421 +3485136235103477552_600_000_620_000,1559312927536888 +3485136235103477552_600_000_620_000,1559312921037521 +3485136235103477552_600_000_620_000,1559312919537665 +3485136235103477552_600_000_620_000,1559312928037154 +3485136235103477552_600_000_620_000,1559312930537328 +3485136235103477552_600_000_620_000,1559312917037757 +3485136235103477552_600_000_620_000,1559312930037396 +3485136235103477552_600_000_620_000,1559312918037188 +3485136235103477552_600_000_620_000,1559312929537548 +3485136235103477552_600_000_620_000,1559312927037001 +3485136235103477552_600_000_620_000,1559312928537375 +3485136235103477552_600_000_620_000,1559312931037329 +3485136235103477552_600_000_620_000,1559312919037170 +3485136235103477552_600_000_620_000,1559312920537711 +13732041959462600641_720_000_740_000,1558742853976814 +13732041959462600641_720_000_740_000,1558742855976028 +13732041959462600641_720_000_740_000,1558742843475326 +13732041959462600641_720_000_740_000,1558742854976703 +13732041959462600641_720_000_740_000,1558742843975547 +13732041959462600641_720_000_740_000,1558742846475978 +13732041959462600641_720_000_740_000,1558742844975697 +13732041959462600641_720_000_740_000,1558742856975912 +13732041959462600641_720_000_740_000,1558742855476179 +13732041959462600641_720_000_740_000,1558742842975141 +13732041959462600641_720_000_740_000,1558742847476056 +13732041959462600641_720_000_740_000,1558742857475609 +13732041959462600641_720_000_740_000,1558742844475636 +13732041959462600641_720_000_740_000,1558742845475848 +13732041959462600641_720_000_740_000,1558742845975911 +13732041959462600641_720_000_740_000,1558742846976015 +13732041959462600641_720_000_740_000,1558742854477097 +13732041959462600641_720_000_740_000,1558742852976440 +13732041959462600641_720_000_740_000,1558742853476695 +13732041959462600641_720_000_740_000,1558742856476018 +8684065200957554260_2700_000_2720_000,1566246362851376 +8684065200957554260_2700_000_2720_000,1566246374351315 +8684065200957554260_2700_000_2720_000,1566246373851362 +8684065200957554260_2700_000_2720_000,1566246372351287 +8684065200957554260_2700_000_2720_000,1566246363351451 +8684065200957554260_2700_000_2720_000,1566246362351295 +8684065200957554260_2700_000_2720_000,1566246363851429 +8684065200957554260_2700_000_2720_000,1566246366351318 +8684065200957554260_2700_000_2720_000,1566246375351264 +8684065200957554260_2700_000_2720_000,1566246373351328 +8684065200957554260_2700_000_2720_000,1566246376351894 +8684065200957554260_2700_000_2720_000,1566246376852628 +8684065200957554260_2700_000_2720_000,1566246364851337 +8684065200957554260_2700_000_2720_000,1566246375851419 +8684065200957554260_2700_000_2720_000,1566246365351325 +8684065200957554260_2700_000_2720_000,1566246366851318 +8684065200957554260_2700_000_2720_000,1566246365851320 +8684065200957554260_2700_000_2720_000,1566246364351329 +8684065200957554260_2700_000_2720_000,1566246372851306 +8684065200957554260_2700_000_2720_000,1566246374851263 +10410418118434245359_5140_000_5160_000,1557326223047734 +10410418118434245359_5140_000_5160_000,1557326221547648 +10410418118434245359_5140_000_5160_000,1557326223547764 +10410418118434245359_5140_000_5160_000,1557326209047560 +10410418118434245359_5140_000_5160_000,1557326213047602 +10410418118434245359_5140_000_5160_000,1557326212047572 +10410418118434245359_5140_000_5160_000,1557326221047770 +10410418118434245359_5140_000_5160_000,1557326211047663 +10410418118434245359_5140_000_5160_000,1557326211547653 +10410418118434245359_5140_000_5160_000,1557326220547772 +10410418118434245359_5140_000_5160_000,1557326212547575 +10410418118434245359_5140_000_5160_000,1557326209547585 +10410418118434245359_5140_000_5160_000,1557326210047617 +10410418118434245359_5140_000_5160_000,1557326220047729 +10410418118434245359_5140_000_5160_000,1557326222047648 +10410418118434245359_5140_000_5160_000,1557326222547699 +10410418118434245359_5140_000_5160_000,1557326219047730 +10410418118434245359_5140_000_5160_000,1557326219547770 +10410418118434245359_5140_000_5160_000,1557326210547626 +10410418118434245359_5140_000_5160_000,1557326213547578 +7240042450405902042_580_000_600_000,1559312901037775 +7240042450405902042_580_000_600_000,1559312897037515 +7240042450405902042_580_000_600_000,1559312899537484 +7240042450405902042_580_000_600_000,1559312898537394 +7240042450405902042_580_000_600_000,1559312911537589 +7240042450405902042_580_000_600_000,1559312900037413 +7240042450405902042_580_000_600_000,1559312907037317 +7240042450405902042_580_000_600_000,1559312901538082 +7240042450405902042_580_000_600_000,1559312909537272 +7240042450405902042_580_000_600_000,1559312908537793 +7240042450405902042_580_000_600_000,1559312899037443 +7240042450405902042_580_000_600_000,1559312910036813 +7240042450405902042_580_000_600_000,1559312910537019 +7240042450405902042_580_000_600_000,1559312908037618 +7240042450405902042_580_000_600_000,1559312909037663 +7240042450405902042_580_000_600_000,1559312911037369 +7240042450405902042_580_000_600_000,1559312898037440 +7240042450405902042_580_000_600_000,1559312900537375 +7240042450405902042_580_000_600_000,1559312897537487 +7240042450405902042_580_000_600_000,1559312907537791 +5585555620508986875_720_000_740_000,1559313037538117 +5585555620508986875_720_000_740_000,1559313050537687 +5585555620508986875_720_000_740_000,1559313047537497 +5585555620508986875_720_000_740_000,1559313048037350 +5585555620508986875_720_000_740_000,1559313040037581 +5585555620508986875_720_000_740_000,1559313039037173 +5585555620508986875_720_000_740_000,1559313038037778 +5585555620508986875_720_000_740_000,1559313051537445 +5585555620508986875_720_000_740_000,1559313040537431 +5585555620508986875_720_000_740_000,1559313047037528 +5585555620508986875_720_000_740_000,1559313049537681 +5585555620508986875_720_000_740_000,1559313048537310 +5585555620508986875_720_000_740_000,1559313041537128 +5585555620508986875_720_000_740_000,1559313049037464 +5585555620508986875_720_000_740_000,1559313037038225 +5585555620508986875_720_000_740_000,1559313041037197 +5585555620508986875_720_000_740_000,1559313051037544 +5585555620508986875_720_000_740_000,1559313050037678 +5585555620508986875_720_000_740_000,1559313038537390 +5585555620508986875_720_000_740_000,1559313039537279 +2714318267497393311_480_000_500_000,1558150298237122 +2714318267497393311_480_000_500_000,1558150287237469 +2714318267497393311_480_000_500_000,1558150290237709 +2714318267497393311_480_000_500_000,1558150296737452 +2714318267497393311_480_000_500_000,1558150287737484 +2714318267497393311_480_000_500_000,1558150299237252 +2714318267497393311_480_000_500_000,1558150288237628 +2714318267497393311_480_000_500_000,1558150300237538 +2714318267497393311_480_000_500_000,1558150297737232 +2714318267497393311_480_000_500_000,1558150289737802 +2714318267497393311_480_000_500_000,1558150290737726 +2714318267497393311_480_000_500_000,1558150296237346 +2714318267497393311_480_000_500_000,1558150297237200 +2714318267497393311_480_000_500_000,1558150288737667 +2714318267497393311_480_000_500_000,1558150286237588 +2714318267497393311_480_000_500_000,1558150289237769 +2714318267497393311_480_000_500_000,1558150286737552 +2714318267497393311_480_000_500_000,1558150298737101 +2714318267497393311_480_000_500_000,1558150299737398 +2714318267497393311_480_000_500_000,1558150300737648 +13790309965076620852_6520_000_6540_000,1574126957899706 +13790309965076620852_6520_000_6540_000,1574126959900038 +13790309965076620852_6520_000_6540_000,1574126955399851 +13790309965076620852_6520_000_6540_000,1574126968399982 +13790309965076620852_6520_000_6540_000,1574126965399821 +13790309965076620852_6520_000_6540_000,1574126958399589 +13790309965076620852_6520_000_6540_000,1574126957399943 +13790309965076620852_6520_000_6540_000,1574126967399978 +13790309965076620852_6520_000_6540_000,1574126958899663 +13790309965076620852_6520_000_6540_000,1574126956399869 +13790309965076620852_6520_000_6540_000,1574126966400006 +13790309965076620852_6520_000_6540_000,1574126956899942 +13790309965076620852_6520_000_6540_000,1574126968900008 +13790309965076620852_6520_000_6540_000,1574126966900090 +13790309965076620852_6520_000_6540_000,1574126959399883 +13790309965076620852_6520_000_6540_000,1574126965899849 +13790309965076620852_6520_000_6540_000,1574126967900033 +13790309965076620852_6520_000_6540_000,1574126955899899 +13790309965076620852_6520_000_6540_000,1574126969400087 +13790309965076620852_6520_000_6540_000,1574126969900021 +17387485694427326992_760_000_780_000,1557843958062722 +17387485694427326992_760_000_780_000,1557843968062691 +17387485694427326992_760_000_780_000,1557843968562687 +17387485694427326992_760_000_780_000,1557843959062736 +17387485694427326992_760_000_780_000,1557843967562765 +17387485694427326992_760_000_780_000,1557843956562821 +17387485694427326992_760_000_780_000,1557843955062802 +17387485694427326992_760_000_780_000,1557843965062813 +17387485694427326992_760_000_780_000,1557843969062758 +17387485694427326992_760_000_780_000,1557843969562794 +17387485694427326992_760_000_780_000,1557843966062703 +17387485694427326992_760_000_780_000,1557843967062734 +17387485694427326992_760_000_780_000,1557843965562735 +17387485694427326992_760_000_780_000,1557843959562659 +17387485694427326992_760_000_780_000,1557843957062778 +17387485694427326992_760_000_780_000,1557843957562803 +17387485694427326992_760_000_780_000,1557843966562710 +17387485694427326992_760_000_780_000,1557843956062840 +17387485694427326992_760_000_780_000,1557843958562737 +17387485694427326992_760_000_780_000,1557843955562873 +9350911198443552989_680_000_700_000,1557363451237372 +9350911198443552989_680_000_700_000,1557363441737465 +9350911198443552989_680_000_700_000,1557363449237250 +9350911198443552989_680_000_700_000,1557363439737622 +9350911198443552989_680_000_700_000,1557363438237327 +9350911198443552989_680_000_700_000,1557363440237403 +9350911198443552989_680_000_700_000,1557363441237340 +9350911198443552989_680_000_700_000,1557363447237793 +9350911198443552989_680_000_700_000,1557363451737437 +9350911198443552989_680_000_700_000,1557363449737386 +9350911198443552989_680_000_700_000,1557363437237375 +9350911198443552989_680_000_700_000,1557363437737418 +9350911198443552989_680_000_700_000,1557363440737261 +9350911198443552989_680_000_700_000,1557363448737285 +9350911198443552989_680_000_700_000,1557363439237622 +9350911198443552989_680_000_700_000,1557363447737794 +9350911198443552989_680_000_700_000,1557363438737444 +9350911198443552989_680_000_700_000,1557363450237422 +9350911198443552989_680_000_700_000,1557363450737354 +9350911198443552989_680_000_700_000,1557363448237517 +6174376739759381004_3240_000_3260_000,1557877015199162 +6174376739759381004_3240_000_3260_000,1557877006199178 +6174376739759381004_3240_000_3260_000,1557877004199181 +6174376739759381004_3240_000_3260_000,1557877005699128 +6174376739759381004_3240_000_3260_000,1557877008199313 +6174376739759381004_3240_000_3260_000,1557877016199192 +6174376739759381004_3240_000_3260_000,1557877014699134 +6174376739759381004_3240_000_3260_000,1557877007699341 +6174376739759381004_3240_000_3260_000,1557877017199143 +6174376739759381004_3240_000_3260_000,1557877014199207 +6174376739759381004_3240_000_3260_000,1557877016699133 +6174376739759381004_3240_000_3260_000,1557877004699166 +6174376739759381004_3240_000_3260_000,1557877018699207 +6174376739759381004_3240_000_3260_000,1557877015699193 +6174376739759381004_3240_000_3260_000,1557877008699136 +6174376739759381004_3240_000_3260_000,1557877005199071 +6174376739759381004_3240_000_3260_000,1557877018199234 +6174376739759381004_3240_000_3260_000,1557877007199256 +6174376739759381004_3240_000_3260_000,1557877006699224 +6174376739759381004_3240_000_3260_000,1557877017699172 +12153647356523920032_2560_000_2580_000,1572710128774788 +12153647356523920032_2560_000_2580_000,1572710126774725 +12153647356523920032_2560_000_2580_000,1572710120774792 +12153647356523920032_2560_000_2580_000,1572710129274823 +12153647356523920032_2560_000_2580_000,1572710116774778 +12153647356523920032_2560_000_2580_000,1572710119774754 +12153647356523920032_2560_000_2580_000,1572710117774722 +12153647356523920032_2560_000_2580_000,1572710130274767 +12153647356523920032_2560_000_2580_000,1572710128274786 +12153647356523920032_2560_000_2580_000,1572710120274760 +12153647356523920032_2560_000_2580_000,1572710130774726 +12153647356523920032_2560_000_2580_000,1572710118274683 +12153647356523920032_2560_000_2580_000,1572710127274765 +12153647356523920032_2560_000_2580_000,1572710127774811 +12153647356523920032_2560_000_2580_000,1572710126274748 +12153647356523920032_2560_000_2580_000,1572710118774754 +12153647356523920032_2560_000_2580_000,1572710117274754 +12153647356523920032_2560_000_2580_000,1572710129774796 +12153647356523920032_2560_000_2580_000,1572710119274760 +12153647356523920032_2560_000_2580_000,1572710116274782 +11933765568165455008_2940_000_2960_000,1557198335387209 +11933765568165455008_2940_000_2960_000,1557198338387310 +11933765568165455008_2940_000_2960_000,1557198347387352 +11933765568165455008_2940_000_2960_000,1557198338887301 +11933765568165455008_2940_000_2960_000,1557198348387315 +11933765568165455008_2940_000_2960_000,1557198345387416 +11933765568165455008_2940_000_2960_000,1557198335887178 +11933765568165455008_2940_000_2960_000,1557198344387408 +11933765568165455008_2940_000_2960_000,1557198344887332 +11933765568165455008_2940_000_2960_000,1557198337387225 +11933765568165455008_2940_000_2960_000,1557198345887369 +11933765568165455008_2940_000_2960_000,1557198347887352 +11933765568165455008_2940_000_2960_000,1557198346887349 +11933765568165455008_2940_000_2960_000,1557198336387249 +11933765568165455008_2940_000_2960_000,1557198348887399 +11933765568165455008_2940_000_2960_000,1557198334887218 +11933765568165455008_2940_000_2960_000,1557198334387221 +11933765568165455008_2940_000_2960_000,1557198337887303 +11933765568165455008_2940_000_2960_000,1557198336887239 +11933765568165455008_2940_000_2960_000,1557198346387373 +10161761842905385678_760_000_780_000,1557196157797448 +10161761842905385678_760_000_780_000,1557196158797350 +10161761842905385678_760_000_780_000,1557196168297765 +10161761842905385678_760_000_780_000,1557196155797333 +10161761842905385678_760_000_780_000,1557196167797613 +10161761842905385678_760_000_780_000,1557196166297587 +10161761842905385678_760_000_780_000,1557196156797479 +10161761842905385678_760_000_780_000,1557196167297622 +10161761842905385678_760_000_780_000,1557196154797258 +10161761842905385678_760_000_780_000,1557196154297327 +10161761842905385678_760_000_780_000,1557196165297463 +10161761842905385678_760_000_780_000,1557196165797474 +10161761842905385678_760_000_780_000,1557196156297413 +10161761842905385678_760_000_780_000,1557196164297460 +10161761842905385678_760_000_780_000,1557196158297419 +10161761842905385678_760_000_780_000,1557196168797617 +10161761842905385678_760_000_780_000,1557196166797651 +10161761842905385678_760_000_780_000,1557196155297293 +10161761842905385678_760_000_780_000,1557196164797422 +10161761842905385678_760_000_780_000,1557196157297472 +6922883602463663456_2220_000_2240_000,1558152040772834 +6922883602463663456_2220_000_2240_000,1558152026756411 +6922883602463663456_2220_000_2240_000,1558152028764982 +6922883602463663456_2220_000_2240_000,1558152036772202 +6922883602463663456_2220_000_2240_000,1558152029768625 +6922883602463663456_2220_000_2240_000,1558152037272084 +6922883602463663456_2220_000_2240_000,1558152038772394 +6922883602463663456_2220_000_2240_000,1558152036272158 +6922883602463663456_2220_000_2240_000,1558152030771388 +6922883602463663456_2220_000_2240_000,1558152038272239 +6922883602463663456_2220_000_2240_000,1558152040272803 +6922883602463663456_2220_000_2240_000,1558152030270137 +6922883602463663456_2220_000_2240_000,1558152037772191 +6922883602463663456_2220_000_2240_000,1558152027760810 +6922883602463663456_2220_000_2240_000,1558152027258557 +6922883602463663456_2220_000_2240_000,1558152026254441 +6922883602463663456_2220_000_2240_000,1558152039272550 +6922883602463663456_2220_000_2240_000,1558152039772680 +6922883602463663456_2220_000_2240_000,1558152029266975 +6922883602463663456_2220_000_2240_000,1558152028262942 +3341890853207909601_1020_000_1040_000,1573927803625099 +3341890853207909601_1020_000_1040_000,1573927790125189 +3341890853207909601_1020_000_1040_000,1573927802125062 +3341890853207909601_1020_000_1040_000,1573927801625067 +3341890853207909601_1020_000_1040_000,1573927794625079 +3341890853207909601_1020_000_1040_000,1573927790625242 +3341890853207909601_1020_000_1040_000,1573927792624930 +3341890853207909601_1020_000_1040_000,1573927791125208 +3341890853207909601_1020_000_1040_000,1573927800624954 +3341890853207909601_1020_000_1040_000,1573927804625096 +3341890853207909601_1020_000_1040_000,1573927800124914 +3341890853207909601_1020_000_1040_000,1573927802625074 +3341890853207909601_1020_000_1040_000,1573927792124827 +3341890853207909601_1020_000_1040_000,1573927794125084 +3341890853207909601_1020_000_1040_000,1573927801125097 +3341890853207909601_1020_000_1040_000,1573927793624995 +3341890853207909601_1020_000_1040_000,1573927793124963 +3341890853207909601_1020_000_1040_000,1573927804125097 +3341890853207909601_1020_000_1040_000,1573927803125097 +3341890853207909601_1020_000_1040_000,1573927791625026 +17756183617755834457_1940_000_1960_000,1558017204447293 +17756183617755834457_1940_000_1960_000,1558017214436996 +17756183617755834457_1940_000_1960_000,1558017215429120 +17756183617755834457_1940_000_1960_000,1558017206446333 +17756183617755834457_1940_000_1960_000,1558017207446078 +17756183617755834457_1940_000_1960_000,1558017218421930 +17756183617755834457_1940_000_1960_000,1558017213940930 +17756183617755834457_1940_000_1960_000,1558017217922014 +17756183617755834457_1940_000_1960_000,1558017206945999 +17756183617755834457_1940_000_1960_000,1558017205447104 +17756183617755834457_1940_000_1960_000,1558017214932926 +17756183617755834457_1940_000_1960_000,1558017217422255 +17756183617755834457_1940_000_1960_000,1558017215925793 +17756183617755834457_1940_000_1960_000,1558017208447290 +17756183617755834457_1940_000_1960_000,1558017216423608 +17756183617755834457_1940_000_1960_000,1558017207946577 +17756183617755834457_1940_000_1960_000,1558017216922725 +17756183617755834457_1940_000_1960_000,1558017204947246 +17756183617755834457_1940_000_1960_000,1558017205946707 +17756183617755834457_1940_000_1960_000,1558017203947410 +2218963221891181906_4360_000_4380_000,1573932454073919 +2218963221891181906_4360_000_4380_000,1573932458574312 +2218963221891181906_4360_000_4380_000,1573932456574286 +2218963221891181906_4360_000_4380_000,1573932445149910 +2218963221891181906_4360_000_4380_000,1573932457574335 +2218963221891181906_4360_000_4380_000,1573932444649899 +2218963221891181906_4360_000_4380_000,1573932446649928 +2218963221891181906_4360_000_4380_000,1573932445649884 +2218963221891181906_4360_000_4380_000,1573932448150256 +2218963221891181906_4360_000_4380_000,1573932444149933 +2218963221891181906_4360_000_4380_000,1573932447149977 +2218963221891181906_4360_000_4380_000,1573932454574319 +2218963221891181906_4360_000_4380_000,1573932456074299 +2218963221891181906_4360_000_4380_000,1573932455574265 +2218963221891181906_4360_000_4380_000,1573932457074331 +2218963221891181906_4360_000_4380_000,1573932458074340 +2218963221891181906_4360_000_4380_000,1573932448650899 +2218963221891181906_4360_000_4380_000,1573932446149941 +2218963221891181906_4360_000_4380_000,1573932447650058 +2218963221891181906_4360_000_4380_000,1573932455074331 +10149575340910243572_2720_000_2740_000,1558035231962663 +10149575340910243572_2720_000_2740_000,1558035232462596 +10149575340910243572_2720_000_2740_000,1558035234462274 +10149575340910243572_2720_000_2740_000,1558035232962512 +10149575340910243572_2720_000_2740_000,1558035233462396 +10149575340910243572_2720_000_2740_000,1558035230462351 +10149575340910243572_2720_000_2740_000,1558035231462594 +10149575340910243572_2720_000_2740_000,1558035230962448 +10149575340910243572_2720_000_2740_000,1558035229962648 +10149575340910243572_2720_000_2740_000,1558035233962327 +3459095437766396887_1600_000_1620_000,1559177116218096 +3459095437766396887_1600_000_1620_000,1559177116717458 +3459095437766396887_1600_000_1620_000,1559177108222874 +3459095437766396887_1600_000_1620_000,1559177115219166 +3459095437766396887_1600_000_1620_000,1559177117217000 +3459095437766396887_1600_000_1620_000,1559177114719614 +3459095437766396887_1600_000_1620_000,1559177115718671 +3459095437766396887_1600_000_1620_000,1559177105721360 +3459095437766396887_1600_000_1620_000,1559177108722993 +3459095437766396887_1600_000_1620_000,1559177107221934 +3459095437766396887_1600_000_1620_000,1559177106221852 +3459095437766396887_1600_000_1620_000,1559177114219949 +3459095437766396887_1600_000_1620_000,1559177105220562 +3459095437766396887_1600_000_1620_000,1559177107722383 +3459095437766396887_1600_000_1620_000,1559177118216369 +3459095437766396887_1600_000_1620_000,1559177117716745 +3459095437766396887_1600_000_1620_000,1559177104218831 +3459095437766396887_1600_000_1620_000,1559177104719526 +3459095437766396887_1600_000_1620_000,1559177118715883 +3459095437766396887_1600_000_1620_000,1559177106721948 +8249122135171526629_520_000_540_000,1559184839587788 +8249122135171526629_520_000_540_000,1559184839087463 +8249122135171526629_520_000_540_000,1559184838086814 +8249122135171526629_520_000_540_000,1559184829585106 +8249122135171526629_520_000_540_000,1559184829085741 +8249122135171526629_520_000_540_000,1559184841587404 +8249122135171526629_520_000_540_000,1559184832087286 +8249122135171526629_520_000_540_000,1559184831086036 +8249122135171526629_520_000_540_000,1559184830585419 +8249122135171526629_520_000_540_000,1559184838587000 +8249122135171526629_520_000_540_000,1559184842087749 +8249122135171526629_520_000_540_000,1559184827587385 +8249122135171526629_520_000_540_000,1559184828087141 +8249122135171526629_520_000_540_000,1559184837586942 +8249122135171526629_520_000_540_000,1559184840587321 +8249122135171526629_520_000_540_000,1559184830085083 +8249122135171526629_520_000_540_000,1559184828586572 +8249122135171526629_520_000_540_000,1559184841087135 +8249122135171526629_520_000_540_000,1559184840087626 +8249122135171526629_520_000_540_000,1559184831586778 +1664548685643064400_2240_000_2260_000,1572730660024796 +1664548685643064400_2240_000_2260_000,1572730661524793 +1664548685643064400_2240_000_2260_000,1572730664024893 +1664548685643064400_2240_000_2260_000,1572730661024763 +1664548685643064400_2240_000_2260_000,1572730659524712 +1664548685643064400_2240_000_2260_000,1572730651024914 +1664548685643064400_2240_000_2260_000,1572730652024805 +1664548685643064400_2240_000_2260_000,1572730663524712 +1664548685643064400_2240_000_2260_000,1572730662524607 +1664548685643064400_2240_000_2260_000,1572730654024948 +1664548685643064400_2240_000_2260_000,1572730660524763 +1664548685643064400_2240_000_2260_000,1572730649525094 +1664548685643064400_2240_000_2260_000,1572730651524841 +1664548685643064400_2240_000_2260_000,1572730653024965 +1664548685643064400_2240_000_2260_000,1572730662024682 +1664548685643064400_2240_000_2260_000,1572730652524780 +1664548685643064400_2240_000_2260_000,1572730650524867 +1664548685643064400_2240_000_2260_000,1572730663024572 +1664548685643064400_2240_000_2260_000,1572730650024950 +1664548685643064400_2240_000_2260_000,1572730653525063 +4916600861562283346_3880_000_3900_000,1559179394137429 +4916600861562283346_3880_000_3900_000,1559179396137504 +4916600861562283346_3880_000_3900_000,1559179396637496 +4916600861562283346_3880_000_3900_000,1559179398137489 +4916600861562283346_3880_000_3900_000,1559179388637375 +4916600861562283346_3880_000_3900_000,1559179398637508 +4916600861562283346_3880_000_3900_000,1559179386637413 +4916600861562283346_3880_000_3900_000,1559179386137493 +4916600861562283346_3880_000_3900_000,1559179397137450 +4916600861562283346_3880_000_3900_000,1559179387637365 +4916600861562283346_3880_000_3900_000,1559179384137390 +4916600861562283346_3880_000_3900_000,1559179387137336 +4916600861562283346_3880_000_3900_000,1559179384637499 +4916600861562283346_3880_000_3900_000,1559179388137403 +4916600861562283346_3880_000_3900_000,1559179397637459 +4916600861562283346_3880_000_3900_000,1559179395137442 +4916600861562283346_3880_000_3900_000,1559179385137537 +4916600861562283346_3880_000_3900_000,1559179385637530 +4916600861562283346_3880_000_3900_000,1559179395637456 +4916600861562283346_3880_000_3900_000,1559179394637383 +10802932587105534078_1280_000_1300_000,1557888796948097 +10802932587105534078_1280_000_1300_000,1557888798448099 +10802932587105534078_1280_000_1300_000,1557888806449251 +10802932587105534078_1280_000_1300_000,1557888809449360 +10802932587105534078_1280_000_1300_000,1557888810448859 +10802932587105534078_1280_000_1300_000,1557888800447985 +10802932587105534078_1280_000_1300_000,1557888807948674 +10802932587105534078_1280_000_1300_000,1557888809949023 +10802932587105534078_1280_000_1300_000,1557888810949122 +10802932587105534078_1280_000_1300_000,1557888799948216 +10802932587105534078_1280_000_1300_000,1557888798948041 +10802932587105534078_1280_000_1300_000,1557888800948126 +10802932587105534078_1280_000_1300_000,1557888806949187 +10802932587105534078_1280_000_1300_000,1557888807448803 +10802932587105534078_1280_000_1300_000,1557888799448247 +10802932587105534078_1280_000_1300_000,1557888808449065 +10802932587105534078_1280_000_1300_000,1557888797948166 +10802932587105534078_1280_000_1300_000,1557888796448121 +10802932587105534078_1280_000_1300_000,1557888808949531 +10802932587105534078_1280_000_1300_000,1557888797448185 +13748565785898537200_680_000_700_000,1573621439474829 +13748565785898537200_680_000_700_000,1573621439974767 +13748565785898537200_680_000_700_000,1573621429474915 +13748565785898537200_680_000_700_000,1573621429974924 +13748565785898537200_680_000_700_000,1573621440974804 +13748565785898537200_680_000_700_000,1573621441474863 +13748565785898537200_680_000_700_000,1573621443974860 +13748565785898537200_680_000_700_000,1573621431474829 +13748565785898537200_680_000_700_000,1573621441974787 +13748565785898537200_680_000_700_000,1573621432474859 +13748565785898537200_680_000_700_000,1573621443474808 +13748565785898537200_680_000_700_000,1573621430974792 +13748565785898537200_680_000_700_000,1573621433974860 +13748565785898537200_680_000_700_000,1573621431974875 +13748565785898537200_680_000_700_000,1573621442974839 +13748565785898537200_680_000_700_000,1573621430474807 +13748565785898537200_680_000_700_000,1573621442474772 +13748565785898537200_680_000_700_000,1573621440474758 +13748565785898537200_680_000_700_000,1573621433474826 +13748565785898537200_680_000_700_000,1573621432974900 +14643284977980826278_520_000_540_000,1558150336737516 +14643284977980826278_520_000_540_000,1558150328237510 +14643284977980826278_520_000_540_000,1558150337237361 +14643284977980826278_520_000_540_000,1558150327737447 +14643284977980826278_520_000_540_000,1558150327237391 +14643284977980826278_520_000_540_000,1558150339737419 +14643284977980826278_520_000_540_000,1558150326737588 +14643284977980826278_520_000_540_000,1558150326237829 +14643284977980826278_520_000_540_000,1558150330737609 +14643284977980826278_520_000_540_000,1558150329237498 +14643284977980826278_520_000_540_000,1558150330237732 +14643284977980826278_520_000_540_000,1558150339237427 +14643284977980826278_520_000_540_000,1558150340237494 +14643284977980826278_520_000_540_000,1558150340737501 +14643284977980826278_520_000_540_000,1558150329737609 +14643284977980826278_520_000_540_000,1558150328737468 +14643284977980826278_520_000_540_000,1558150337737326 +14643284977980826278_520_000_540_000,1558150338237396 +14643284977980826278_520_000_540_000,1558150336237586 +14643284977980826278_520_000_540_000,1558150338737431 +4045613324047897473_940_000_960_000,1558493338074162 +4045613324047897473_940_000_960_000,1558493348073783 +4045613324047897473_940_000_960_000,1558493350074053 +4045613324047897473_940_000_960_000,1558493345573992 +4045613324047897473_940_000_960_000,1558493347574007 +4045613324047897473_940_000_960_000,1558493338574044 +4045613324047897473_940_000_960_000,1558493335574296 +4045613324047897473_940_000_960_000,1558493339573912 +4045613324047897473_940_000_960_000,1558493336574269 +4045613324047897473_940_000_960_000,1558493347074035 +4045613324047897473_940_000_960_000,1558493346574102 +4045613324047897473_940_000_960_000,1558493346073989 +4045613324047897473_940_000_960_000,1558493337574148 +4045613324047897473_940_000_960_000,1558493348573778 +4045613324047897473_940_000_960_000,1558493349074012 +4045613324047897473_940_000_960_000,1558493337074219 +4045613324047897473_940_000_960_000,1558493349574122 +4045613324047897473_940_000_960_000,1558493340074053 +4045613324047897473_940_000_960_000,1558493336074290 +4045613324047897473_940_000_960_000,1558493339073948 +2257381802419655779_820_000_840_000,1558402111847622 +2257381802419655779_820_000_840_000,1558402122847222 +2257381802419655779_820_000_840_000,1558402108847992 +2257381802419655779_820_000_840_000,1558402118847287 +2257381802419655779_820_000_840_000,1558402120847365 +2257381802419655779_820_000_840_000,1558402110847064 +2257381802419655779_820_000_840_000,1558402119847426 +2257381802419655779_820_000_840_000,1558402122347099 +2257381802419655779_820_000_840_000,1558402121847019 +2257381802419655779_820_000_840_000,1558402121347177 +2257381802419655779_820_000_840_000,1558402109847716 +2257381802419655779_820_000_840_000,1558402112347811 +2257381802419655779_820_000_840_000,1558402123347308 +2257381802419655779_820_000_840_000,1558402112847819 +2257381802419655779_820_000_840_000,1558402109347833 +2257381802419655779_820_000_840_000,1558402120347479 +2257381802419655779_820_000_840_000,1558402111347219 +2257381802419655779_820_000_840_000,1558402110347368 +2257381802419655779_820_000_840_000,1558402119347368 +2257381802419655779_820_000_840_000,1558402113347613 +4054036670499089296_2300_000_2320_000,1557187714649115 +4054036670499089296_2300_000_2320_000,1557187716649135 +4054036670499089296_2300_000_2320_000,1557187704649276 +4054036670499089296_2300_000_2320_000,1557187707149136 +4054036670499089296_2300_000_2320_000,1557187716149170 +4054036670499089296_2300_000_2320_000,1557187704149193 +4054036670499089296_2300_000_2320_000,1557187717148945 +4054036670499089296_2300_000_2320_000,1557187707649076 +4054036670499089296_2300_000_2320_000,1557187706649119 +4054036670499089296_2300_000_2320_000,1557187705149208 +4054036670499089296_2300_000_2320_000,1557187715649133 +4054036670499089296_2300_000_2320_000,1557187713649046 +4054036670499089296_2300_000_2320_000,1557187706149101 +4054036670499089296_2300_000_2320_000,1557187715149153 +4054036670499089296_2300_000_2320_000,1557187703148999 +4054036670499089296_2300_000_2320_000,1557187703649173 +4054036670499089296_2300_000_2320_000,1557187713149076 +4054036670499089296_2300_000_2320_000,1557187714149098 +4054036670499089296_2300_000_2320_000,1557187717649252 +4054036670499089296_2300_000_2320_000,1557187705649134 +12056192874455954437_140_000_160_000,1557843345612667 +12056192874455954437_140_000_160_000,1557843349612578 +12056192874455954437_140_000_160_000,1557843345112543 +12056192874455954437_140_000_160_000,1557843335112508 +12056192874455954437_140_000_160_000,1557843338612551 +12056192874455954437_140_000_160_000,1557843336612494 +12056192874455954437_140_000_160_000,1557843338112693 +12056192874455954437_140_000_160_000,1557843337112658 +12056192874455954437_140_000_160_000,1557843339612639 +12056192874455954437_140_000_160_000,1557843348612302 +12056192874455954437_140_000_160_000,1557843335612429 +12056192874455954437_140_000_160_000,1557843336112396 +12056192874455954437_140_000_160_000,1557843349112419 +12056192874455954437_140_000_160_000,1557843337612796 +12056192874455954437_140_000_160_000,1557843346612497 +12056192874455954437_140_000_160_000,1557843347612615 +12056192874455954437_140_000_160_000,1557843348112448 +12056192874455954437_140_000_160_000,1557843346112603 +12056192874455954437_140_000_160_000,1557843339112601 +12056192874455954437_140_000_160_000,1557843347112468 +13034900465317073842_1700_000_1720_000,1559143078524545 +13034900465317073842_1700_000_1720_000,1559143065016062 +13034900465317073842_1700_000_1720_000,1559143064015948 +13034900465317073842_1700_000_1720_000,1559143074021060 +13034900465317073842_1700_000_1720_000,1559143068016067 +13034900465317073842_1700_000_1720_000,1559143076523597 +13034900465317073842_1700_000_1720_000,1559143067016248 +13034900465317073842_1700_000_1720_000,1559143075522514 +13034900465317073842_1700_000_1720_000,1559143077023973 +13034900465317073842_1700_000_1720_000,1559143064515955 +13034900465317073842_1700_000_1720_000,1559143066516551 +13034900465317073842_1700_000_1720_000,1559143077524362 +13034900465317073842_1700_000_1720_000,1559143068516366 +13034900465317073842_1700_000_1720_000,1559143076023064 +13034900465317073842_1700_000_1720_000,1559143074521426 +13034900465317073842_1700_000_1720_000,1559143067516020 +13034900465317073842_1700_000_1720_000,1559143065516232 +13034900465317073842_1700_000_1720_000,1559143066016549 +13034900465317073842_1700_000_1720_000,1559143075021878 +13034900465317073842_1700_000_1720_000,1559143078024530 +7511993111693456743_3880_000_3900_000,1557963202297466 +7511993111693456743_3880_000_3900_000,1557963212297515 +7511993111693456743_3880_000_3900_000,1557963200297419 +7511993111693456743_3880_000_3900_000,1557963202797419 +7511993111693456743_3880_000_3900_000,1557963211297319 +7511993111693456743_3880_000_3900_000,1557963211797549 +7511993111693456743_3880_000_3900_000,1557963201297473 +7511993111693456743_3880_000_3900_000,1557963209797116 +7511993111693456743_3880_000_3900_000,1557963210297172 +7511993111693456743_3880_000_3900_000,1557963200797464 +7511993111693456743_3880_000_3900_000,1557963209297327 +7511993111693456743_3880_000_3900_000,1557963208797520 +7511993111693456743_3880_000_3900_000,1557963198797401 +7511993111693456743_3880_000_3900_000,1557963213297448 +7511993111693456743_3880_000_3900_000,1557963210797182 +7511993111693456743_3880_000_3900_000,1557963201797503 +7511993111693456743_3880_000_3900_000,1557963199297286 +7511993111693456743_3880_000_3900_000,1557963199797330 +7511993111693456743_3880_000_3900_000,1557963203297377 +7511993111693456743_3880_000_3900_000,1557963212797472 +9355489589631690177_4800_000_4820_000,1557342366562650 +9355489589631690177_4800_000_4820_000,1557342358062536 +9355489589631690177_4800_000_4820_000,1557342369562809 +9355489589631690177_4800_000_4820_000,1557342357562530 +9355489589631690177_4800_000_4820_000,1557342367062748 +9355489589631690177_4800_000_4820_000,1557342356562423 +9355489589631690177_4800_000_4820_000,1557342355562520 +9355489589631690177_4800_000_4820_000,1557342358562309 +9355489589631690177_4800_000_4820_000,1557342368562561 +9355489589631690177_4800_000_4820_000,1557342367562723 +9355489589631690177_4800_000_4820_000,1557342365562451 +9355489589631690177_4800_000_4820_000,1557342369062698 +9355489589631690177_4800_000_4820_000,1557342366062493 +9355489589631690177_4800_000_4820_000,1557342368062616 +9355489589631690177_4800_000_4820_000,1557342357062509 +9355489589631690177_4800_000_4820_000,1557342359062110 +9355489589631690177_4800_000_4820_000,1557342355062436 +9355489589631690177_4800_000_4820_000,1557342359562031 +9355489589631690177_4800_000_4820_000,1557342365062568 +9355489589631690177_4800_000_4820_000,1557342356062469 +3522804493060229409_3400_000_3420_000,1557855904472271 +3522804493060229409_3400_000_3420_000,1557855907472634 +3522804493060229409_3400_000_3420_000,1557855896472328 +3522804493060229409_3400_000_3420_000,1557855892972587 +3522804493060229409_3400_000_3420_000,1557855906972551 +3522804493060229409_3400_000_3420_000,1557855905472302 +3522804493060229409_3400_000_3420_000,1557855904972296 +3522804493060229409_3400_000_3420_000,1557855905972396 +3522804493060229409_3400_000_3420_000,1557855906472495 +3522804493060229409_3400_000_3420_000,1557855893972382 +3522804493060229409_3400_000_3420_000,1557855897472206 +3522804493060229409_3400_000_3420_000,1557855902972245 +3522804493060229409_3400_000_3420_000,1557855894972377 +3522804493060229409_3400_000_3420_000,1557855893472505 +3522804493060229409_3400_000_3420_000,1557855895472388 +3522804493060229409_3400_000_3420_000,1557855896972244 +3522804493060229409_3400_000_3420_000,1557855903472293 +3522804493060229409_3400_000_3420_000,1557855895972316 +3522804493060229409_3400_000_3420_000,1557855894472345 +3522804493060229409_3400_000_3420_000,1557855903972289 +8566480970798227989_500_000_520_000,1557239425612429 +8566480970798227989_500_000_520_000,1557239414112699 +8566480970798227989_500_000_520_000,1557239413112667 +8566480970798227989_500_000_520_000,1557239415112533 +8566480970798227989_500_000_520_000,1557239416612460 +8566480970798227989_500_000_520_000,1557239423112799 +8566480970798227989_500_000_520_000,1557239415612490 +8566480970798227989_500_000_520_000,1557239422112884 +8566480970798227989_500_000_520_000,1557239412612624 +8566480970798227989_500_000_520_000,1557239424612659 +8566480970798227989_500_000_520_000,1557239412112652 +8566480970798227989_500_000_520_000,1557239422612861 +8566480970798227989_500_000_520_000,1557239416112464 +8566480970798227989_500_000_520_000,1557239423612728 +8566480970798227989_500_000_520_000,1557239413612747 +8566480970798227989_500_000_520_000,1557239426112320 +8566480970798227989_500_000_520_000,1557239426612303 +8566480970798227989_500_000_520_000,1557239414612596 +8566480970798227989_500_000_520_000,1557239425112554 +8566480970798227989_500_000_520_000,1557239424112739 +6278307160249415497_1700_000_1720_000,1558034213921937 +6278307160249415497_1700_000_1720_000,1558034201922721 +6278307160249415497_1700_000_1720_000,1558034202422649 +6278307160249415497_1700_000_1720_000,1558034202922472 +6278307160249415497_1700_000_1720_000,1558034204422154 +6278307160249415497_1700_000_1720_000,1558034214422280 +6278307160249415497_1700_000_1720_000,1558034213421817 +6278307160249415497_1700_000_1720_000,1558034211421372 +6278307160249415497_1700_000_1720_000,1558034203922216 +6278307160249415497_1700_000_1720_000,1558034200922728 +6278307160249415497_1700_000_1720_000,1558034212921821 +6278307160249415497_1700_000_1720_000,1558034210421304 +6278307160249415497_1700_000_1720_000,1558034201422689 +6278307160249415497_1700_000_1720_000,1558034211921700 +6278307160249415497_1700_000_1720_000,1558034209921189 +6278307160249415497_1700_000_1720_000,1558034212421831 +6278307160249415497_1700_000_1720_000,1558034200422683 +6278307160249415497_1700_000_1720_000,1558034210921320 +6278307160249415497_1700_000_1720_000,1558034203422353 +6278307160249415497_1700_000_1720_000,1558034199922726 +13787943721654585343_1220_000_1240_000,1558483374422389 +13787943721654585343_1220_000_1240_000,1558483360422540 +13787943721654585343_1220_000_1240_000,1558483362922326 +13787943721654585343_1220_000_1240_000,1558483361422280 +13787943721654585343_1220_000_1240_000,1558483370422349 +13787943721654585343_1220_000_1240_000,1558483359922533 +13787943721654585343_1220_000_1240_000,1558483372922276 +13787943721654585343_1220_000_1240_000,1558483364422414 +13787943721654585343_1220_000_1240_000,1558483369922463 +13787943721654585343_1220_000_1240_000,1558483373422253 +13787943721654585343_1220_000_1240_000,1558483360922432 +13787943721654585343_1220_000_1240_000,1558483370922205 +13787943721654585343_1220_000_1240_000,1558483371922349 +13787943721654585343_1220_000_1240_000,1558483371422242 +13787943721654585343_1220_000_1240_000,1558483361922245 +13787943721654585343_1220_000_1240_000,1558483362422314 +13787943721654585343_1220_000_1240_000,1558483363422326 +13787943721654585343_1220_000_1240_000,1558483363922364 +13787943721654585343_1220_000_1240_000,1558483372422320 +13787943721654585343_1220_000_1240_000,1558483373922325 +10998289306141768318_1280_000_1300_000,1558483433397038 +10998289306141768318_1280_000_1300_000,1558483430411803 +10998289306141768318_1280_000_1300_000,1558483420422343 +10998289306141768318_1280_000_1300_000,1558483434396435 +10998289306141768318_1280_000_1300_000,1558483421422280 +10998289306141768318_1280_000_1300_000,1558483423422502 +10998289306141768318_1280_000_1300_000,1558483430908205 +10998289306141768318_1280_000_1300_000,1558483424422579 +10998289306141768318_1280_000_1300_000,1558483433896475 +10998289306141768318_1280_000_1300_000,1558483423922620 +10998289306141768318_1280_000_1300_000,1558483419922414 +10998289306141768318_1280_000_1300_000,1558483422422324 +10998289306141768318_1280_000_1300_000,1558483431404397 +10998289306141768318_1280_000_1300_000,1558483431901030 +10998289306141768318_1280_000_1300_000,1558483429915076 +10998289306141768318_1280_000_1300_000,1558483420922273 +10998289306141768318_1280_000_1300_000,1558483421922318 +10998289306141768318_1280_000_1300_000,1558483422922327 +10998289306141768318_1280_000_1300_000,1558483432398938 +10998289306141768318_1280_000_1300_000,1558483432897848 +7435516779413778621_4440_000_4460_000,1557325510087987 +7435516779413778621_4440_000_4460_000,1557325509088023 +7435516779413778621_4440_000_4460_000,1557325509588017 +7435516779413778621_4440_000_4460_000,1557325522112585 +7435516779413778621_4440_000_4460_000,1557325511088136 +7435516779413778621_4440_000_4460_000,1557325513590433 +7435516779413778621_4440_000_4460_000,1557325512588488 +7435516779413778621_4440_000_4460_000,1557325521112794 +7435516779413778621_4440_000_4460_000,1557325513089176 +7435516779413778621_4440_000_4460_000,1557325522612689 +7435516779413778621_4440_000_4460_000,1557325520112870 +7435516779413778621_4440_000_4460_000,1557325523612525 +7435516779413778621_4440_000_4460_000,1557325511588133 +7435516779413778621_4440_000_4460_000,1557325521612655 +7435516779413778621_4440_000_4460_000,1557325519113921 +7435516779413778621_4440_000_4460_000,1557325520612844 +7435516779413778621_4440_000_4460_000,1557325510588071 +7435516779413778621_4440_000_4460_000,1557325523112680 +7435516779413778621_4440_000_4460_000,1557325519613322 +7435516779413778621_4440_000_4460_000,1557325512088233 +13944616099709049906_1020_000_1040_000,1558493425524322 +13944616099709049906_1020_000_1040_000,1558493417024071 +13944616099709049906_1020_000_1040_000,1558493426024320 +13944616099709049906_1020_000_1040_000,1558493416024098 +13944616099709049906_1020_000_1040_000,1558493429524171 +13944616099709049906_1020_000_1040_000,1558493426524287 +13944616099709049906_1020_000_1040_000,1558493419024193 +13944616099709049906_1020_000_1040_000,1558493430024138 +13944616099709049906_1020_000_1040_000,1558493427524280 +13944616099709049906_1020_000_1040_000,1558493415524136 +13944616099709049906_1020_000_1040_000,1558493427024273 +13944616099709049906_1020_000_1040_000,1558493429024223 +13944616099709049906_1020_000_1040_000,1558493428524220 +13944616099709049906_1020_000_1040_000,1558493420024171 +13944616099709049906_1020_000_1040_000,1558493418024131 +13944616099709049906_1020_000_1040_000,1558493418524161 +13944616099709049906_1020_000_1040_000,1558493417524102 +13944616099709049906_1020_000_1040_000,1558493419524165 +13944616099709049906_1020_000_1040_000,1558493416524077 +13944616099709049906_1020_000_1040_000,1558493428024253 +8229317157758012712_3860_000_3880_000,1559179375137657 +8229317157758012712_3860_000_3880_000,1559179375637448 +8229317157758012712_3860_000_3880_000,1559179366637361 +8229317157758012712_3860_000_3880_000,1559179368137382 +8229317157758012712_3860_000_3880_000,1559179367137366 +8229317157758012712_3860_000_3880_000,1559179376137327 +8229317157758012712_3860_000_3880_000,1559179378637568 +8229317157758012712_3860_000_3880_000,1559179374137643 +8229317157758012712_3860_000_3880_000,1559179374637715 +8229317157758012712_3860_000_3880_000,1559179376637419 +8229317157758012712_3860_000_3880_000,1559179364137325 +8229317157758012712_3860_000_3880_000,1559179377637503 +8229317157758012712_3860_000_3880_000,1559179366137360 +8229317157758012712_3860_000_3880_000,1559179368637389 +8229317157758012712_3860_000_3880_000,1559179377137484 +8229317157758012712_3860_000_3880_000,1559179364637326 +8229317157758012712_3860_000_3880_000,1559179365137367 +8229317157758012712_3860_000_3880_000,1559179367637354 +8229317157758012712_3860_000_3880_000,1559179378137535 +8229317157758012712_3860_000_3880_000,1559179365637366 +5638240639308158118_4220_000_4240_000,1555267988099080 +5638240639308158118_4220_000_4240_000,1555267981099003 +5638240639308158118_4220_000_4240_000,1555267980599134 +5638240639308158118_4220_000_4240_000,1555267989099215 +5638240639308158118_4220_000_4240_000,1555267977599158 +5638240639308158118_4220_000_4240_000,1555267987599108 +5638240639308158118_4220_000_4240_000,1555267986599172 +5638240639308158118_4220_000_4240_000,1555267979599132 +5638240639308158118_4220_000_4240_000,1555267988599141 +5638240639308158118_4220_000_4240_000,1555267990098844 +5638240639308158118_4220_000_4240_000,1555267990598105 +5638240639308158118_4220_000_4240_000,1555267979099131 +5638240639308158118_4220_000_4240_000,1555267978599123 +5638240639308158118_4220_000_4240_000,1555267987099206 +5638240639308158118_4220_000_4240_000,1555267976599172 +5638240639308158118_4220_000_4240_000,1555267977099159 +5638240639308158118_4220_000_4240_000,1555267989599152 +5638240639308158118_4220_000_4240_000,1555267980099165 +5638240639308158118_4220_000_4240_000,1555267978099155 +5638240639308158118_4220_000_4240_000,1555267991096855 +15272375112495403395_620_000_640_000,1559189217599985 +15272375112495403395_620_000_640_000,1559189230099846 +15272375112495403395_620_000_640_000,1559189221600285 +15272375112495403395_620_000_640_000,1559189228599908 +15272375112495403395_620_000_640_000,1559189228100026 +15272375112495403395_620_000_640_000,1559189231099755 +15272375112495403395_620_000_640_000,1559189229599850 +15272375112495403395_620_000_640_000,1559189217099978 +15272375112495403395_620_000_640_000,1559189220599788 +15272375112495403395_620_000_640_000,1559189229099841 +15272375112495403395_620_000_640_000,1559189227100268 +15272375112495403395_620_000_640_000,1559189231599710 +15272375112495403395_620_000_640_000,1559189218599758 +15272375112495403395_620_000_640_000,1559189219599785 +15272375112495403395_620_000_640_000,1559189218099858 +15272375112495403395_620_000_640_000,1559189230599799 +15272375112495403395_620_000_640_000,1559189219099720 +15272375112495403395_620_000_640_000,1559189221099879 +15272375112495403395_620_000_640_000,1559189227600224 +15272375112495403395_620_000_640_000,1559189220099860 +8993680275027614595_2520_000_2540_000,1555280202399639 +8993680275027614595_2520_000_2540_000,1555280199899606 +8993680275027614595_2520_000_2540_000,1555280211375470 +8993680275027614595_2520_000_2540_000,1555280199399568 +8993680275027614595_2520_000_2540_000,1555280212875223 +8993680275027614595_2520_000_2540_000,1555280208875515 +8993680275027614595_2520_000_2540_000,1555280202899788 +8993680275027614595_2520_000_2540_000,1555280210374654 +8993680275027614595_2520_000_2540_000,1555280210875023 +8993680275027614595_2520_000_2540_000,1555280200899582 +8993680275027614595_2520_000_2540_000,1555280201399518 +8993680275027614595_2520_000_2540_000,1555280212375553 +8993680275027614595_2520_000_2540_000,1555280209874639 +8993680275027614595_2520_000_2540_000,1555280211875697 +8993680275027614595_2520_000_2540_000,1555280209374829 +8993680275027614595_2520_000_2540_000,1555280203399700 +8993680275027614595_2520_000_2540_000,1555280201899495 +8993680275027614595_2520_000_2540_000,1555280213374830 +8993680275027614595_2520_000_2540_000,1555280200399612 +8993680275027614595_2520_000_2540_000,1555280198899595 +8688567562597583972_940_000_960_000,1555217344950039 +8688567562597583972_940_000_960_000,1555217347949948 +8688567562597583972_940_000_960_000,1555217356449802 +8688567562597583972_940_000_960_000,1555217353949933 +8688567562597583972_940_000_960_000,1555217345450004 +8688567562597583972_940_000_960_000,1555217346449944 +8688567562597583972_940_000_960_000,1555217343450016 +8688567562597583972_940_000_960_000,1555217344449945 +8688567562597583972_940_000_960_000,1555217346949874 +8688567562597583972_940_000_960_000,1555217355449905 +8688567562597583972_940_000_960_000,1555217353449883 +8688567562597583972_940_000_960_000,1555217355949898 +8688567562597583972_940_000_960_000,1555217354949900 +8688567562597583972_940_000_960_000,1555217357449853 +8688567562597583972_940_000_960_000,1555217345949937 +8688567562597583972_940_000_960_000,1555217354449934 +8688567562597583972_940_000_960_000,1555217356949774 +8688567562597583972_940_000_960_000,1555217343949948 +8688567562597583972_940_000_960_000,1555217357949939 +8688567562597583972_940_000_960_000,1555217347449863 +7247823803417339098_2320_000_2340_000,1557197726848807 +7247823803417339098_2320_000_2340_000,1557197726349233 +7247823803417339098_2320_000_2340_000,1557197727348551 +7247823803417339098_2320_000_2340_000,1557197714347252 +7247823803417339098_2320_000_2340_000,1557197716347129 +7247823803417339098_2320_000_2340_000,1557197725349846 +7247823803417339098_2320_000_2340_000,1557197718347455 +7247823803417339098_2320_000_2340_000,1557197716847198 +7247823803417339098_2320_000_2340_000,1557197715847235 +7247823803417339098_2320_000_2340_000,1557197724349365 +7247823803417339098_2320_000_2340_000,1557197714847182 +7247823803417339098_2320_000_2340_000,1557197717847546 +7247823803417339098_2320_000_2340_000,1557197728348372 +7247823803417339098_2320_000_2340_000,1557197715347156 +7247823803417339098_2320_000_2340_000,1557197727848417 +7247823803417339098_2320_000_2340_000,1557197718847355 +7247823803417339098_2320_000_2340_000,1557197728848372 +7247823803417339098_2320_000_2340_000,1557197724849707 +7247823803417339098_2320_000_2340_000,1557197725849623 +7247823803417339098_2320_000_2340_000,1557197717347349 +2601205676330128831_4880_000_4900_000,1555183240199075 +2601205676330128831_4880_000_4900_000,1555183251775192 +2601205676330128831_4880_000_4900_000,1555183242695259 +2601205676330128831_4880_000_4900_000,1555183239698969 +2601205676330128831_4880_000_4900_000,1555183252774590 +2601205676330128831_4880_000_4900_000,1555183239198898 +2601205676330128831_4880_000_4900_000,1555183241697881 +2601205676330128831_4880_000_4900_000,1555183250274996 +2601205676330128831_4880_000_4900_000,1555183248775035 +2601205676330128831_4880_000_4900_000,1555183242196604 +2601205676330128831_4880_000_4900_000,1555183241198707 +2601205676330128831_4880_000_4900_000,1555183252274928 +2601205676330128831_4880_000_4900_000,1555183253274584 +2601205676330128831_4880_000_4900_000,1555183249775067 +2601205676330128831_4880_000_4900_000,1555183238698908 +2601205676330128831_4880_000_4900_000,1555183240699040 +2601205676330128831_4880_000_4900_000,1555183243193747 +2601205676330128831_4880_000_4900_000,1555183251275298 +2601205676330128831_4880_000_4900_000,1555183249275187 +2601205676330128831_4880_000_4900_000,1555183250775187 +14737335824319407706_1980_000_2000_000,1556068257625722 +14737335824319407706_1980_000_2000_000,1556068264624994 +14737335824319407706_1980_000_2000_000,1556068253125108 +14737335824319407706_1980_000_2000_000,1556068256626068 +14737335824319407706_1980_000_2000_000,1556068256125917 +14737335824319407706_1980_000_2000_000,1556068267124989 +14737335824319407706_1980_000_2000_000,1556068254125759 +14737335824319407706_1980_000_2000_000,1556068265124999 +14737335824319407706_1980_000_2000_000,1556068263125013 +14737335824319407706_1980_000_2000_000,1556068266125077 +14737335824319407706_1980_000_2000_000,1556068254626070 +14737335824319407706_1980_000_2000_000,1556068265625046 +14737335824319407706_1980_000_2000_000,1556068255126360 +14737335824319407706_1980_000_2000_000,1556068267624889 +14737335824319407706_1980_000_2000_000,1556068255626085 +14737335824319407706_1980_000_2000_000,1556068266625069 +14737335824319407706_1980_000_2000_000,1556068264124922 +14737335824319407706_1980_000_2000_000,1556068257126022 +14737335824319407706_1980_000_2000_000,1556068253625378 +14737335824319407706_1980_000_2000_000,1556068263624987 +10504764403039842352_460_000_480_000,1558060925875055 +10504764403039842352_460_000_480_000,1558060940374703 +10504764403039842352_460_000_480_000,1558060939874709 +10504764403039842352_460_000_480_000,1558060937374792 +10504764403039842352_460_000_480_000,1558060927874686 +10504764403039842352_460_000_480_000,1558060926874887 +10504764403039842352_460_000_480_000,1558060930375221 +10504764403039842352_460_000_480_000,1558060926375083 +10504764403039842352_460_000_480_000,1558060935875120 +10504764403039842352_460_000_480_000,1558060936375015 +10504764403039842352_460_000_480_000,1558060936874787 +10504764403039842352_460_000_480_000,1558060938875168 +10504764403039842352_460_000_480_000,1558060928875075 +10504764403039842352_460_000_480_000,1558060937874938 +10504764403039842352_460_000_480_000,1558060928374842 +10504764403039842352_460_000_480_000,1558060929375235 +10504764403039842352_460_000_480_000,1558060938375035 +10504764403039842352_460_000_480_000,1558060939374902 +4140965781175793864_460_000_480_000,1559189068049919 +4140965781175793864_460_000_480_000,1559189060549423 +4140965781175793864_460_000_480_000,1559189058052659 +4140965781175793864_460_000_480_000,1559189070549944 +4140965781175793864_460_000_480_000,1559189071550057 +4140965781175793864_460_000_480_000,1559189067049957 +4140965781175793864_460_000_480_000,1559189061049573 +4140965781175793864_460_000_480_000,1559189059549297 +4140965781175793864_460_000_480_000,1559189067549997 +4140965781175793864_460_000_480_000,1559189058551289 +4140965781175793864_460_000_480_000,1559189057056840 +4140965781175793864_460_000_480_000,1559189069550001 +4140965781175793864_460_000_480_000,1559189068549926 +4140965781175793864_460_000_480_000,1559189069049952 +4140965781175793864_460_000_480_000,1559189059049934 +4140965781175793864_460_000_480_000,1559189057554573 +4140965781175793864_460_000_480_000,1559189070049942 +4140965781175793864_460_000_480_000,1559189061549638 +4140965781175793864_460_000_480_000,1559189071050027 +4140965781175793864_460_000_480_000,1559189060049248 +14188689528137485670_2660_000_2680_000,1555687836099829 +14188689528137485670_2660_000_2680_000,1555687847574536 +14188689528137485670_2660_000_2680_000,1555687834599917 +14188689528137485670_2660_000_2680_000,1555687835599804 +14188689528137485670_2660_000_2680_000,1555687844576878 +14188689528137485670_2660_000_2680_000,1555687838099816 +14188689528137485670_2660_000_2680_000,1555687846574299 +14188689528137485670_2660_000_2680_000,1555687836599840 +14188689528137485670_2660_000_2680_000,1555687837099812 +14188689528137485670_2660_000_2680_000,1555687848074544 +14188689528137485670_2660_000_2680_000,1555687845075193 +14188689528137485670_2660_000_2680_000,1555687834099910 +14188689528137485670_2660_000_2680_000,1555687845574255 +14188689528137485670_2660_000_2680_000,1555687847074492 +14188689528137485670_2660_000_2680_000,1555687835099800 +14188689528137485670_2660_000_2680_000,1555687843582715 +14188689528137485670_2660_000_2680_000,1555687837599851 +14188689528137485670_2660_000_2680_000,1555687833599780 +14188689528137485670_2660_000_2680_000,1555687846074113 +14188689528137485670_2660_000_2680_000,1555687844079474 +18149616047892103767_2460_000_2480_000,1555706658299969 +18149616047892103767_2460_000_2480_000,1555706646800116 +18149616047892103767_2460_000_2480_000,1555706656800049 +18149616047892103767_2460_000_2480_000,1555706647300089 +18149616047892103767_2460_000_2480_000,1555706645799946 +18149616047892103767_2460_000_2480_000,1555706645299873 +18149616047892103767_2460_000_2480_000,1555706644299834 +18149616047892103767_2460_000_2480_000,1555706654299962 +18149616047892103767_2460_000_2480_000,1555706648799880 +18149616047892103767_2460_000_2480_000,1555706656300141 +18149616047892103767_2460_000_2480_000,1555706644799899 +18149616047892103767_2460_000_2480_000,1555706658800051 +18149616047892103767_2460_000_2480_000,1555706655300035 +18149616047892103767_2460_000_2480_000,1555706654799999 +18149616047892103767_2460_000_2480_000,1555706655800109 +18149616047892103767_2460_000_2480_000,1555706657299969 +18149616047892103767_2460_000_2480_000,1555706646300071 +18149616047892103767_2460_000_2480_000,1555706657799945 +18149616047892103767_2460_000_2480_000,1555706647800020 +18149616047892103767_2460_000_2480_000,1555706648299913 +5026942594071056992_3120_000_3140_000,1555462125499896 +5026942594071056992_3120_000_3140_000,1555462133999526 +5026942594071056992_3120_000_3140_000,1555462131999686 +5026942594071056992_3120_000_3140_000,1555462120999711 +5026942594071056992_3120_000_3140_000,1555462123499771 +5026942594071056992_3120_000_3140_000,1555462132499693 +5026942594071056992_3120_000_3140_000,1555462124499589 +5026942594071056992_3120_000_3140_000,1555462122500198 +5026942594071056992_3120_000_3140_000,1555462123999626 +5026942594071056992_3120_000_3140_000,1555462130999515 +5026942594071056992_3120_000_3140_000,1555462123000001 +5026942594071056992_3120_000_3140_000,1555462121499912 +5026942594071056992_3120_000_3140_000,1555462132999655 +5026942594071056992_3120_000_3140_000,1555462135499500 +5026942594071056992_3120_000_3140_000,1555462124999696 +5026942594071056992_3120_000_3140_000,1555462133499574 +5026942594071056992_3120_000_3140_000,1555462122000279 +5026942594071056992_3120_000_3140_000,1555462134999525 +5026942594071056992_3120_000_3140_000,1555462131499619 +5026942594071056992_3120_000_3140_000,1555462134499515 +11987368976578218644_1340_000_1360_000,1557240254147006 +11987368976578218644_1340_000_1360_000,1557240256647136 +11987368976578218644_1340_000_1360_000,1557240253147019 +11987368976578218644_1340_000_1360_000,1557240264121600 +11987368976578218644_1340_000_1360_000,1557240266622584 +11987368976578218644_1340_000_1360_000,1557240253646981 +11987368976578218644_1340_000_1360_000,1557240263622577 +11987368976578218644_1340_000_1360_000,1557240255647121 +11987368976578218644_1340_000_1360_000,1557240266122577 +11987368976578218644_1340_000_1360_000,1557240252646979 +11987368976578218644_1340_000_1360_000,1557240256147181 +11987368976578218644_1340_000_1360_000,1557240265622400 +11987368976578218644_1340_000_1360_000,1557240263124752 +11987368976578218644_1340_000_1360_000,1557240252147007 +11987368976578218644_1340_000_1360_000,1557240254647011 +11987368976578218644_1340_000_1360_000,1557240264621606 +11987368976578218644_1340_000_1360_000,1557240265121984 +11987368976578218644_1340_000_1360_000,1557240255147121 +11987368976578218644_1340_000_1360_000,1557240262627879 +11987368976578218644_1340_000_1360_000,1557240262131544 +17136775999940024630_4860_000_4880_000,1555381565899350 +17136775999940024630_4860_000_4880_000,1555381569399418 +17136775999940024630_4860_000_4880_000,1555381577399397 +17136775999940024630_4860_000_4880_000,1555381567899452 +17136775999940024630_4860_000_4880_000,1555381579899405 +17136775999940024630_4860_000_4880_000,1555381576399429 +17136775999940024630_4860_000_4880_000,1555381566399384 +17136775999940024630_4860_000_4880_000,1555381569899411 +17136775999940024630_4860_000_4880_000,1555381579399300 +17136775999940024630_4860_000_4880_000,1555381576899420 +17136775999940024630_4860_000_4880_000,1555381565399404 +17136775999940024630_4860_000_4880_000,1555381575399420 +17136775999940024630_4860_000_4880_000,1555381578399393 +17136775999940024630_4860_000_4880_000,1555381567399421 +17136775999940024630_4860_000_4880_000,1555381575899458 +17136775999940024630_4860_000_4880_000,1555381577899394 +17136775999940024630_4860_000_4880_000,1555381568399448 +17136775999940024630_4860_000_4880_000,1555381568899445 +17136775999940024630_4860_000_4880_000,1555381578899304 +10980133015080705026_780_000_800_000,1557159347347517 +10980133015080705026_780_000_800_000,1557159341347548 +10980133015080705026_780_000_800_000,1557159350347179 +10980133015080705026_780_000_800_000,1557159338347170 +10980133015080705026_780_000_800_000,1557159348347894 +10980133015080705026_780_000_800_000,1557159341847592 +10980133015080705026_780_000_800_000,1557159340347306 +10980133015080705026_780_000_800_000,1557159351347307 +10980133015080705026_780_000_800_000,1557159339347070 +10980133015080705026_780_000_800_000,1557159349347437 +10980133015080705026_780_000_800_000,1557159348847749 +10980133015080705026_780_000_800_000,1557159337346937 +10980133015080705026_780_000_800_000,1557159340847461 +10980133015080705026_780_000_800_000,1557159350847321 +10980133015080705026_780_000_800_000,1557159337847132 +10980133015080705026_780_000_800_000,1557159349847214 +10980133015080705026_780_000_800_000,1557159347847829 +10980133015080705026_780_000_800_000,1557159338847114 +10980133015080705026_780_000_800_000,1557159351847230 +10980133015080705026_780_000_800_000,1557159339847156 +17792628511034220885_2360_000_2380_000,1555038976374997 +17792628511034220885_2360_000_2380_000,1555038978374871 +17792628511034220885_2360_000_2380_000,1555038976874968 +17792628511034220885_2360_000_2380_000,1555038975875022 +17792628511034220885_2360_000_2380_000,1555038968860681 +17792628511034220885_2360_000_2380_000,1555038964850579 +17792628511034220885_2360_000_2380_000,1555038974875036 +17792628511034220885_2360_000_2380_000,1555038977374963 +17792628511034220885_2360_000_2380_000,1555038978874913 +17792628511034220885_2360_000_2380_000,1555038966351482 +17792628511034220885_2360_000_2380_000,1555038979375036 +17792628511034220885_2360_000_2380_000,1555038965850871 +17792628511034220885_2360_000_2380_000,1555038977874932 +17792628511034220885_2360_000_2380_000,1555038967353934 +17792628511034220885_2360_000_2380_000,1555038969363655 +17792628511034220885_2360_000_2380_000,1555038965350606 +17792628511034220885_2360_000_2380_000,1555038966852499 +17792628511034220885_2360_000_2380_000,1555038968358038 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/waymo/preprocess_waymo.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/waymo/preprocess_waymo.py new file mode 100644 index 0000000000000000000000000000000000000000..33a309fc2a03c52b63a43863ac40632ad5daa0a6 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/preprocessing/waymo/preprocess_waymo.py @@ -0,0 +1,387 @@ +""" +Preprocessing Script for ScanNet 20/200 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import warnings + +warnings.filterwarnings("ignore", category=DeprecationWarning) + +import os + +os.environ["TF_CPP_MIN_LOG_LEVEL"] = "3" +os.environ["CUDA_VISIBLE_DEVICES"] = "-1" + +import argparse +import numpy as np +import tensorflow.compat.v1 as tf +from pathlib import Path +from waymo_open_dataset.utils import frame_utils +from waymo_open_dataset.utils import transform_utils +from waymo_open_dataset.utils import range_image_utils +from waymo_open_dataset import dataset_pb2 as open_dataset +import glob +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + + +def create_lidar(frame): + """Parse and save the lidar data in psd format. + Args: + frame (:obj:`Frame`): Open dataset frame proto. + """ + ( + range_images, + camera_projections, + segmentation_labels, + range_image_top_pose, + ) = frame_utils.parse_range_image_and_camera_projection(frame) + + points, cp_points, valid_masks = convert_range_image_to_point_cloud( + frame, + range_images, + camera_projections, + range_image_top_pose, + keep_polar_features=True, + ) + points_ri2, cp_points_ri2, valid_masks_ri2 = convert_range_image_to_point_cloud( + frame, + range_images, + camera_projections, + range_image_top_pose, + ri_index=1, + keep_polar_features=True, + ) + + # 3d points in vehicle frame. + points_all = np.concatenate(points, axis=0) + points_all_ri2 = np.concatenate(points_ri2, axis=0) + # point labels. + + points_all = np.concatenate([points_all, points_all_ri2], axis=0) + + velodyne = np.c_[points_all[:, 3:6], points_all[:, 1]] + velodyne = velodyne.reshape((velodyne.shape[0] * velodyne.shape[1])) + + valid_masks = [valid_masks, valid_masks_ri2] + return velodyne, valid_masks + + +def create_label(frame): + ( + range_images, + camera_projections, + segmentation_labels, + range_image_top_pose, + ) = frame_utils.parse_range_image_and_camera_projection(frame) + + point_labels = convert_range_image_to_point_cloud_labels( + frame, range_images, segmentation_labels + ) + point_labels_ri2 = convert_range_image_to_point_cloud_labels( + frame, range_images, segmentation_labels, ri_index=1 + ) + + # point labels. + point_labels_all = np.concatenate(point_labels, axis=0) + point_labels_all_ri2 = np.concatenate(point_labels_ri2, axis=0) + point_labels_all = np.concatenate([point_labels_all, point_labels_all_ri2], axis=0) + + labels = point_labels_all + return labels + + +def convert_range_image_to_cartesian( + frame, range_images, range_image_top_pose, ri_index=0, keep_polar_features=False +): + """Convert range images from polar coordinates to Cartesian coordinates. + + Args: + frame: open dataset frame + range_images: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + range_image_top_pose: range image pixel pose for top lidar. + ri_index: 0 for the first return, 1 for the second return. + keep_polar_features: If true, keep the features from the polar range image + (i.e. range, intensity, and elongation) as the first features in the + output range image. + + Returns: + dict of {laser_name, (H, W, D)} range images in Cartesian coordinates. D + will be 3 if keep_polar_features is False (x, y, z) and 6 if + keep_polar_features is True (range, intensity, elongation, x, y, z). + """ + cartesian_range_images = {} + frame_pose = tf.convert_to_tensor( + value=np.reshape(np.array(frame.pose.transform), [4, 4]) + ) + + # [H, W, 6] + range_image_top_pose_tensor = tf.reshape( + tf.convert_to_tensor(value=range_image_top_pose.data), + range_image_top_pose.shape.dims, + ) + # [H, W, 3, 3] + range_image_top_pose_tensor_rotation = transform_utils.get_rotation_matrix( + range_image_top_pose_tensor[..., 0], + range_image_top_pose_tensor[..., 1], + range_image_top_pose_tensor[..., 2], + ) + range_image_top_pose_tensor_translation = range_image_top_pose_tensor[..., 3:] + range_image_top_pose_tensor = transform_utils.get_transform( + range_image_top_pose_tensor_rotation, range_image_top_pose_tensor_translation + ) + + for c in frame.context.laser_calibrations: + range_image = range_images[c.name][ri_index] + if len(c.beam_inclinations) == 0: # pylint: disable=g-explicit-length-test + beam_inclinations = range_image_utils.compute_inclination( + tf.constant([c.beam_inclination_min, c.beam_inclination_max]), + height=range_image.shape.dims[0], + ) + else: + beam_inclinations = tf.constant(c.beam_inclinations) + + beam_inclinations = tf.reverse(beam_inclinations, axis=[-1]) + extrinsic = np.reshape(np.array(c.extrinsic.transform), [4, 4]) + + range_image_tensor = tf.reshape( + tf.convert_to_tensor(value=range_image.data), range_image.shape.dims + ) + pixel_pose_local = None + frame_pose_local = None + if c.name == open_dataset.LaserName.TOP: + pixel_pose_local = range_image_top_pose_tensor + pixel_pose_local = tf.expand_dims(pixel_pose_local, axis=0) + frame_pose_local = tf.expand_dims(frame_pose, axis=0) + range_image_cartesian = range_image_utils.extract_point_cloud_from_range_image( + tf.expand_dims(range_image_tensor[..., 0], axis=0), + tf.expand_dims(extrinsic, axis=0), + tf.expand_dims(tf.convert_to_tensor(value=beam_inclinations), axis=0), + pixel_pose=pixel_pose_local, + frame_pose=frame_pose_local, + ) + + range_image_cartesian = tf.squeeze(range_image_cartesian, axis=0) + + if keep_polar_features: + # If we want to keep the polar coordinate features of range, intensity, + # and elongation, concatenate them to be the initial dimensions of the + # returned Cartesian range image. + range_image_cartesian = tf.concat( + [range_image_tensor[..., 0:3], range_image_cartesian], axis=-1 + ) + + cartesian_range_images[c.name] = range_image_cartesian + + return cartesian_range_images + + +def convert_range_image_to_point_cloud( + frame, + range_images, + camera_projections, + range_image_top_pose, + ri_index=0, + keep_polar_features=False, +): + """Convert range images to point cloud. + + Args: + frame: open dataset frame + range_images: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + camera_projections: A dict of {laser_name, + [camera_projection_from_first_return, + camera_projection_from_second_return]}. + range_image_top_pose: range image pixel pose for top lidar. + ri_index: 0 for the first return, 1 for the second return. + keep_polar_features: If true, keep the features from the polar range image + (i.e. range, intensity, and elongation) as the first features in the + output range image. + + Returns: + points: {[N, 3]} list of 3d lidar points of length 5 (number of lidars). + (NOTE: Will be {[N, 6]} if keep_polar_features is true. + cp_points: {[N, 6]} list of camera projections of length 5 + (number of lidars). + """ + calibrations = sorted(frame.context.laser_calibrations, key=lambda c: c.name) + points = [] + cp_points = [] + valid_masks = [] + + cartesian_range_images = convert_range_image_to_cartesian( + frame, range_images, range_image_top_pose, ri_index, keep_polar_features + ) + + for c in calibrations: + range_image = range_images[c.name][ri_index] + range_image_tensor = tf.reshape( + tf.convert_to_tensor(value=range_image.data), range_image.shape.dims + ) + range_image_mask = range_image_tensor[..., 0] > 0 + + range_image_cartesian = cartesian_range_images[c.name] + points_tensor = tf.gather_nd( + range_image_cartesian, tf.compat.v1.where(range_image_mask) + ) + + cp = camera_projections[c.name][ri_index] + cp_tensor = tf.reshape(tf.convert_to_tensor(value=cp.data), cp.shape.dims) + cp_points_tensor = tf.gather_nd(cp_tensor, tf.compat.v1.where(range_image_mask)) + points.append(points_tensor.numpy()) + cp_points.append(cp_points_tensor.numpy()) + valid_masks.append(range_image_mask.numpy()) + + return points, cp_points, valid_masks + + +def convert_range_image_to_point_cloud_labels( + frame, range_images, segmentation_labels, ri_index=0 +): + """Convert segmentation labels from range images to point clouds. + + Args: + frame: open dataset frame + range_images: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + segmentation_labels: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + ri_index: 0 for the first return, 1 for the second return. + + Returns: + point_labels: {[N, 2]} list of 3d lidar points's segmentation labels. 0 for + points that are not labeled. + """ + calibrations = sorted(frame.context.laser_calibrations, key=lambda c: c.name) + point_labels = [] + for c in calibrations: + range_image = range_images[c.name][ri_index] + range_image_tensor = tf.reshape( + tf.convert_to_tensor(range_image.data), range_image.shape.dims + ) + range_image_mask = range_image_tensor[..., 0] > 0 + + if c.name in segmentation_labels: + sl = segmentation_labels[c.name][ri_index] + sl_tensor = tf.reshape(tf.convert_to_tensor(sl.data), sl.shape.dims) + sl_points_tensor = tf.gather_nd(sl_tensor, tf.where(range_image_mask)) + else: + num_valid_point = tf.math.reduce_sum(tf.cast(range_image_mask, tf.int32)) + sl_points_tensor = tf.zeros([num_valid_point, 2], dtype=tf.int32) + + point_labels.append(sl_points_tensor.numpy()) + return point_labels + + +def handle_process(file_path, output_root, test_frame_list): + file = os.path.basename(file_path) + split = os.path.basename(os.path.dirname(file_path)) + print(f"Parsing {split}/{file}") + save_path = Path(output_root) / split / file.split(".")[0] + + data_group = tf.data.TFRecordDataset(file_path, compression_type="") + for data in data_group: + frame = open_dataset.Frame() + frame.ParseFromString(bytearray(data.numpy())) + context_name = frame.context.name + timestamp = str(frame.timestamp_micros) + + if split != "testing": + # for training and validation frame, extract labelled frame + if not frame.lasers[0].ri_return1.segmentation_label_compressed: + continue + else: + # for testing frame, extract frame in test_frame_list + if f"{context_name},{timestamp}" not in test_frame_list: + continue + + os.makedirs(save_path / timestamp, exist_ok=True) + + # extract frame pass above check + point_cloud, valid_masks = create_lidar(frame) + point_cloud = point_cloud.reshape(-1, 4) + coord = point_cloud[:, :3] + strength = np.tanh(point_cloud[:, -1].reshape([-1, 1])) + pose = np.array(frame.pose.transform, np.float32).reshape(4, 4) + mask = np.array(valid_masks, dtype=object) + + np.save(save_path / timestamp / "coord.npy", coord) + np.save(save_path / timestamp / "strength.npy", strength) + np.save(save_path / timestamp / "pose.npy", pose) + + # save mask for reverse prediction + if split != "training": + np.save(save_path / timestamp / "mask.npy", mask) + + # save label + if split != "testing": + # ignore TYPE_UNDEFINED, ignore_index 0 -> -1 + label = create_label(frame)[:, 1].reshape([-1]) - 1 + np.save(save_path / timestamp / "segment.npy", label) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the Waymo dataset", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + parser.add_argument( + "--splits", + required=True, + nargs="+", + choices=["training", "validation", "testing"], + help="Splits need to process ([training, validation, testing]).", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + config = parser.parse_args() + + # load file list + file_list = glob.glob( + os.path.join(os.path.abspath(config.dataset_root), "*", "*.tfrecord") + ) + assert len(file_list) == 1150 + + # Create output directories + for split in config.splits: + os.makedirs(os.path.join(config.output_root, split), exist_ok=True) + + file_list = [ + file + for file in file_list + if os.path.basename(os.path.dirname(file)) in config.splits + ] + + # Load test frame list + test_frame_file = os.path.join( + os.path.dirname(__file__), "3d_semseg_test_set_frames.txt" + ) + test_frame_list = [x.rstrip() for x in (open(test_frame_file, "r").readlines())] + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + handle_process, + file_list, + repeat(config.output_root), + repeat(test_frame_list), + ) + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/s3dis.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/s3dis.py new file mode 100644 index 0000000000000000000000000000000000000000..1cfc176380caaa42d35bbf517ae2f13bf5c86f90 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/s3dis.py @@ -0,0 +1,18 @@ +""" +S3DIS Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +from .defaults import DefaultDataset +from .builder import DATASETS + + +@DATASETS.register_module() +class S3DISDataset(DefaultDataset): + def get_data_name(self, idx): + remain, room_name = os.path.split(self.data_list[idx % len(self.data_list)]) + remain, area_name = os.path.split(remain) + return f"{area_name}-{room_name}" diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannet.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannet.py new file mode 100644 index 0000000000000000000000000000000000000000..5813c7650ce8336335ef84ed8459e59eac774497 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannet.py @@ -0,0 +1,290 @@ +""" +ScanNet20 / ScanNet200 / ScanNet Data Efficient Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import glob +import os +from collections.abc import Sequence +from copy import deepcopy + +import numpy as np +import torch +from torch.utils.data import Dataset + +from pointcept.utils.cache import shared_dict +from pointcept.utils.logger import get_root_logger + +from .builder import DATASETS +from .defaults import DefaultDatasetV2 +from .preprocessing.scannet.meta_data.scannet200_constants import VALID_CLASS_IDS_20, VALID_CLASS_IDS_200 +from .transform import TRANSFORMS, Compose + + +@DATASETS.register_module() +class ScanNetDataset(Dataset): + class2id = np.array(VALID_CLASS_IDS_20) + + def __init__( + self, + split="train", + data_root="data/scannet", + transform=None, + lr_file=None, + la_file=None, + ignore_index=-1, + test_mode=False, + test_cfg=None, + cache=False, + loop=1, + ): + super(ScanNetDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.cache = cache + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build( + self.test_cfg.crop) if self.test_cfg.crop else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [ + Compose(aug) for aug in self.test_cfg.aug_transform + ] + + if lr_file: + self.data_list = [ + os.path.join(data_root, "train", name + ".pth") + for name in np.loadtxt(lr_file, dtype=str) + ] + else: + self.data_list = self.get_data_list() + self.la = torch.load(la_file) if la_file else None + self.ignore_index = ignore_index + logger = get_root_logger() + logger.info("Totally {} x {} samples in {} set.".format( + len(self.data_list), self.loop, split)) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob( + os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob( + os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + if not self.cache: + data = torch.load(data_path) + else: + data_name = data_path.replace(os.path.dirname(self.data_root), + "").split(".")[0] + cache_name = "pointcept" + data_name.replace(os.path.sep, "-") + data = shared_dict(cache_name) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + scene_id = data["scene_id"] + if "semantic_gt20" in data.keys(): + segment = data["semantic_gt20"].reshape([-1]) + else: + segment = np.ones(coord.shape[0]) * -1 + if "instance_gt" in data.keys(): + instance = data["instance_gt"].reshape([-1]) + else: + instance = np.ones(coord.shape[0]) * -1 + data_dict = dict( + coord=coord, + normal=normal, + color=color, + segment=segment, + instance=instance, + scene_id=scene_id, + ) + if self.la: + sampled_index = self.la[self.get_data_name(idx)] + mask = np.ones_like(segment).astype(np.bool) + mask[sampled_index] = False + segment[mask] = self.ignore_index + data_dict["segment"] = segment + data_dict["sampled_index"] = sampled_index + return data_dict + + def get_data_name(self, idx): + return os.path.basename( + self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + segment = data_dict.pop("segment") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + input_dict_list = [] + for data in data_dict_list: + data_part_list = self.test_voxelize(data) + for data_part in data_part_list: + if self.test_crop: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + input_dict_list += data_part + + for i in range(len(input_dict_list)): + input_dict_list[i] = self.post_transform(input_dict_list[i]) + data_dict = dict(fragment_list=input_dict_list, + segment=segment, + name=self.get_data_name(idx)) + return data_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class ScanNet200Dataset(ScanNetDataset): + class2id = np.array(VALID_CLASS_IDS_200) + + def get_data(self, idx): + data = torch.load(self.data_list[idx % len(self.data_list)]) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + scene_id = data["scene_id"] + if "semantic_gt200" in data.keys(): + segment = data["semantic_gt200"].reshape([-1]) + else: + segment = np.ones(coord.shape[0]) * -1 + if "instance_gt" in data.keys(): + instance = data["instance_gt"].reshape([-1]) + else: + instance = np.ones(coord.shape[0]) * -1 + data_dict = dict( + coord=coord, + normal=normal, + color=color, + segment=segment, + instance=instance, + scene_id=scene_id, + ) + if self.la: + sampled_index = self.la[self.get_data_name(idx)] + segment[sampled_index] = self.ignore_index + data_dict["segment"] = segment + data_dict["sampled_index"] = sampled_index + return data_dict + + +@DATASETS.register_module() +class ScanNetDatasetV2(DefaultDatasetV2): + VALID_ASSETS = [ + "coord", + "color", + "normal", + "segment20", + "instance", + ] + class2id = np.array(VALID_CLASS_IDS_20) + + def __init__( + self, + lr_file=None, + la_file=None, + **kwargs, + ): + self.lr = np.loadtxt(lr_file, + dtype=str) if lr_file is not None else None + self.la = torch.load(la_file) if la_file is not None else None + super().__init__(**kwargs) + + def get_data_list(self): + if self.lr is None: + data_list = super().get_data_list() + else: + data_list = [ + os.path.join(self.data_root, "train", name) for name in self.lr + ] + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + name = self.get_data_name(idx) + if self.cache: + cache_name = f"pointcept-{name}" + return shared_dict(cache_name) + + data_dict = {} + assets = os.listdir(data_path) + for asset in assets: + if not asset.endswith(".npy"): + continue + if asset[:-4] not in self.VALID_ASSETS: + continue + data_dict[asset[:-4]] = np.load(os.path.join(data_path, asset)) + data_dict["name"] = name + data_dict["coord"] = data_dict["coord"].astype(np.float32) + data_dict["color"] = data_dict["color"].astype(np.float32) + data_dict["normal"] = data_dict["normal"].astype(np.float32) + + if "segment20" in data_dict.keys(): + data_dict["segment"] = (data_dict.pop("segment20").reshape( + [-1]).astype(np.int32)) + elif "segment200" in data_dict.keys(): + data_dict["segment"] = (data_dict.pop("segment200").reshape( + [-1]).astype(np.int32)) + else: + data_dict["segment"] = ( + np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1) + + if "instance" in data_dict.keys(): + data_dict["instance"] = (data_dict.pop("instance").reshape( + [-1]).astype(np.int32)) + else: + data_dict["instance"] = ( + np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1) + if self.la: + sampled_index = self.la[self.get_data_name(idx)] + mask = np.ones_like(data_dict["segment"], dtype=bool) + mask[sampled_index] = False + data_dict["segment"][mask] = self.ignore_index + data_dict["sampled_index"] = sampled_index + return data_dict + + +@DATASETS.register_module() +class ScanNet200DatasetV2(ScanNetDatasetV2): + VALID_ASSETS = [ + "coord", + "color", + "normal", + "segment200", + "instance", + ] + class2id = np.array(VALID_CLASS_IDS_200) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannet_pair.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannet_pair.py new file mode 100644 index 0000000000000000000000000000000000000000..b7fdf199aa90b113bb4e8c7643e5549f62d0c51a --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannet_pair.py @@ -0,0 +1,89 @@ +""" +ScanNet Pair Dataset (Frame-level contrastive view) + +Refer PointContrast + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose, TRANSFORMS + + +@DATASETS.register_module() +class ScanNetPairDataset(Dataset): + def __init__( + self, + data_root="data/scannet_pair", + overlap_threshold=0.3, + view1_transform=None, + view2_transform=None, + loop=1, + **kwargs + ): + super(ScanNetPairDataset, self).__init__() + self.data_root = data_root + self.overlap_threshold = overlap_threshold + self.view1_transform = Compose(view1_transform) + self.view2_transform = Compose(view2_transform) + self.loop = loop + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples.".format(len(self.data_list), self.loop)) + + def get_data_list(self): + data_list = [] + overlap_list = glob.glob( + os.path.join(self.data_root, "*", "pcd", "overlap.txt") + ) + for overlap_file in overlap_list: + with open(overlap_file) as f: + overlap = f.readlines() + overlap = [pair.strip().split() for pair in overlap] + data_list.extend( + [ + pair[:2] + for pair in overlap + if float(pair[2]) > self.overlap_threshold + ] + ) + return data_list + + def get_data(self, idx): + pair = self.data_list[idx % len(self.data_list)] + view1_dict = torch.load(self.data_root + pair[0]) + view2_dict = torch.load(self.data_root + pair[1]) + return view1_dict, view2_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + view1_dict, view2_dict = self.get_data(idx) + view1_dict = self.view1_transform(view1_dict) + view2_dict = self.view2_transform(view2_dict) + data_dict = dict() + for key, value in view1_dict.items(): + data_dict["view1_" + key] = value + for key, value in view2_dict.items(): + data_dict["view2_" + key] = value + return data_dict + + def prepare_test_data(self, idx): + raise NotImplementedError + + def __getitem__(self, idx): + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannetpp.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannetpp.py new file mode 100644 index 0000000000000000000000000000000000000000..4e3ef3bf65bd4f81fb0f65652ead6fbff62337e9 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/scannetpp.py @@ -0,0 +1,78 @@ +""" +ScanNet++ dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +import glob + +from pointcept.utils.cache import shared_dict + +from .builder import DATASETS +from .defaults import DefaultDatasetV2 + + +@DATASETS.register_module() +class ScanNetPPDataset(DefaultDatasetV2): + VALID_ASSETS = [ + "coord", + "color", + "normal", + "segment", + "instance", + ] + + def __init__( + self, + multilabel=False, + **kwargs, + ): + super().__init__(**kwargs) + self.multilabel = multilabel + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + name = self.get_data_name(idx) + if self.cache: + cache_name = f"pointcept-{name}" + return shared_dict(cache_name) + + data_dict = {} + assets = os.listdir(data_path) + for asset in assets: + if not asset.endswith(".npy"): + continue + if asset[:-4] not in self.VALID_ASSETS: + continue + data_dict[asset[:-4]] = np.load(os.path.join(data_path, asset)) + data_dict["name"] = name + + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"].astype(np.float32) + + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"].astype(np.float32) + + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"].astype(np.float32) + + if not self.multilabel: + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][:, 0].astype(np.int32) + else: + data_dict["segment"] = ( + np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + ) + + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][:, 0].astype(np.int32) + else: + data_dict["instance"] = ( + np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + ) + else: + raise NotImplementedError + return data_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/semantic_kitti.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/semantic_kitti.py new file mode 100644 index 0000000000000000000000000000000000000000..3729b4163a113be69f3874cad646f4bc6255cfba --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/semantic_kitti.py @@ -0,0 +1,139 @@ +""" +Semantic KITTI dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np + +from .builder import DATASETS +from .defaults import DefaultDataset + + +@DATASETS.register_module() +class SemanticKITTIDataset(DefaultDataset): + def __init__(self, ignore_index=-1, **kwargs): + self.ignore_index = ignore_index + self.learning_map = self.get_learning_map(ignore_index) + self.learning_map_inv = self.get_learning_map_inv(ignore_index) + super().__init__(ignore_index=ignore_index, **kwargs) + + def get_data_list(self): + split2seq = dict( + train=[0, 1, 2, 3, 4, 5, 6, 7, 9, 10], + val=[8], + test=[11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21], + ) + if isinstance(self.split, str): + seq_list = split2seq[self.split] + elif isinstance(self.split, list): + seq_list = [] + for split in self.split: + seq_list += split2seq[split] + else: + raise NotImplementedError + + data_list = [] + for seq in seq_list: + seq = str(seq).zfill(2) + seq_folder = os.path.join(self.data_root, "dataset", "sequences", seq) + seq_files = sorted(os.listdir(os.path.join(seq_folder, "velodyne"))) + data_list += [ + os.path.join(seq_folder, "velodyne", file) for file in seq_files + ] + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + with open(data_path, "rb") as b: + scan = np.fromfile(b, dtype=np.float32).reshape(-1, 4) + coord = scan[:, :3] + strength = scan[:, -1].reshape([-1, 1]) + + label_file = data_path.replace("velodyne", "labels").replace(".bin", ".label") + if os.path.exists(label_file): + with open(label_file, "rb") as a: + segment = np.fromfile(a, dtype=np.int32).reshape(-1) + segment = np.vectorize(self.learning_map.__getitem__)( + segment & 0xFFFF + ).astype(np.int32) + else: + segment = np.zeros(scan.shape[0]).astype(np.int32) + data_dict = dict(coord=coord, strength=strength, segment=segment) + return data_dict + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + dir_path, file_name = os.path.split(file_path) + sequence_name = os.path.basename(os.path.dirname(dir_path)) + frame_name = os.path.splitext(file_name)[0] + data_name = f"{sequence_name}_{frame_name}" + return data_name + + @staticmethod + def get_learning_map(ignore_index): + learning_map = { + 0: ignore_index, # "unlabeled" + 1: ignore_index, # "outlier" mapped to "unlabeled" --------------------------mapped + 10: 0, # "car" + 11: 1, # "bicycle" + 13: 4, # "bus" mapped to "other-vehicle" --------------------------mapped + 15: 2, # "motorcycle" + 16: 4, # "on-rails" mapped to "other-vehicle" ---------------------mapped + 18: 3, # "truck" + 20: 4, # "other-vehicle" + 30: 5, # "person" + 31: 6, # "bicyclist" + 32: 7, # "motorcyclist" + 40: 8, # "road" + 44: 9, # "parking" + 48: 10, # "sidewalk" + 49: 11, # "other-ground" + 50: 12, # "building" + 51: 13, # "fence" + 52: ignore_index, # "other-structure" mapped to "unlabeled" ------------------mapped + 60: 8, # "lane-marking" to "road" ---------------------------------mapped + 70: 14, # "vegetation" + 71: 15, # "trunk" + 72: 16, # "terrain" + 80: 17, # "pole" + 81: 18, # "traffic-sign" + 99: ignore_index, # "other-object" to "unlabeled" ----------------------------mapped + 252: 0, # "moving-car" to "car" ------------------------------------mapped + 253: 6, # "moving-bicyclist" to "bicyclist" ------------------------mapped + 254: 5, # "moving-person" to "person" ------------------------------mapped + 255: 7, # "moving-motorcyclist" to "motorcyclist" ------------------mapped + 256: 4, # "moving-on-rails" mapped to "other-vehicle" --------------mapped + 257: 4, # "moving-bus" mapped to "other-vehicle" -------------------mapped + 258: 3, # "moving-truck" to "truck" --------------------------------mapped + 259: 4, # "moving-other"-vehicle to "other-vehicle" ----------------mapped + } + return learning_map + + @staticmethod + def get_learning_map_inv(ignore_index): + learning_map_inv = { + ignore_index: ignore_index, # "unlabeled" + 0: 10, # "car" + 1: 11, # "bicycle" + 2: 15, # "motorcycle" + 3: 18, # "truck" + 4: 20, # "other-vehicle" + 5: 30, # "person" + 6: 31, # "bicyclist" + 7: 32, # "motorcyclist" + 8: 40, # "road" + 9: 44, # "parking" + 10: 48, # "sidewalk" + 11: 49, # "other-ground" + 12: 50, # "building" + 13: 51, # "fence" + 14: 70, # "vegetation" + 15: 71, # "trunk" + 16: 72, # "terrain" + 17: 80, # "pole" + 18: 81, # "traffic-sign" + } + return learning_map_inv diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/shapenet_part.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/shapenet_part.py new file mode 100644 index 0000000000000000000000000000000000000000..ca0c3d50adf98b643233e28b56631654479fde60 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/shapenet_part.py @@ -0,0 +1,160 @@ +""" +ShapeNet Part Dataset (Unmaintained) + +get processed shapenet part dataset +at "https://shapenet.cs.stanford.edu/media/shapenetcore_partanno_segmentation_benchmark_v0_normal.zip" + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import json +import torch +import numpy as np +from copy import deepcopy +from torch.utils.data import Dataset + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose + + +@DATASETS.register_module() +class ShapeNetPartDataset(Dataset): + def __init__( + self, + split="train", + data_root="data/shapenetcore_partanno_segmentation_benchmark_v0_normal", + transform=None, + test_mode=False, + test_cfg=None, + loop=1, + ): + super(ShapeNetPartDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.loop = ( + loop if not test_mode else 1 + ) # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + self.cache = {} + + # load categories file + self.categories = [] + self.category2part = { + "Airplane": [0, 1, 2, 3], + "Bag": [4, 5], + "Cap": [6, 7], + "Car": [8, 9, 10, 11], + "Chair": [12, 13, 14, 15], + "Earphone": [16, 17, 18], + "Guitar": [19, 20, 21], + "Knife": [22, 23], + "Lamp": [24, 25, 26, 27], + "Laptop": [28, 29], + "Motorbike": [30, 31, 32, 33, 34, 35], + "Mug": [36, 37], + "Pistol": [38, 39, 40], + "Rocket": [41, 42, 43], + "Skateboard": [44, 45, 46], + "Table": [47, 48, 49], + } + self.token2category = {} + with open(os.path.join(self.data_root, "synsetoffset2category.txt"), "r") as f: + for line in f: + ls = line.strip().split() + self.token2category[ls[1]] = len(self.categories) + self.categories.append(ls[0]) + + if test_mode: + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + # load data list + if isinstance(self.split, str): + self.data_list = self.load_data_list(self.split) + elif isinstance(self.split, list): + self.data_list = [] + for s in self.split: + self.data_list += self.load_data_list(s) + else: + raise NotImplementedError + + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_idx), self.loop, split + ) + ) + + def load_data_list(self, split): + split_file = os.path.join( + self.data_root, + "train_test_split", + "shuffled_{}_file_list.json".format(split), + ) + if not os.path.isfile(split_file): + raise (RuntimeError("Split file do not exist: " + split_file + "\n")) + with open(split_file, "r") as f: + # drop "shape_data/" and append ".txt" + data_list = [ + os.path.join(self.data_root, data[11:] + ".txt") + for data in json.load(f) + ] + return data_list + + def prepare_train_data(self, idx): + # load data + data_idx = idx % len(self.data_list) + if data_idx in self.cache: + coord, norm, segment, cls_token = self.cache[data_idx] + else: + data = np.loadtxt(self.data_list[data_idx]).astype(np.float32) + cls_token = self.token2category[ + os.path.basename(os.path.dirname(self.data_list[data_idx])) + ] + coord, norm, segment = ( + data[:, :3], + data[:, 3:6], + data[:, 6].astype(np.int32), + ) + self.cache[data_idx] = (coord, norm, segment, cls_token) + + data_dict = dict(coord=coord, norm=norm, segment=segment, cls_token=cls_token) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_idx = self.data_idx[idx % len(self.data_idx)] + data = np.loadtxt(self.data_list[data_idx]).astype(np.float32) + cls_token = self.token2category[ + os.path.basename(os.path.dirname(self.data_list[data_idx])) + ] + coord, norm, segment = data[:, :3], data[:, 3:6], data[:, 6].astype(np.int32) + + data_dict = dict(coord=coord, norm=norm, cls_token=cls_token) + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(self.post_transform(aug(deepcopy(data_dict)))) + data_dict = dict( + fragment_list=data_dict_list, segment=segment, name=self.get_data_name(idx) + ) + return data_dict + + def get_data_name(self, idx): + data_idx = self.data_idx[idx % len(self.data_idx)] + return os.path.basename(self.data_list[data_idx]).split(".")[0] + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_idx) * self.loop diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/structure3d.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/structure3d.py new file mode 100644 index 0000000000000000000000000000000000000000..b248ac453eed86688dfed36c676c0ca0245aaa96 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/structure3d.py @@ -0,0 +1,61 @@ +""" +Structured3D Datasets + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import glob +import os +from collections.abc import Sequence + +from .builder import DATASETS +from .defaults import DefaultDataset, DefaultDatasetV2 + + +@DATASETS.register_module() +class Structured3DDataset(DefaultDataset): + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob( + os.path.join(self.data_root, self.split, "scene_*/room_*")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob( + os.path.join(self.data_root, split, "scene_*/room_*")) + else: + raise NotImplementedError + return data_list + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + dir_path, room_name = os.path.split(file_path) + scene_name = os.path.basename(dir_path) + data_name = f"{scene_name}_{room_name}" + return data_name + + +@DATASETS.register_module() +class Structured3DDatasetV2(DefaultDatasetV2): + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob( + os.path.join(self.data_root, self.split, "scene_*/room_*")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob( + os.path.join(self.data_root, split, "scene_*/room_*")) + else: + raise NotImplementedError + return data_list + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + dir_path, room_name = os.path.split(file_path) + scene_name = os.path.basename(dir_path) + data_name = f"{scene_name}_{room_name}" + return data_name diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/transform.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/transform.py new file mode 100644 index 0000000000000000000000000000000000000000..d1abfe4f3d88decdac17861b31647c34f9520292 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/transform.py @@ -0,0 +1,1148 @@ +""" +3D Point Cloud Augmentation + +Inspirited by chrischoy/SpatioTemporalSegmentation + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import random +import numbers +import scipy +import scipy.ndimage +import scipy.interpolate +import scipy.stats +import numpy as np +import torch +import copy +from collections.abc import Sequence, Mapping + +from pointcept.utils.registry import Registry + +TRANSFORMS = Registry("transforms") + + +@TRANSFORMS.register_module() +class Collect(object): + def __init__(self, keys, offset_keys_dict=None, **kwargs): + """ + e.g. Collect(keys=[coord], feat_keys=[coord, color]) + """ + if offset_keys_dict is None: + offset_keys_dict = dict(offset="coord") + self.keys = keys + self.offset_keys = offset_keys_dict + self.kwargs = kwargs + + def __call__(self, data_dict): + data = dict() + if isinstance(self.keys, str): + self.keys = [self.keys] + for key in self.keys: + data[key] = data_dict[key] + for key, value in self.offset_keys.items(): + data[key] = torch.tensor([data_dict[value].shape[0]]) + for name, keys in self.kwargs.items(): + name = name.replace("_keys", "") + assert isinstance(keys, Sequence) + data[name] = torch.cat([data_dict[key].float() for key in keys], dim=1) + return data + + +@TRANSFORMS.register_module() +class Copy(object): + def __init__(self, keys_dict=None): + if keys_dict is None: + keys_dict = dict(coord="origin_coord", segment="origin_segment") + self.keys_dict = keys_dict + + def __call__(self, data_dict): + for key, value in self.keys_dict.items(): + if isinstance(data_dict[key], np.ndarray): + data_dict[value] = data_dict[key].copy() + elif isinstance(data_dict[key], torch.Tensor): + data_dict[value] = data_dict[key].clone().detach() + else: + data_dict[value] = copy.deepcopy(data_dict[key]) + return data_dict + + +@TRANSFORMS.register_module() +class ToTensor(object): + def __call__(self, data): + if isinstance(data, torch.Tensor): + return data + elif isinstance(data, str): + # note that str is also a kind of sequence, judgement should before sequence + return data + elif isinstance(data, int): + return torch.LongTensor([data]) + elif isinstance(data, float): + return torch.FloatTensor([data]) + elif isinstance(data, np.ndarray) and np.issubdtype(data.dtype, bool): + return torch.from_numpy(data) + elif isinstance(data, np.ndarray) and np.issubdtype(data.dtype, np.integer): + return torch.from_numpy(data).long() + elif isinstance(data, np.ndarray) and np.issubdtype(data.dtype, np.floating): + return torch.from_numpy(data).float() + elif isinstance(data, Mapping): + result = {sub_key: self(item) for sub_key, item in data.items()} + return result + elif isinstance(data, Sequence): + result = [self(item) for item in data] + return result + else: + raise TypeError(f"type {type(data)} cannot be converted to tensor.") + + +@TRANSFORMS.register_module() +class Add(object): + def __init__(self, keys_dict=None): + if keys_dict is None: + keys_dict = dict() + self.keys_dict = keys_dict + + def __call__(self, data_dict): + for key, value in self.keys_dict.items(): + data_dict[key] = value + return data_dict + + +@TRANSFORMS.register_module() +class NormalizeColor(object): + def __call__(self, data_dict): + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"] / 127.5 - 1 + return data_dict + + +@TRANSFORMS.register_module() +class NormalizeCoord(object): + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + # modified from pointnet2 + centroid = np.mean(data_dict["coord"], axis=0) + data_dict["coord"] -= centroid + m = np.max(np.sqrt(np.sum(data_dict["coord"] ** 2, axis=1))) + data_dict["coord"] = data_dict["coord"] / m + return data_dict + + +@TRANSFORMS.register_module() +class PositiveShift(object): + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + coord_min = np.min(data_dict["coord"], 0) + data_dict["coord"] -= coord_min + return data_dict + + +@TRANSFORMS.register_module() +class CenterShift(object): + def __init__(self, apply_z=True): + self.apply_z = apply_z + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + x_min, y_min, z_min = data_dict["coord"].min(axis=0) + x_max, y_max, _ = data_dict["coord"].max(axis=0) + if self.apply_z: + shift = [(x_min + x_max) / 2, (y_min + y_max) / 2, z_min] + else: + shift = [(x_min + x_max) / 2, (y_min + y_max) / 2, 0] + data_dict["coord"] -= shift + return data_dict + + +@TRANSFORMS.register_module() +class RandomShift(object): + def __init__(self, shift=((-0.2, 0.2), (-0.2, 0.2), (0, 0))): + self.shift = shift + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + shift_x = np.random.uniform(self.shift[0][0], self.shift[0][1]) + shift_y = np.random.uniform(self.shift[1][0], self.shift[1][1]) + shift_z = np.random.uniform(self.shift[2][0], self.shift[2][1]) + data_dict["coord"] += [shift_x, shift_y, shift_z] + return data_dict + + +@TRANSFORMS.register_module() +class PointClip(object): + def __init__(self, point_cloud_range=(-80, -80, -3, 80, 80, 1)): + self.point_cloud_range = point_cloud_range + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + data_dict["coord"] = np.clip( + data_dict["coord"], + a_min=self.point_cloud_range[:3], + a_max=self.point_cloud_range[3:], + ) + return data_dict + + +@TRANSFORMS.register_module() +class RandomDropout(object): + def __init__(self, dropout_ratio=0.2, dropout_application_ratio=0.5): + """ + upright_axis: axis index among x,y,z, i.e. 2 for z + """ + self.dropout_ratio = dropout_ratio + self.dropout_application_ratio = dropout_application_ratio + + def __call__(self, data_dict): + if random.random() < self.dropout_application_ratio: + n = len(data_dict["coord"]) + idx = np.random.choice(n, int(n * (1 - self.dropout_ratio)), replace=False) + if "sampled_index" in data_dict: + # for ScanNet data efficient, we need to make sure labeled point is sampled. + idx = np.unique(np.append(idx, data_dict["sampled_index"])) + mask = np.zeros_like(data_dict["segment"]).astype(bool) + mask[data_dict["sampled_index"]] = True + data_dict["sampled_index"] = np.where(mask[idx])[0] + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][idx] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][idx] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][idx] + if "strength" in data_dict.keys(): + data_dict["strength"] = data_dict["strength"][idx] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][idx] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][idx] + return data_dict + + +@TRANSFORMS.register_module() +class RandomRotate(object): + def __init__(self, angle=None, center=None, axis="z", always_apply=False, p=0.5): + self.angle = [-1, 1] if angle is None else angle + self.axis = axis + self.always_apply = always_apply + self.p = p if not self.always_apply else 1 + self.center = center + + def __call__(self, data_dict): + if random.random() > self.p: + return data_dict + angle = np.random.uniform(self.angle[0], self.angle[1]) * np.pi + rot_cos, rot_sin = np.cos(angle), np.sin(angle) + if self.axis == "x": + rot_t = np.array([[1, 0, 0], [0, rot_cos, -rot_sin], [0, rot_sin, rot_cos]]) + elif self.axis == "y": + rot_t = np.array([[rot_cos, 0, rot_sin], [0, 1, 0], [-rot_sin, 0, rot_cos]]) + elif self.axis == "z": + rot_t = np.array([[rot_cos, -rot_sin, 0], [rot_sin, rot_cos, 0], [0, 0, 1]]) + else: + raise NotImplementedError + if "coord" in data_dict.keys(): + if self.center is None: + x_min, y_min, z_min = data_dict["coord"].min(axis=0) + x_max, y_max, z_max = data_dict["coord"].max(axis=0) + center = [(x_min + x_max) / 2, (y_min + y_max) / 2, (z_min + z_max) / 2] + else: + center = self.center + data_dict["coord"] -= center + data_dict["coord"] = np.dot(data_dict["coord"], np.transpose(rot_t)) + data_dict["coord"] += center + if "normal" in data_dict.keys(): + data_dict["normal"] = np.dot(data_dict["normal"], np.transpose(rot_t)) + return data_dict + + +@TRANSFORMS.register_module() +class RandomRotateTargetAngle(object): + def __init__( + self, angle=(1 / 2, 1, 3 / 2), center=None, axis="z", always_apply=False, p=0.75 + ): + self.angle = angle + self.axis = axis + self.always_apply = always_apply + self.p = p if not self.always_apply else 1 + self.center = center + + def __call__(self, data_dict): + if random.random() > self.p: + return data_dict + angle = np.random.choice(self.angle) * np.pi + rot_cos, rot_sin = np.cos(angle), np.sin(angle) + if self.axis == "x": + rot_t = np.array([[1, 0, 0], [0, rot_cos, -rot_sin], [0, rot_sin, rot_cos]]) + elif self.axis == "y": + rot_t = np.array([[rot_cos, 0, rot_sin], [0, 1, 0], [-rot_sin, 0, rot_cos]]) + elif self.axis == "z": + rot_t = np.array([[rot_cos, -rot_sin, 0], [rot_sin, rot_cos, 0], [0, 0, 1]]) + else: + raise NotImplementedError + if "coord" in data_dict.keys(): + if self.center is None: + x_min, y_min, z_min = data_dict["coord"].min(axis=0) + x_max, y_max, z_max = data_dict["coord"].max(axis=0) + center = [(x_min + x_max) / 2, (y_min + y_max) / 2, (z_min + z_max) / 2] + else: + center = self.center + data_dict["coord"] -= center + data_dict["coord"] = np.dot(data_dict["coord"], np.transpose(rot_t)) + data_dict["coord"] += center + if "normal" in data_dict.keys(): + data_dict["normal"] = np.dot(data_dict["normal"], np.transpose(rot_t)) + return data_dict + + +@TRANSFORMS.register_module() +class RandomScale(object): + def __init__(self, scale=None, anisotropic=False): + self.scale = scale if scale is not None else [0.95, 1.05] + self.anisotropic = anisotropic + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + scale = np.random.uniform( + self.scale[0], self.scale[1], 3 if self.anisotropic else 1 + ) + data_dict["coord"] *= scale + return data_dict + + +@TRANSFORMS.register_module() +class RandomFlip(object): + def __init__(self, p=0.5): + self.p = p + + def __call__(self, data_dict): + if np.random.rand() < self.p: + if "coord" in data_dict.keys(): + data_dict["coord"][:, 0] = -data_dict["coord"][:, 0] + if "normal" in data_dict.keys(): + data_dict["normal"][:, 0] = -data_dict["normal"][:, 0] + if np.random.rand() < self.p: + if "coord" in data_dict.keys(): + data_dict["coord"][:, 1] = -data_dict["coord"][:, 1] + if "normal" in data_dict.keys(): + data_dict["normal"][:, 1] = -data_dict["normal"][:, 1] + return data_dict + + +@TRANSFORMS.register_module() +class RandomJitter(object): + def __init__(self, sigma=0.01, clip=0.05): + assert clip > 0 + self.sigma = sigma + self.clip = clip + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + jitter = np.clip( + self.sigma * np.random.randn(data_dict["coord"].shape[0], 3), + -self.clip, + self.clip, + ) + data_dict["coord"] += jitter + return data_dict + + +@TRANSFORMS.register_module() +class ClipGaussianJitter(object): + def __init__(self, scalar=0.02, store_jitter=False): + self.scalar = scalar + self.mean = np.mean(3) + self.cov = np.identity(3) + self.quantile = 1.96 + self.store_jitter = store_jitter + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + jitter = np.random.multivariate_normal( + self.mean, self.cov, data_dict["coord"].shape[0] + ) + jitter = self.scalar * np.clip(jitter / 1.96, -1, 1) + data_dict["coord"] += jitter + if self.store_jitter: + data_dict["jitter"] = jitter + return data_dict + + +@TRANSFORMS.register_module() +class ChromaticAutoContrast(object): + def __init__(self, p=0.2, blend_factor=None): + self.p = p + self.blend_factor = blend_factor + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + lo = np.min(data_dict["color"], 0, keepdims=True) + hi = np.max(data_dict["color"], 0, keepdims=True) + scale = 255 / (hi - lo) + contrast_feat = (data_dict["color"][:, :3] - lo) * scale + blend_factor = ( + np.random.rand() if self.blend_factor is None else self.blend_factor + ) + data_dict["color"][:, :3] = (1 - blend_factor) * data_dict["color"][ + :, :3 + ] + blend_factor * contrast_feat + return data_dict + + +@TRANSFORMS.register_module() +class ChromaticTranslation(object): + def __init__(self, p=0.95, ratio=0.05): + self.p = p + self.ratio = ratio + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + tr = (np.random.rand(1, 3) - 0.5) * 255 * 2 * self.ratio + data_dict["color"][:, :3] = np.clip(tr + data_dict["color"][:, :3], 0, 255) + return data_dict + + +@TRANSFORMS.register_module() +class ChromaticJitter(object): + def __init__(self, p=0.95, std=0.005): + self.p = p + self.std = std + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + noise = np.random.randn(data_dict["color"].shape[0], 3) + noise *= self.std * 255 + data_dict["color"][:, :3] = np.clip( + noise + data_dict["color"][:, :3], 0, 255 + ) + return data_dict + + +@TRANSFORMS.register_module() +class RandomColorGrayScale(object): + def __init__(self, p): + self.p = p + + @staticmethod + def rgb_to_grayscale(color, num_output_channels=1): + if color.shape[-1] < 3: + raise TypeError( + "Input color should have at least 3 dimensions, but found {}".format( + color.shape[-1] + ) + ) + + if num_output_channels not in (1, 3): + raise ValueError("num_output_channels should be either 1 or 3") + + r, g, b = color[..., 0], color[..., 1], color[..., 2] + gray = (0.2989 * r + 0.587 * g + 0.114 * b).astype(color.dtype) + gray = np.expand_dims(gray, axis=-1) + + if num_output_channels == 3: + gray = np.broadcast_to(gray, color.shape) + + return gray + + def __call__(self, data_dict): + if np.random.rand() < self.p: + data_dict["color"] = self.rgb_to_grayscale(data_dict["color"], 3) + return data_dict + + +@TRANSFORMS.register_module() +class RandomColorJitter(object): + """ + Random Color Jitter for 3D point cloud (refer torchvision) + """ + + def __init__(self, brightness=0, contrast=0, saturation=0, hue=0, p=0.95): + self.brightness = self._check_input(brightness, "brightness") + self.contrast = self._check_input(contrast, "contrast") + self.saturation = self._check_input(saturation, "saturation") + self.hue = self._check_input( + hue, "hue", center=0, bound=(-0.5, 0.5), clip_first_on_zero=False + ) + self.p = p + + @staticmethod + def _check_input( + value, name, center=1, bound=(0, float("inf")), clip_first_on_zero=True + ): + if isinstance(value, numbers.Number): + if value < 0: + raise ValueError( + "If {} is a single number, it must be non negative.".format(name) + ) + value = [center - float(value), center + float(value)] + if clip_first_on_zero: + value[0] = max(value[0], 0.0) + elif isinstance(value, (tuple, list)) and len(value) == 2: + if not bound[0] <= value[0] <= value[1] <= bound[1]: + raise ValueError("{} values should be between {}".format(name, bound)) + else: + raise TypeError( + "{} should be a single number or a list/tuple with length 2.".format( + name + ) + ) + + # if value is 0 or (1., 1.) for brightness/contrast/saturation + # or (0., 0.) for hue, do nothing + if value[0] == value[1] == center: + value = None + return value + + @staticmethod + def blend(color1, color2, ratio): + ratio = float(ratio) + bound = 255.0 + return ( + (ratio * color1 + (1.0 - ratio) * color2) + .clip(0, bound) + .astype(color1.dtype) + ) + + @staticmethod + def rgb2hsv(rgb): + r, g, b = rgb[..., 0], rgb[..., 1], rgb[..., 2] + maxc = np.max(rgb, axis=-1) + minc = np.min(rgb, axis=-1) + eqc = maxc == minc + cr = maxc - minc + s = cr / (np.ones_like(maxc) * eqc + maxc * (1 - eqc)) + cr_divisor = np.ones_like(maxc) * eqc + cr * (1 - eqc) + rc = (maxc - r) / cr_divisor + gc = (maxc - g) / cr_divisor + bc = (maxc - b) / cr_divisor + + hr = (maxc == r) * (bc - gc) + hg = ((maxc == g) & (maxc != r)) * (2.0 + rc - bc) + hb = ((maxc != g) & (maxc != r)) * (4.0 + gc - rc) + h = hr + hg + hb + h = (h / 6.0 + 1.0) % 1.0 + return np.stack((h, s, maxc), axis=-1) + + @staticmethod + def hsv2rgb(hsv): + h, s, v = hsv[..., 0], hsv[..., 1], hsv[..., 2] + i = np.floor(h * 6.0) + f = (h * 6.0) - i + i = i.astype(np.int32) + + p = np.clip((v * (1.0 - s)), 0.0, 1.0) + q = np.clip((v * (1.0 - s * f)), 0.0, 1.0) + t = np.clip((v * (1.0 - s * (1.0 - f))), 0.0, 1.0) + i = i % 6 + mask = np.expand_dims(i, axis=-1) == np.arange(6) + + a1 = np.stack((v, q, p, p, t, v), axis=-1) + a2 = np.stack((t, v, v, q, p, p), axis=-1) + a3 = np.stack((p, p, t, v, v, q), axis=-1) + a4 = np.stack((a1, a2, a3), axis=-1) + + return np.einsum("...na, ...nab -> ...nb", mask.astype(hsv.dtype), a4) + + def adjust_brightness(self, color, brightness_factor): + if brightness_factor < 0: + raise ValueError( + "brightness_factor ({}) is not non-negative.".format(brightness_factor) + ) + + return self.blend(color, np.zeros_like(color), brightness_factor) + + def adjust_contrast(self, color, contrast_factor): + if contrast_factor < 0: + raise ValueError( + "contrast_factor ({}) is not non-negative.".format(contrast_factor) + ) + mean = np.mean(RandomColorGrayScale.rgb_to_grayscale(color)) + return self.blend(color, mean, contrast_factor) + + def adjust_saturation(self, color, saturation_factor): + if saturation_factor < 0: + raise ValueError( + "saturation_factor ({}) is not non-negative.".format(saturation_factor) + ) + gray = RandomColorGrayScale.rgb_to_grayscale(color) + return self.blend(color, gray, saturation_factor) + + def adjust_hue(self, color, hue_factor): + if not (-0.5 <= hue_factor <= 0.5): + raise ValueError( + "hue_factor ({}) is not in [-0.5, 0.5].".format(hue_factor) + ) + orig_dtype = color.dtype + hsv = self.rgb2hsv(color / 255.0) + h, s, v = hsv[..., 0], hsv[..., 1], hsv[..., 2] + h = (h + hue_factor) % 1.0 + hsv = np.stack((h, s, v), axis=-1) + color_hue_adj = (self.hsv2rgb(hsv) * 255.0).astype(orig_dtype) + return color_hue_adj + + @staticmethod + def get_params(brightness, contrast, saturation, hue): + fn_idx = torch.randperm(4) + b = ( + None + if brightness is None + else np.random.uniform(brightness[0], brightness[1]) + ) + c = None if contrast is None else np.random.uniform(contrast[0], contrast[1]) + s = ( + None + if saturation is None + else np.random.uniform(saturation[0], saturation[1]) + ) + h = None if hue is None else np.random.uniform(hue[0], hue[1]) + return fn_idx, b, c, s, h + + def __call__(self, data_dict): + ( + fn_idx, + brightness_factor, + contrast_factor, + saturation_factor, + hue_factor, + ) = self.get_params(self.brightness, self.contrast, self.saturation, self.hue) + + for fn_id in fn_idx: + if ( + fn_id == 0 + and brightness_factor is not None + and np.random.rand() < self.p + ): + data_dict["color"] = self.adjust_brightness( + data_dict["color"], brightness_factor + ) + elif ( + fn_id == 1 and contrast_factor is not None and np.random.rand() < self.p + ): + data_dict["color"] = self.adjust_contrast( + data_dict["color"], contrast_factor + ) + elif ( + fn_id == 2 + and saturation_factor is not None + and np.random.rand() < self.p + ): + data_dict["color"] = self.adjust_saturation( + data_dict["color"], saturation_factor + ) + elif fn_id == 3 and hue_factor is not None and np.random.rand() < self.p: + data_dict["color"] = self.adjust_hue(data_dict["color"], hue_factor) + return data_dict + + +@TRANSFORMS.register_module() +class HueSaturationTranslation(object): + @staticmethod + def rgb_to_hsv(rgb): + # Translated from source of colorsys.rgb_to_hsv + # r,g,b should be a numpy arrays with values between 0 and 255 + # rgb_to_hsv returns an array of floats between 0.0 and 1.0. + rgb = rgb.astype("float") + hsv = np.zeros_like(rgb) + # in case an RGBA array was passed, just copy the A channel + hsv[..., 3:] = rgb[..., 3:] + r, g, b = rgb[..., 0], rgb[..., 1], rgb[..., 2] + maxc = np.max(rgb[..., :3], axis=-1) + minc = np.min(rgb[..., :3], axis=-1) + hsv[..., 2] = maxc + mask = maxc != minc + hsv[mask, 1] = (maxc - minc)[mask] / maxc[mask] + rc = np.zeros_like(r) + gc = np.zeros_like(g) + bc = np.zeros_like(b) + rc[mask] = (maxc - r)[mask] / (maxc - minc)[mask] + gc[mask] = (maxc - g)[mask] / (maxc - minc)[mask] + bc[mask] = (maxc - b)[mask] / (maxc - minc)[mask] + hsv[..., 0] = np.select( + [r == maxc, g == maxc], [bc - gc, 2.0 + rc - bc], default=4.0 + gc - rc + ) + hsv[..., 0] = (hsv[..., 0] / 6.0) % 1.0 + return hsv + + @staticmethod + def hsv_to_rgb(hsv): + # Translated from source of colorsys.hsv_to_rgb + # h,s should be a numpy arrays with values between 0.0 and 1.0 + # v should be a numpy array with values between 0.0 and 255.0 + # hsv_to_rgb returns an array of uints between 0 and 255. + rgb = np.empty_like(hsv) + rgb[..., 3:] = hsv[..., 3:] + h, s, v = hsv[..., 0], hsv[..., 1], hsv[..., 2] + i = (h * 6.0).astype("uint8") + f = (h * 6.0) - i + p = v * (1.0 - s) + q = v * (1.0 - s * f) + t = v * (1.0 - s * (1.0 - f)) + i = i % 6 + conditions = [s == 0.0, i == 1, i == 2, i == 3, i == 4, i == 5] + rgb[..., 0] = np.select(conditions, [v, q, p, p, t, v], default=v) + rgb[..., 1] = np.select(conditions, [v, v, v, q, p, p], default=t) + rgb[..., 2] = np.select(conditions, [v, p, t, v, v, q], default=p) + return rgb.astype("uint8") + + def __init__(self, hue_max=0.5, saturation_max=0.2): + self.hue_max = hue_max + self.saturation_max = saturation_max + + def __call__(self, data_dict): + if "color" in data_dict.keys(): + # Assume color[:, :3] is rgb + hsv = HueSaturationTranslation.rgb_to_hsv(data_dict["color"][:, :3]) + hue_val = (np.random.rand() - 0.5) * 2 * self.hue_max + sat_ratio = 1 + (np.random.rand() - 0.5) * 2 * self.saturation_max + hsv[..., 0] = np.remainder(hue_val + hsv[..., 0] + 1, 1) + hsv[..., 1] = np.clip(sat_ratio * hsv[..., 1], 0, 1) + data_dict["color"][:, :3] = np.clip( + HueSaturationTranslation.hsv_to_rgb(hsv), 0, 255 + ) + return data_dict + + +@TRANSFORMS.register_module() +class RandomColorDrop(object): + def __init__(self, p=0.2, color_augment=0.0): + self.p = p + self.color_augment = color_augment + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + data_dict["color"] *= self.color_augment + return data_dict + + def __repr__(self): + return "RandomColorDrop(color_augment: {}, p: {})".format( + self.color_augment, self.p + ) + + +@TRANSFORMS.register_module() +class ElasticDistortion(object): + def __init__(self, distortion_params=None): + self.distortion_params = ( + [[0.2, 0.4], [0.8, 1.6]] if distortion_params is None else distortion_params + ) + + @staticmethod + def elastic_distortion(coords, granularity, magnitude): + """ + Apply elastic distortion on sparse coordinate space. + pointcloud: numpy array of (number of points, at least 3 spatial dims) + granularity: size of the noise grid (in same scale[m/cm] as the voxel grid) + magnitude: noise multiplier + """ + blurx = np.ones((3, 1, 1, 1)).astype("float32") / 3 + blury = np.ones((1, 3, 1, 1)).astype("float32") / 3 + blurz = np.ones((1, 1, 3, 1)).astype("float32") / 3 + coords_min = coords.min(0) + + # Create Gaussian noise tensor of the size given by granularity. + noise_dim = ((coords - coords_min).max(0) // granularity).astype(int) + 3 + noise = np.random.randn(*noise_dim, 3).astype(np.float32) + + # Smoothing. + for _ in range(2): + noise = scipy.ndimage.filters.convolve( + noise, blurx, mode="constant", cval=0 + ) + noise = scipy.ndimage.filters.convolve( + noise, blury, mode="constant", cval=0 + ) + noise = scipy.ndimage.filters.convolve( + noise, blurz, mode="constant", cval=0 + ) + + # Trilinear interpolate noise filters for each spatial dimensions. + ax = [ + np.linspace(d_min, d_max, d) + for d_min, d_max, d in zip( + coords_min - granularity, + coords_min + granularity * (noise_dim - 2), + noise_dim, + ) + ] + interp = scipy.interpolate.RegularGridInterpolator( + ax, noise, bounds_error=False, fill_value=0 + ) + coords += interp(coords) * magnitude + return coords + + def __call__(self, data_dict): + if "coord" in data_dict.keys() and self.distortion_params is not None: + if random.random() < 0.95: + for granularity, magnitude in self.distortion_params: + data_dict["coord"] = self.elastic_distortion( + data_dict["coord"], granularity, magnitude + ) + return data_dict + + +@TRANSFORMS.register_module() +class GridSample(object): + def __init__( + self, + grid_size=0.05, + hash_type="fnv", + mode="train", + keys=("coord", "color", "normal", "segment"), + return_inverse=False, + return_grid_coord=False, + return_min_coord=False, + return_displacement=False, + project_displacement=False, + ): + self.grid_size = grid_size + self.hash = self.fnv_hash_vec if hash_type == "fnv" else self.ravel_hash_vec + assert mode in ["train", "test"] + self.mode = mode + self.keys = keys + self.return_inverse = return_inverse + self.return_grid_coord = return_grid_coord + self.return_min_coord = return_min_coord + self.return_displacement = return_displacement + self.project_displacement = project_displacement + + def __call__(self, data_dict): + assert "coord" in data_dict.keys() + scaled_coord = data_dict["coord"] / np.array(self.grid_size) + grid_coord = np.floor(scaled_coord).astype(int) + min_coord = grid_coord.min(0) + grid_coord -= min_coord + scaled_coord -= min_coord + min_coord = min_coord * np.array(self.grid_size) + key = self.hash(grid_coord) + idx_sort = np.argsort(key) + key_sort = key[idx_sort] + _, inverse, count = np.unique(key_sort, return_inverse=True, return_counts=True) + if self.mode == "train": # train mode + idx_select = ( + np.cumsum(np.insert(count, 0, 0)[0:-1]) + + np.random.randint(0, count.max(), count.size) % count + ) + idx_unique = idx_sort[idx_select] + if "sampled_index" in data_dict: + # for ScanNet data efficient, we need to make sure labeled point is sampled. + idx_unique = np.unique( + np.append(idx_unique, data_dict["sampled_index"]) + ) + mask = np.zeros_like(data_dict["segment"]).astype(bool) + mask[data_dict["sampled_index"]] = True + data_dict["sampled_index"] = np.where(mask[idx_unique])[0] + if self.return_inverse: + data_dict["inverse"] = np.zeros_like(inverse) + data_dict["inverse"][idx_sort] = inverse + if self.return_grid_coord: + data_dict["grid_coord"] = grid_coord[idx_unique] + if self.return_min_coord: + data_dict["min_coord"] = min_coord.reshape([1, 3]) + if self.return_displacement: + displacement = ( + scaled_coord - grid_coord - 0.5 + ) # [0, 1] -> [-0.5, 0.5] displacement to center + if self.project_displacement: + displacement = np.sum( + displacement * data_dict["normal"], axis=-1, keepdims=True + ) + data_dict["displacement"] = displacement[idx_unique] + for key in self.keys: + data_dict[key] = data_dict[key][idx_unique] + return data_dict + + elif self.mode == "test": # test mode + data_part_list = [] + for i in range(count.max()): + idx_select = np.cumsum(np.insert(count, 0, 0)[0:-1]) + i % count + idx_part = idx_sort[idx_select] + data_part = dict(index=idx_part) + if self.return_inverse: + data_dict["inverse"] = np.zeros_like(inverse) + data_dict["inverse"][idx_sort] = inverse + if self.return_grid_coord: + data_part["grid_coord"] = grid_coord[idx_part] + if self.return_min_coord: + data_part["min_coord"] = min_coord.reshape([1, 3]) + if self.return_displacement: + displacement = ( + scaled_coord - grid_coord - 0.5 + ) # [0, 1] -> [-0.5, 0.5] displacement to center + if self.project_displacement: + displacement = np.sum( + displacement * data_dict["normal"], axis=-1, keepdims=True + ) + data_dict["displacement"] = displacement[idx_part] + for key in data_dict.keys(): + if key in self.keys: + data_part[key] = data_dict[key][idx_part] + else: + data_part[key] = data_dict[key] + data_part_list.append(data_part) + return data_part_list + else: + raise NotImplementedError + + @staticmethod + def ravel_hash_vec(arr): + """ + Ravel the coordinates after subtracting the min coordinates. + """ + assert arr.ndim == 2 + arr = arr.copy() + arr -= arr.min(0) + arr = arr.astype(np.uint64, copy=False) + arr_max = arr.max(0).astype(np.uint64) + 1 + + keys = np.zeros(arr.shape[0], dtype=np.uint64) + # Fortran style indexing + for j in range(arr.shape[1] - 1): + keys += arr[:, j] + keys *= arr_max[j + 1] + keys += arr[:, -1] + return keys + + @staticmethod + def fnv_hash_vec(arr): + """ + FNV64-1A + """ + assert arr.ndim == 2 + # Floor first for negative coordinates + arr = arr.copy() + arr = arr.astype(np.uint64, copy=False) + hashed_arr = np.uint64(14695981039346656037) * np.ones( + arr.shape[0], dtype=np.uint64 + ) + for j in range(arr.shape[1]): + hashed_arr *= np.uint64(1099511628211) + hashed_arr = np.bitwise_xor(hashed_arr, arr[:, j]) + return hashed_arr + + +@TRANSFORMS.register_module() +class SphereCrop(object): + def __init__(self, point_max=80000, sample_rate=None, mode="random"): + self.point_max = point_max + self.sample_rate = sample_rate + assert mode in ["random", "center", "all"] + self.mode = mode + + def __call__(self, data_dict): + point_max = ( + int(self.sample_rate * data_dict["coord"].shape[0]) + if self.sample_rate is not None + else self.point_max + ) + + assert "coord" in data_dict.keys() + if self.mode == "all": + # TODO: Optimize + if "index" not in data_dict.keys(): + data_dict["index"] = np.arange(data_dict["coord"].shape[0]) + data_part_list = [] + # coord_list, color_list, dist2_list, idx_list, offset_list = [], [], [], [], [] + if data_dict["coord"].shape[0] > point_max: + coord_p, idx_uni = np.random.rand( + data_dict["coord"].shape[0] + ) * 1e-3, np.array([]) + while idx_uni.size != data_dict["index"].shape[0]: + init_idx = np.argmin(coord_p) + dist2 = np.sum( + np.power(data_dict["coord"] - data_dict["coord"][init_idx], 2), + 1, + ) + idx_crop = np.argsort(dist2)[:point_max] + + data_crop_dict = dict() + if "coord" in data_dict.keys(): + data_crop_dict["coord"] = data_dict["coord"][idx_crop] + if "grid_coord" in data_dict.keys(): + data_crop_dict["grid_coord"] = data_dict["grid_coord"][idx_crop] + if "normal" in data_dict.keys(): + data_crop_dict["normal"] = data_dict["normal"][idx_crop] + if "color" in data_dict.keys(): + data_crop_dict["color"] = data_dict["color"][idx_crop] + if "displacement" in data_dict.keys(): + data_crop_dict["displacement"] = data_dict["displacement"][ + idx_crop + ] + if "strength" in data_dict.keys(): + data_crop_dict["strength"] = data_dict["strength"][idx_crop] + data_crop_dict["weight"] = dist2[idx_crop] + data_crop_dict["index"] = data_dict["index"][idx_crop] + data_part_list.append(data_crop_dict) + + delta = np.square( + 1 - data_crop_dict["weight"] / np.max(data_crop_dict["weight"]) + ) + coord_p[idx_crop] += delta + idx_uni = np.unique( + np.concatenate((idx_uni, data_crop_dict["index"])) + ) + else: + data_crop_dict = data_dict.copy() + data_crop_dict["weight"] = np.zeros(data_dict["coord"].shape[0]) + data_crop_dict["index"] = data_dict["index"] + data_part_list.append(data_crop_dict) + return data_part_list + # mode is "random" or "center" + elif data_dict["coord"].shape[0] > point_max: + if self.mode == "random": + center = data_dict["coord"][ + np.random.randint(data_dict["coord"].shape[0]) + ] + elif self.mode == "center": + center = data_dict["coord"][data_dict["coord"].shape[0] // 2] + else: + raise NotImplementedError + idx_crop = np.argsort(np.sum(np.square(data_dict["coord"] - center), 1))[ + :point_max + ] + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][idx_crop] + if "origin_coord" in data_dict.keys(): + data_dict["origin_coord"] = data_dict["origin_coord"][idx_crop] + if "grid_coord" in data_dict.keys(): + data_dict["grid_coord"] = data_dict["grid_coord"][idx_crop] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][idx_crop] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][idx_crop] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][idx_crop] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][idx_crop] + if "displacement" in data_dict.keys(): + data_dict["displacement"] = data_dict["displacement"][idx_crop] + if "strength" in data_dict.keys(): + data_dict["strength"] = data_dict["strength"][idx_crop] + return data_dict + + +@TRANSFORMS.register_module() +class ShufflePoint(object): + def __call__(self, data_dict): + assert "coord" in data_dict.keys() + shuffle_index = np.arange(data_dict["coord"].shape[0]) + np.random.shuffle(shuffle_index) + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][shuffle_index] + if "grid_coord" in data_dict.keys(): + data_dict["grid_coord"] = data_dict["grid_coord"][shuffle_index] + if "displacement" in data_dict.keys(): + data_dict["displacement"] = data_dict["displacement"][shuffle_index] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][shuffle_index] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][shuffle_index] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][shuffle_index] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][shuffle_index] + return data_dict + + +@TRANSFORMS.register_module() +class CropBoundary(object): + def __call__(self, data_dict): + assert "segment" in data_dict + segment = data_dict["segment"].flatten() + mask = (segment != 0) * (segment != 1) + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][mask] + if "grid_coord" in data_dict.keys(): + data_dict["grid_coord"] = data_dict["grid_coord"][mask] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][mask] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][mask] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][mask] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][mask] + return data_dict + + +@TRANSFORMS.register_module() +class ContrastiveViewsGenerator(object): + def __init__( + self, + view_keys=("coord", "color", "normal", "origin_coord"), + view_trans_cfg=None, + ): + self.view_keys = view_keys + self.view_trans = Compose(view_trans_cfg) + + def __call__(self, data_dict): + view1_dict = dict() + view2_dict = dict() + for key in self.view_keys: + view1_dict[key] = data_dict[key].copy() + view2_dict[key] = data_dict[key].copy() + view1_dict = self.view_trans(view1_dict) + view2_dict = self.view_trans(view2_dict) + for key, value in view1_dict.items(): + data_dict["view1_" + key] = value + for key, value in view2_dict.items(): + data_dict["view2_" + key] = value + return data_dict + + +@TRANSFORMS.register_module() +class InstanceParser(object): + def __init__(self, segment_ignore_index=(-1, 0, 1), instance_ignore_index=-1): + self.segment_ignore_index = segment_ignore_index + self.instance_ignore_index = instance_ignore_index + + def __call__(self, data_dict): + coord = data_dict["coord"] + segment = data_dict["segment"] + instance = data_dict["instance"] + mask = ~np.in1d(segment, self.segment_ignore_index) + # mapping ignored instance to ignore index + instance[~mask] = self.instance_ignore_index + # reorder left instance + unique, inverse = np.unique(instance[mask], return_inverse=True) + instance_num = len(unique) + instance[mask] = inverse + # init instance information + centroid = np.ones((coord.shape[0], 3)) * self.instance_ignore_index + bbox = np.ones((instance_num, 8)) * self.instance_ignore_index + vacancy = [ + index for index in self.segment_ignore_index if index >= 0 + ] # vacate class index + + for instance_id in range(instance_num): + mask_ = instance == instance_id + coord_ = coord[mask_] + bbox_min = coord_.min(0) + bbox_max = coord_.max(0) + bbox_centroid = coord_.mean(0) + bbox_center = (bbox_max + bbox_min) / 2 + bbox_size = bbox_max - bbox_min + bbox_theta = np.zeros(1, dtype=coord_.dtype) + bbox_class = np.array([segment[mask_][0]], dtype=coord_.dtype) + # shift class index to fill vacate class index caused by segment ignore index + bbox_class -= np.greater(bbox_class, vacancy).sum() + + centroid[mask_] = bbox_centroid + bbox[instance_id] = np.concatenate( + [bbox_center, bbox_size, bbox_theta, bbox_class] + ) # 3 + 3 + 1 + 1 = 8 + data_dict["instance"] = instance + data_dict["instance_centroid"] = centroid + data_dict["bbox"] = bbox + return data_dict + + +class Compose(object): + def __init__(self, cfg=None): + self.cfg = cfg if cfg is not None else [] + self.transforms = [] + for t_cfg in self.cfg: + self.transforms.append(TRANSFORMS.build(t_cfg)) + + def __call__(self, data_dict): + for t in self.transforms: + data_dict = t(data_dict) + return data_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/utils.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..3abb9bf88c81f5eae302468ffc91c62bd942a002 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/utils.py @@ -0,0 +1,59 @@ +""" +Utils for Datasets + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import random +from collections.abc import Mapping, Sequence +import numpy as np +import torch +from torch.utils.data.dataloader import default_collate + + +def collate_fn(batch): + """ + collate function for point cloud which support dict and list, + 'coord' is necessary to determine 'offset' + """ + if not isinstance(batch, Sequence): + raise TypeError(f"{batch.dtype} is not supported.") + + if isinstance(batch[0], torch.Tensor): + return torch.cat(list(batch)) + elif isinstance(batch[0], str): + # str is also a kind of Sequence, judgement should before Sequence + return list(batch) + elif isinstance(batch[0], Sequence): + for data in batch: + data.append(torch.tensor([data[0].shape[0]])) + batch = [collate_fn(samples) for samples in zip(*batch)] + batch[-1] = torch.cumsum(batch[-1], dim=0).int() + return batch + elif isinstance(batch[0], Mapping): + batch = {key: collate_fn([d[key] for d in batch]) for key in batch[0]} + for key in batch.keys(): + if "offset" in key: + batch[key] = torch.cumsum(batch[key], dim=0) + return batch + else: + return default_collate(batch) + + +def point_collate_fn(batch, mix_prob=0): + assert isinstance( + batch[0], Mapping + ) # currently, only support input_dict, rather than input_list + batch = collate_fn(batch) + if "offset" in batch.keys(): + # Mix3d (https://arxiv.org/pdf/2110.02210.pdf) + if random.random() < mix_prob: + batch["offset"] = torch.cat( + [batch["offset"][1:-1:2], batch["offset"][-1].unsqueeze(0)], dim=0 + ) + return batch + + +def gaussian_kernel(dist2: np.array, a: float = 1, c: float = 5): + return a * np.exp(-dist2 / (2 * c**2)) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/waymo.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/waymo.py new file mode 100644 index 0000000000000000000000000000000000000000..93e7f7ee1a0f18f9c932248b5d1d192dcb78f5f5 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/datasets/waymo.py @@ -0,0 +1,104 @@ +""" +Waymo dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +import glob + +from .builder import DATASETS +from .defaults import DefaultDataset + + +@DATASETS.register_module() +class WaymoDataset(DefaultDataset): + def __init__( + self, + timestamp=(0,), + reference_label=True, + timing_embedding=False, + **kwargs, + ): + super().__init__(**kwargs) + assert timestamp[0] == 0 + self.timestamp = timestamp + self.reference_label = reference_label + self.timing_embedding = timing_embedding + self.data_list = sorted(self.data_list) + _, self.sequence_offset, self.sequence_index = np.unique( + [os.path.dirname(data) for data in self.data_list], + return_index=True, + return_inverse=True, + ) + self.sequence_offset = np.append(self.sequence_offset, len(self.data_list)) + + def get_data_list(self): + if isinstance(self.split, str): + self.split = [self.split] + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*", "*")) + return data_list + + @staticmethod + def align_pose(coord, pose, target_pose): + coord = np.hstack((coord, np.ones_like(coord[:, :1]))) + pose_align = np.matmul(np.linalg.inv(target_pose), pose) + coord = (pose_align @ coord.T).T[:, :3] + return coord + + def get_single_frame(self, idx): + return super().get_data(idx) + + def get_data(self, idx): + idx = idx % len(self.data_list) + if self.timestamp == (0,): + return self.get_single_frame(idx) + + sequence_index = self.sequence_index[idx] + lower, upper = self.sequence_offset[[sequence_index, sequence_index + 1]] + major_frame = self.get_single_frame(idx) + name = major_frame.pop("name") + target_pose = major_frame.pop("pose") + for key in major_frame.keys(): + major_frame[key] = [major_frame[key]] + + for timestamp in self.timestamp[1:]: + refer_idx = timestamp + idx + if refer_idx < lower or upper <= refer_idx: + continue + refer_frame = self.get_single_frame(refer_idx) + refer_frame.pop("name") + pose = refer_frame.pop("pose") + refer_frame["coord"] = self.align_pose( + refer_frame["coord"], pose, target_pose + ) + if not self.reference_label: + refer_frame["segment"] = ( + np.ones_like(refer_frame["segment"]) * self.ignore_index + ) + + if self.timing_embedding: + refer_frame["strength"] = np.hstack( + ( + refer_frame["strength"], + np.ones_like(refer_frame["strength"]) * timestamp, + ) + ) + + for key in major_frame.keys(): + major_frame[key].append(refer_frame[key]) + for key in major_frame.keys(): + major_frame[key] = np.concatenate(major_frame[key], axis=0) + major_frame["name"] = name + return major_frame + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + sequence_path, frame_name = os.path.split(file_path) + sequence_name = os.path.basename(sequence_path) + data_name = f"{sequence_name}_{frame_name}" + return data_name diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/defaults.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/defaults.py new file mode 100644 index 0000000000000000000000000000000000000000..d45e7925a50acb03bb510c46ec4c566f6815cc05 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/defaults.py @@ -0,0 +1,152 @@ +""" +Default training/testing logic + +modified from detectron2(https://github.com/facebookresearch/detectron2) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import sys +import argparse +import multiprocessing as mp +from torch.nn.parallel import DistributedDataParallel + + +import pointcept.utils.comm as comm +from pointcept.utils.env import get_random_seed, set_seed +from pointcept.utils.config import Config, DictAction + + +def create_ddp_model(model, *, fp16_compression=False, **kwargs): + """ + Create a DistributedDataParallel model if there are >1 processes. + Args: + model: a torch.nn.Module + fp16_compression: add fp16 compression hooks to the ddp object. + See more at https://pytorch.org/docs/stable/ddp_comm_hooks.html#torch.distributed.algorithms.ddp_comm_hooks.default_hooks.fp16_compress_hook + kwargs: other arguments of :module:`torch.nn.parallel.DistributedDataParallel`. + """ + if comm.get_world_size() == 1: + return model + # kwargs['find_unused_parameters'] = True + if "device_ids" not in kwargs: + kwargs["device_ids"] = [comm.get_local_rank()] + if "output_device" not in kwargs: + kwargs["output_device"] = [comm.get_local_rank()] + ddp = DistributedDataParallel(model, **kwargs) + if fp16_compression: + from torch.distributed.algorithms.ddp_comm_hooks import default as comm_hooks + + ddp.register_comm_hook(state=None, hook=comm_hooks.fp16_compress_hook) + return ddp + + +def worker_init_fn(worker_id, num_workers, rank, seed): + """Worker init func for dataloader. + + The seed of each worker equals to num_worker * rank + worker_id + user_seed + + Args: + worker_id (int): Worker id. + num_workers (int): Number of workers. + rank (int): The rank of current process. + seed (int): The random seed to use. + """ + + worker_seed = num_workers * rank + worker_id + seed + set_seed(worker_seed) + + +def default_argument_parser(epilog=None): + parser = argparse.ArgumentParser( + epilog=epilog + or f""" + Examples: + Run on single machine: + $ {sys.argv[0]} --num-gpus 8 --config-file cfg.yaml + Change some config options: + $ {sys.argv[0]} --config-file cfg.yaml MODEL.WEIGHTS /path/to/weight.pth SOLVER.BASE_LR 0.001 + Run on multiple machines: + (machine0)$ {sys.argv[0]} --machine-rank 0 --num-machines 2 --dist-url [--other-flags] + (machine1)$ {sys.argv[0]} --machine-rank 1 --num-machines 2 --dist-url [--other-flags] + """, + formatter_class=argparse.RawDescriptionHelpFormatter, + ) + parser.add_argument( + "--config-file", default="", metavar="FILE", help="path to config file" + ) + parser.add_argument( + "--num-gpus", type=int, default=1, help="number of gpus *per machine*" + ) + parser.add_argument( + "--num-machines", type=int, default=1, help="total number of machines" + ) + parser.add_argument( + "--machine-rank", + type=int, + default=0, + help="the rank of this machine (unique per machine)", + ) + # PyTorch still may leave orphan processes in multi-gpu training. + # Therefore we use a deterministic way to obtain port, + # so that users are aware of orphan processes by seeing the port occupied. + # port = 2 ** 15 + 2 ** 14 + hash(os.getuid() if sys.platform != "win32" else 1) % 2 ** 14 + parser.add_argument( + "--dist-url", + # default="tcp://127.0.0.1:{}".format(port), + default="auto", + help="initialization URL for pytorch distributed backend. See " + "https://pytorch.org/docs/stable/distributed.html for details.", + ) + parser.add_argument( + "--options", nargs="+", action=DictAction, help="custom options" + ) + return parser + + +def default_config_parser(file_path, options): + # config name protocol: dataset_name/model_name-exp_name + if os.path.isfile(file_path): + cfg = Config.fromfile(file_path) + else: + sep = file_path.find("-") + cfg = Config.fromfile(os.path.join(file_path[:sep], file_path[sep + 1 :])) + + if options is not None: + cfg.merge_from_dict(options) + + if cfg.seed is None: + cfg.seed = get_random_seed() + + cfg.data.train.loop = cfg.epoch // cfg.eval_epoch + + os.makedirs(os.path.join(cfg.save_path, "model"), exist_ok=True) + if not cfg.resume: + cfg.dump(os.path.join(cfg.save_path, "config.py")) + return cfg + + +def default_setup(cfg): + # scalar by world size + world_size = comm.get_world_size() + cfg.num_worker = cfg.num_worker if cfg.num_worker is not None else mp.cpu_count() + cfg.num_worker_per_gpu = cfg.num_worker // world_size + assert cfg.batch_size % world_size == 0 + assert cfg.batch_size_val is None or cfg.batch_size_val % world_size == 0 + assert cfg.batch_size_test is None or cfg.batch_size_test % world_size == 0 + cfg.batch_size_per_gpu = cfg.batch_size // world_size + cfg.batch_size_val_per_gpu = ( + cfg.batch_size_val // world_size if cfg.batch_size_val is not None else 1 + ) + cfg.batch_size_test_per_gpu = ( + cfg.batch_size_test // world_size if cfg.batch_size_test is not None else 1 + ) + # update data loop + assert cfg.epoch % cfg.eval_epoch == 0 + # settle random seed + rank = comm.get_rank() + seed = None if cfg.seed is None else cfg.seed * cfg.num_worker_per_gpu + rank + set_seed(seed) + return cfg diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..1ab2c4beb7f1938d9703e572ad8619fe88bff223 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/__init__.py @@ -0,0 +1,5 @@ +from .default import HookBase +from .misc import * +from .evaluator import * + +from .builder import build_hooks diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/builder.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..2f4cce4871b0e18f3adc1f7430a8d5410442c77c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/builder.py @@ -0,0 +1,18 @@ +""" +Hook Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + + +HOOKS = Registry("hooks") + + +def build_hooks(cfg): + hooks = [] + for hook_cfg in cfg: + hooks.append(HOOKS.build(hook_cfg)) + return hooks diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/default.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/default.py new file mode 100644 index 0000000000000000000000000000000000000000..87a64415a5a66d2570dffbaa7b90707443be42e2 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/default.py @@ -0,0 +1,32 @@ +""" +Default Hook + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + + +class HookBase: + """ + Base class for hooks that can be registered with :class:`TrainerBase`. + """ + + trainer = None # A weak reference to the trainer object. + + def before_train(self): + pass + + def before_epoch(self): + pass + + def before_step(self): + pass + + def after_step(self): + pass + + def after_epoch(self): + pass + + def after_train(self): + pass diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/evaluator.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/evaluator.py new file mode 100644 index 0000000000000000000000000000000000000000..02b35b3abd83e0a7b59f532f1ca8aacf70afcce2 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/evaluator.py @@ -0,0 +1,581 @@ +""" +Evaluate Hook + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import numpy as np +import torch +import torch.distributed as dist +import pointops +from uuid import uuid4 + +import pointcept.utils.comm as comm +from pointcept.utils.misc import intersection_and_union_gpu + +from .default import HookBase +from .builder import HOOKS + + +@HOOKS.register_module() +class ClsEvaluator(HookBase): + def after_epoch(self): + if self.trainer.cfg.evaluate: + self.eval() + + def eval(self): + self.trainer.logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + self.trainer.model.eval() + for i, input_dict in enumerate(self.trainer.val_loader): + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + output_dict = self.trainer.model(input_dict) + output = output_dict["cls_logits"] + loss = output_dict["loss"] + pred = output.max(1)[1] + label = input_dict["category"] + intersection, union, target = intersection_and_union_gpu( + pred, + label, + self.trainer.cfg.data.num_classes, + self.trainer.cfg.data.ignore_index, + ) + if comm.get_world_size() > 1: + dist.all_reduce(intersection), dist.all_reduce(union), dist.all_reduce( + target + ) + intersection, union, target = ( + intersection.cpu().numpy(), + union.cpu().numpy(), + target.cpu().numpy(), + ) + # Here there is no need to sync since sync happened in dist.all_reduce + self.trainer.storage.put_scalar("val_intersection", intersection) + self.trainer.storage.put_scalar("val_union", union) + self.trainer.storage.put_scalar("val_target", target) + self.trainer.storage.put_scalar("val_loss", loss.item()) + self.trainer.logger.info( + "Test: [{iter}/{max_iter}] " + "Loss {loss:.4f} ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader), loss=loss.item() + ) + ) + loss_avg = self.trainer.storage.history("val_loss").avg + intersection = self.trainer.storage.history("val_intersection").total + union = self.trainer.storage.history("val_union").total + target = self.trainer.storage.history("val_target").total + iou_class = intersection / (union + 1e-10) + acc_class = intersection / (target + 1e-10) + m_iou = np.mean(iou_class) + m_acc = np.mean(acc_class) + all_acc = sum(intersection) / (sum(target) + 1e-10) + self.trainer.logger.info( + "Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}.".format( + m_iou, m_acc, all_acc + ) + ) + for i in range(self.trainer.cfg.data.num_classes): + self.trainer.logger.info( + "Class_{idx}-{name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.trainer.cfg.data.names[i], + iou=iou_class[i], + accuracy=acc_class[i], + ) + ) + current_epoch = self.trainer.epoch + 1 + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("val/loss", loss_avg, current_epoch) + self.trainer.writer.add_scalar("val/mIoU", m_iou, current_epoch) + self.trainer.writer.add_scalar("val/mAcc", m_acc, current_epoch) + self.trainer.writer.add_scalar("val/allAcc", all_acc, current_epoch) + self.trainer.logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + self.trainer.comm_info["current_metric_value"] = all_acc # save for saver + self.trainer.comm_info["current_metric_name"] = "allAcc" # save for saver + + def after_train(self): + self.trainer.logger.info( + "Best {}: {:.4f}".format("allAcc", self.trainer.best_metric_value) + ) + + +@HOOKS.register_module() +class SemSegEvaluator(HookBase): + def after_epoch(self): + if self.trainer.cfg.evaluate: + self.eval() + + def eval(self): + self.trainer.logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + self.trainer.model.eval() + for i, input_dict in enumerate(self.trainer.val_loader): + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + output_dict = self.trainer.model(input_dict) + output = output_dict["seg_logits"] + loss = output_dict["loss"] + pred = output.max(1)[1] + segment = input_dict["segment"] + if "origin_coord" in input_dict.keys(): + idx, _ = pointops.knn_query( + 1, + input_dict["coord"].float(), + input_dict["offset"].int(), + input_dict["origin_coord"].float(), + input_dict["origin_offset"].int(), + ) + pred = pred[idx.flatten().long()] + segment = input_dict["origin_segment"] + intersection, union, target = intersection_and_union_gpu( + pred, + segment, + self.trainer.cfg.data.num_classes, + self.trainer.cfg.data.ignore_index, + ) + if comm.get_world_size() > 1: + dist.all_reduce(intersection), dist.all_reduce(union), dist.all_reduce( + target + ) + intersection, union, target = ( + intersection.cpu().numpy(), + union.cpu().numpy(), + target.cpu().numpy(), + ) + # Here there is no need to sync since sync happened in dist.all_reduce + self.trainer.storage.put_scalar("val_intersection", intersection) + self.trainer.storage.put_scalar("val_union", union) + self.trainer.storage.put_scalar("val_target", target) + self.trainer.storage.put_scalar("val_loss", loss.item()) + info = "Test: [{iter}/{max_iter}] ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader) + ) + if "origin_coord" in input_dict.keys(): + info = "Interp. " + info + self.trainer.logger.info( + info + + "Loss {loss:.4f} ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader), loss=loss.item() + ) + ) + loss_avg = self.trainer.storage.history("val_loss").avg + intersection = self.trainer.storage.history("val_intersection").total + union = self.trainer.storage.history("val_union").total + target = self.trainer.storage.history("val_target").total + iou_class = intersection / (union + 1e-10) + acc_class = intersection / (target + 1e-10) + m_iou = np.mean(iou_class) + m_acc = np.mean(acc_class) + all_acc = sum(intersection) / (sum(target) + 1e-10) + self.trainer.logger.info( + "Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}.".format( + m_iou, m_acc, all_acc + ) + ) + for i in range(self.trainer.cfg.data.num_classes): + self.trainer.logger.info( + "Class_{idx}-{name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.trainer.cfg.data.names[i], + iou=iou_class[i], + accuracy=acc_class[i], + ) + ) + current_epoch = self.trainer.epoch + 1 + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("val/loss", loss_avg, current_epoch) + self.trainer.writer.add_scalar("val/mIoU", m_iou, current_epoch) + self.trainer.writer.add_scalar("val/mAcc", m_acc, current_epoch) + self.trainer.writer.add_scalar("val/allAcc", all_acc, current_epoch) + self.trainer.logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + self.trainer.comm_info["current_metric_value"] = m_iou # save for saver + self.trainer.comm_info["current_metric_name"] = "mIoU" # save for saver + + def after_train(self): + self.trainer.logger.info( + "Best {}: {:.4f}".format("mIoU", self.trainer.best_metric_value) + ) + + +@HOOKS.register_module() +class InsSegEvaluator(HookBase): + def __init__(self, segment_ignore_index=(-1,), instance_ignore_index=-1): + self.segment_ignore_index = segment_ignore_index + self.instance_ignore_index = instance_ignore_index + + self.valid_class_names = None # update in before train + self.overlaps = np.append(np.arange(0.5, 0.95, 0.05), 0.25) + self.min_region_sizes = 100 + self.distance_threshes = float("inf") + self.distance_confs = -float("inf") + + def before_train(self): + self.valid_class_names = [ + self.trainer.cfg.data.names[i] + for i in range(self.trainer.cfg.data.num_classes) + if i not in self.segment_ignore_index + ] + + def after_epoch(self): + if self.trainer.cfg.evaluate: + self.eval() + + def associate_instances(self, pred, segment, instance): + segment = segment.cpu().numpy() + instance = instance.cpu().numpy() + void_mask = np.in1d(segment, self.segment_ignore_index) + + assert ( + pred["pred_classes"].shape[0] + == pred["pred_scores"].shape[0] + == pred["pred_masks"].shape[0] + ) + assert pred["pred_masks"].shape[1] == segment.shape[0] == instance.shape[0] + # get gt instances + gt_instances = dict() + for i in range(self.trainer.cfg.data.num_classes): + if i not in self.segment_ignore_index: + gt_instances[self.trainer.cfg.data.names[i]] = [] + instance_ids, idx, counts = np.unique( + instance, return_index=True, return_counts=True + ) + segment_ids = segment[idx] + for i in range(len(instance_ids)): + if instance_ids[i] == self.instance_ignore_index: + continue + if segment_ids[i] in self.segment_ignore_index: + continue + gt_inst = dict() + gt_inst["instance_id"] = instance_ids[i] + gt_inst["segment_id"] = segment_ids[i] + gt_inst["dist_conf"] = 0.0 + gt_inst["med_dist"] = -1.0 + gt_inst["vert_count"] = counts[i] + gt_inst["matched_pred"] = [] + gt_instances[self.trainer.cfg.data.names[segment_ids[i]]].append(gt_inst) + + # get pred instances and associate with gt + pred_instances = dict() + for i in range(self.trainer.cfg.data.num_classes): + if i not in self.segment_ignore_index: + pred_instances[self.trainer.cfg.data.names[i]] = [] + instance_id = 0 + for i in range(len(pred["pred_classes"])): + if pred["pred_classes"][i] in self.segment_ignore_index: + continue + pred_inst = dict() + pred_inst["uuid"] = uuid4() + pred_inst["instance_id"] = instance_id + pred_inst["segment_id"] = pred["pred_classes"][i] + pred_inst["confidence"] = pred["pred_scores"][i] + pred_inst["mask"] = np.not_equal(pred["pred_masks"][i], 0) + pred_inst["vert_count"] = np.count_nonzero(pred_inst["mask"]) + pred_inst["void_intersection"] = np.count_nonzero( + np.logical_and(void_mask, pred_inst["mask"]) + ) + if pred_inst["vert_count"] < self.min_region_sizes: + continue # skip if empty + segment_name = self.trainer.cfg.data.names[pred_inst["segment_id"]] + matched_gt = [] + for gt_idx, gt_inst in enumerate(gt_instances[segment_name]): + intersection = np.count_nonzero( + np.logical_and( + instance == gt_inst["instance_id"], pred_inst["mask"] + ) + ) + if intersection > 0: + gt_inst_ = gt_inst.copy() + pred_inst_ = pred_inst.copy() + gt_inst_["intersection"] = intersection + pred_inst_["intersection"] = intersection + matched_gt.append(gt_inst_) + gt_inst["matched_pred"].append(pred_inst_) + pred_inst["matched_gt"] = matched_gt + pred_instances[segment_name].append(pred_inst) + instance_id += 1 + return gt_instances, pred_instances + + def evaluate_matches(self, scenes): + overlaps = self.overlaps + min_region_sizes = [self.min_region_sizes] + dist_threshes = [self.distance_threshes] + dist_confs = [self.distance_confs] + + # results: class x overlap + ap_table = np.zeros( + (len(dist_threshes), len(self.valid_class_names), len(overlaps)), float + ) + for di, (min_region_size, distance_thresh, distance_conf) in enumerate( + zip(min_region_sizes, dist_threshes, dist_confs) + ): + for oi, overlap_th in enumerate(overlaps): + pred_visited = {} + for scene in scenes: + for _ in scene["pred"]: + for label_name in self.valid_class_names: + for p in scene["pred"][label_name]: + if "uuid" in p: + pred_visited[p["uuid"]] = False + for li, label_name in enumerate(self.valid_class_names): + y_true = np.empty(0) + y_score = np.empty(0) + hard_false_negatives = 0 + has_gt = False + has_pred = False + for scene in scenes: + pred_instances = scene["pred"][label_name] + gt_instances = scene["gt"][label_name] + # filter groups in ground truth + gt_instances = [ + gt + for gt in gt_instances + if gt["vert_count"] >= min_region_size + and gt["med_dist"] <= distance_thresh + and gt["dist_conf"] >= distance_conf + ] + if gt_instances: + has_gt = True + if pred_instances: + has_pred = True + + cur_true = np.ones(len(gt_instances)) + cur_score = np.ones(len(gt_instances)) * (-float("inf")) + cur_match = np.zeros(len(gt_instances), dtype=bool) + # collect matches + for gti, gt in enumerate(gt_instances): + found_match = False + for pred in gt["matched_pred"]: + # greedy assignments + if pred_visited[pred["uuid"]]: + continue + overlap = float(pred["intersection"]) / ( + gt["vert_count"] + + pred["vert_count"] + - pred["intersection"] + ) + if overlap > overlap_th: + confidence = pred["confidence"] + # if already have a prediction for this gt, + # the prediction with the lower score is automatically a false positive + if cur_match[gti]: + max_score = max(cur_score[gti], confidence) + min_score = min(cur_score[gti], confidence) + cur_score[gti] = max_score + # append false positive + cur_true = np.append(cur_true, 0) + cur_score = np.append(cur_score, min_score) + cur_match = np.append(cur_match, True) + # otherwise set score + else: + found_match = True + cur_match[gti] = True + cur_score[gti] = confidence + pred_visited[pred["uuid"]] = True + if not found_match: + hard_false_negatives += 1 + # remove non-matched ground truth instances + cur_true = cur_true[cur_match] + cur_score = cur_score[cur_match] + + # collect non-matched predictions as false positive + for pred in pred_instances: + found_gt = False + for gt in pred["matched_gt"]: + overlap = float(gt["intersection"]) / ( + gt["vert_count"] + + pred["vert_count"] + - gt["intersection"] + ) + if overlap > overlap_th: + found_gt = True + break + if not found_gt: + num_ignore = pred["void_intersection"] + for gt in pred["matched_gt"]: + if gt["segment_id"] in self.segment_ignore_index: + num_ignore += gt["intersection"] + # small ground truth instances + if ( + gt["vert_count"] < min_region_size + or gt["med_dist"] > distance_thresh + or gt["dist_conf"] < distance_conf + ): + num_ignore += gt["intersection"] + proportion_ignore = ( + float(num_ignore) / pred["vert_count"] + ) + # if not ignored append false positive + if proportion_ignore <= overlap_th: + cur_true = np.append(cur_true, 0) + confidence = pred["confidence"] + cur_score = np.append(cur_score, confidence) + + # append to overall results + y_true = np.append(y_true, cur_true) + y_score = np.append(y_score, cur_score) + + # compute average precision + if has_gt and has_pred: + # compute precision recall curve first + + # sorting and cumsum + score_arg_sort = np.argsort(y_score) + y_score_sorted = y_score[score_arg_sort] + y_true_sorted = y_true[score_arg_sort] + y_true_sorted_cumsum = np.cumsum(y_true_sorted) + + # unique thresholds + (thresholds, unique_indices) = np.unique( + y_score_sorted, return_index=True + ) + num_prec_recall = len(unique_indices) + 1 + + # prepare precision recall + num_examples = len(y_score_sorted) + # https://github.com/ScanNet/ScanNet/pull/26 + # all predictions are non-matched but also all of them are ignored and not counted as FP + # y_true_sorted_cumsum is empty + # num_true_examples = y_true_sorted_cumsum[-1] + num_true_examples = ( + y_true_sorted_cumsum[-1] + if len(y_true_sorted_cumsum) > 0 + else 0 + ) + precision = np.zeros(num_prec_recall) + recall = np.zeros(num_prec_recall) + + # deal with the first point + y_true_sorted_cumsum = np.append(y_true_sorted_cumsum, 0) + # deal with remaining + for idx_res, idx_scores in enumerate(unique_indices): + cumsum = y_true_sorted_cumsum[idx_scores - 1] + tp = num_true_examples - cumsum + fp = num_examples - idx_scores - tp + fn = cumsum + hard_false_negatives + p = float(tp) / (tp + fp) + r = float(tp) / (tp + fn) + precision[idx_res] = p + recall[idx_res] = r + + # first point in curve is artificial + precision[-1] = 1.0 + recall[-1] = 0.0 + + # compute average of precision-recall curve + recall_for_conv = np.copy(recall) + recall_for_conv = np.append(recall_for_conv[0], recall_for_conv) + recall_for_conv = np.append(recall_for_conv, 0.0) + + stepWidths = np.convolve( + recall_for_conv, [-0.5, 0, 0.5], "valid" + ) + # integrate is now simply a dot product + ap_current = np.dot(precision, stepWidths) + + elif has_gt: + ap_current = 0.0 + else: + ap_current = float("nan") + ap_table[di, li, oi] = ap_current + d_inf = 0 + o50 = np.where(np.isclose(self.overlaps, 0.5)) + o25 = np.where(np.isclose(self.overlaps, 0.25)) + oAllBut25 = np.where(np.logical_not(np.isclose(self.overlaps, 0.25))) + ap_scores = dict() + ap_scores["all_ap"] = np.nanmean(ap_table[d_inf, :, oAllBut25]) + ap_scores["all_ap_50%"] = np.nanmean(ap_table[d_inf, :, o50]) + ap_scores["all_ap_25%"] = np.nanmean(ap_table[d_inf, :, o25]) + ap_scores["classes"] = {} + for li, label_name in enumerate(self.valid_class_names): + ap_scores["classes"][label_name] = {} + ap_scores["classes"][label_name]["ap"] = np.average( + ap_table[d_inf, li, oAllBut25] + ) + ap_scores["classes"][label_name]["ap50%"] = np.average( + ap_table[d_inf, li, o50] + ) + ap_scores["classes"][label_name]["ap25%"] = np.average( + ap_table[d_inf, li, o25] + ) + return ap_scores + + def eval(self): + self.trainer.logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + self.trainer.model.eval() + scenes = [] + for i, input_dict in enumerate(self.trainer.val_loader): + assert ( + len(input_dict["offset"]) == 1 + ) # currently only support bs 1 for each GPU + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + output_dict = self.trainer.model(input_dict) + + loss = output_dict["loss"] + + segment = input_dict["segment"] + instance = input_dict["instance"] + # map to origin + if "origin_coord" in input_dict.keys(): + idx, _ = pointops.knn_query( + 1, + input_dict["coord"].float(), + input_dict["offset"].int(), + input_dict["origin_coord"].float(), + input_dict["origin_offset"].int(), + ) + idx = idx.cpu().flatten().long() + output_dict["pred_masks"] = output_dict["pred_masks"][:, idx] + segment = input_dict["origin_segment"] + instance = input_dict["origin_instance"] + + gt_instances, pred_instance = self.associate_instances( + output_dict, segment, instance + ) + scenes.append(dict(gt=gt_instances, pred=pred_instance)) + + self.trainer.storage.put_scalar("val_loss", loss.item()) + self.trainer.logger.info( + "Test: [{iter}/{max_iter}] " + "Loss {loss:.4f} ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader), loss=loss.item() + ) + ) + + loss_avg = self.trainer.storage.history("val_loss").avg + comm.synchronize() + scenes_sync = comm.gather(scenes, dst=0) + scenes = [scene for scenes_ in scenes_sync for scene in scenes_] + ap_scores = self.evaluate_matches(scenes) + all_ap = ap_scores["all_ap"] + all_ap_50 = ap_scores["all_ap_50%"] + all_ap_25 = ap_scores["all_ap_25%"] + self.trainer.logger.info( + "Val result: mAP/AP50/AP25 {:.4f}/{:.4f}/{:.4f}.".format( + all_ap, all_ap_50, all_ap_25 + ) + ) + for i, label_name in enumerate(self.valid_class_names): + ap = ap_scores["classes"][label_name]["ap"] + ap_50 = ap_scores["classes"][label_name]["ap50%"] + ap_25 = ap_scores["classes"][label_name]["ap25%"] + self.trainer.logger.info( + "Class_{idx}-{name} Result: AP/AP50/AP25 {AP:.4f}/{AP50:.4f}/{AP25:.4f}".format( + idx=i, name=label_name, AP=ap, AP50=ap_50, AP25=ap_25 + ) + ) + current_epoch = self.trainer.epoch + 1 + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("val/loss", loss_avg, current_epoch) + self.trainer.writer.add_scalar("val/mAP", all_ap, current_epoch) + self.trainer.writer.add_scalar("val/AP50", all_ap_50, current_epoch) + self.trainer.writer.add_scalar("val/AP25", all_ap_25, current_epoch) + self.trainer.logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + self.trainer.comm_info["current_metric_value"] = all_ap_50 # save for saver + self.trainer.comm_info["current_metric_name"] = "AP50" # save for saver diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/misc.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..155bf5541fc8e5406618a801ba4ccb1e369d4308 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/hooks/misc.py @@ -0,0 +1,464 @@ +""" +Misc Hook + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import sys +import glob +import os +import shutil +import time +import torch +import torch.utils.data +from collections import OrderedDict + +if sys.version_info >= (3, 10): + from collections.abc import Sequence +else: + from collections import Sequence +from pointcept.utils.timer import Timer +from pointcept.utils.comm import is_main_process, synchronize, get_world_size +from pointcept.utils.cache import shared_dict +import pointcept.utils.comm as comm +from pointcept.engines.test import TESTERS + +from .default import HookBase +from .builder import HOOKS + + +@HOOKS.register_module() +class IterationTimer(HookBase): + def __init__(self, warmup_iter=1): + self._warmup_iter = warmup_iter + self._start_time = time.perf_counter() + self._iter_timer = Timer() + self._remain_iter = 0 + + def before_train(self): + self._start_time = time.perf_counter() + self._remain_iter = self.trainer.max_epoch * len(self.trainer.train_loader) + + def before_epoch(self): + self._iter_timer.reset() + + def before_step(self): + data_time = self._iter_timer.seconds() + self.trainer.storage.put_scalar("data_time", data_time) + + def after_step(self): + batch_time = self._iter_timer.seconds() + self._iter_timer.reset() + self.trainer.storage.put_scalar("batch_time", batch_time) + self._remain_iter -= 1 + remain_time = self._remain_iter * self.trainer.storage.history("batch_time").avg + t_m, t_s = divmod(remain_time, 60) + t_h, t_m = divmod(t_m, 60) + remain_time = "{:02d}:{:02d}:{:02d}".format(int(t_h), int(t_m), int(t_s)) + if "iter_info" in self.trainer.comm_info.keys(): + info = ( + "Data {data_time_val:.3f} ({data_time_avg:.3f}) " + "Batch {batch_time_val:.3f} ({batch_time_avg:.3f}) " + "Remain {remain_time} ".format( + data_time_val=self.trainer.storage.history("data_time").val, + data_time_avg=self.trainer.storage.history("data_time").avg, + batch_time_val=self.trainer.storage.history("batch_time").val, + batch_time_avg=self.trainer.storage.history("batch_time").avg, + remain_time=remain_time, + ) + ) + self.trainer.comm_info["iter_info"] += info + if self.trainer.comm_info["iter"] <= self._warmup_iter: + self.trainer.storage.history("data_time").reset() + self.trainer.storage.history("batch_time").reset() + + +@HOOKS.register_module() +class InformationWriter(HookBase): + def __init__(self): + self.curr_iter = 0 + self.model_output_keys = [] + + def before_train(self): + self.trainer.comm_info["iter_info"] = "" + self.curr_iter = self.trainer.start_epoch * len(self.trainer.train_loader) + + def before_step(self): + self.curr_iter += 1 + # MSC pretrain do not have offset information. Comment the code for support MSC + # info = "Train: [{epoch}/{max_epoch}][{iter}/{max_iter}] " \ + # "Scan {batch_size} ({points_num}) ".format( + # epoch=self.trainer.epoch + 1, max_epoch=self.trainer.max_epoch, + # iter=self.trainer.comm_info["iter"], max_iter=len(self.trainer.train_loader), + # batch_size=len(self.trainer.comm_info["input_dict"]["offset"]), + # points_num=self.trainer.comm_info["input_dict"]["offset"][-1] + # ) + info = "Train: [{epoch}/{max_epoch}][{iter}/{max_iter}] ".format( + epoch=self.trainer.epoch + 1, + max_epoch=self.trainer.max_epoch, + iter=self.trainer.comm_info["iter"] + 1, + max_iter=len(self.trainer.train_loader), + ) + self.trainer.comm_info["iter_info"] += info + + def after_step(self): + if "model_output_dict" in self.trainer.comm_info.keys(): + model_output_dict = self.trainer.comm_info["model_output_dict"] + self.model_output_keys = model_output_dict.keys() + for key in self.model_output_keys: + self.trainer.storage.put_scalar(key, model_output_dict[key].item()) + + for key in self.model_output_keys: + self.trainer.comm_info["iter_info"] += "{key}: {value:.4f} ".format( + key=key, value=self.trainer.storage.history(key).val + ) + lr = self.trainer.optimizer.state_dict()["param_groups"][0]["lr"] + self.trainer.comm_info["iter_info"] += "Lr: {lr:.5f}".format(lr=lr) + self.trainer.logger.info(self.trainer.comm_info["iter_info"]) + self.trainer.comm_info["iter_info"] = "" # reset iter info + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("lr", lr, self.curr_iter) + for key in self.model_output_keys: + self.trainer.writer.add_scalar( + "train_batch/" + key, + self.trainer.storage.history(key).val, + self.curr_iter, + ) + + def after_epoch(self): + epoch_info = "Train result: " + for key in self.model_output_keys: + epoch_info += "{key}: {value:.4f} ".format( + key=key, value=self.trainer.storage.history(key).avg + ) + self.trainer.logger.info(epoch_info) + if self.trainer.writer is not None: + for key in self.model_output_keys: + self.trainer.writer.add_scalar( + "train/" + key, + self.trainer.storage.history(key).avg, + self.trainer.epoch + 1, + ) + + +@HOOKS.register_module() +class CheckpointSaver(HookBase): + def __init__(self, save_freq=None): + self.save_freq = save_freq # None or int, None indicate only save model last + + def after_epoch(self): + if is_main_process(): + is_best = False + if self.trainer.cfg.evaluate: + current_metric_value = self.trainer.comm_info["current_metric_value"] + current_metric_name = self.trainer.comm_info["current_metric_name"] + if current_metric_value > self.trainer.best_metric_value: + self.trainer.best_metric_value = current_metric_value + is_best = True + self.trainer.logger.info( + "Best validation {} updated to: {:.4f}".format( + current_metric_name, current_metric_value + ) + ) + self.trainer.logger.info( + "Currently Best {}: {:.4f}".format( + current_metric_name, self.trainer.best_metric_value + ) + ) + + filename = os.path.join( + self.trainer.cfg.save_path, "model", "model_last.pth" + ) + self.trainer.logger.info("Saving checkpoint to: " + filename) + torch.save( + { + "epoch": self.trainer.epoch + 1, + "state_dict": self.trainer.model.state_dict(), + "optimizer": self.trainer.optimizer.state_dict(), + "scheduler": self.trainer.scheduler.state_dict(), + "scaler": ( + self.trainer.scaler.state_dict() + if self.trainer.cfg.enable_amp + else None + ), + "best_metric_value": self.trainer.best_metric_value, + }, + filename + ".tmp", + ) + os.replace(filename + ".tmp", filename) + if is_best: + shutil.copyfile( + filename, + os.path.join(self.trainer.cfg.save_path, "model", "model_best.pth"), + ) + if self.save_freq and (self.trainer.epoch + 1) % self.save_freq == 0: + shutil.copyfile( + filename, + os.path.join( + self.trainer.cfg.save_path, + "model", + f"epoch_{self.trainer.epoch + 1}.pth", + ), + ) + + +@HOOKS.register_module() +class CheckpointLoader(HookBase): + def __init__(self, keywords="", replacement=None, strict=False): + self.keywords = keywords + self.replacement = replacement if replacement is not None else keywords + self.strict = strict + + def before_train(self): + self.trainer.logger.info("=> Loading checkpoint & weight ...") + if self.trainer.cfg.weight and os.path.isfile(self.trainer.cfg.weight): + self.trainer.logger.info(f"Loading weight at: {self.trainer.cfg.weight}") + checkpoint = torch.load( + self.trainer.cfg.weight, + map_location=lambda storage, loc: storage.cuda(), + ) + self.trainer.logger.info( + f"Loading layer weights with keyword: {self.keywords}, " + f"replace keyword with: {self.replacement}" + ) + weight = OrderedDict() + for key, value in checkpoint["state_dict"].items(): + if not key.startswith("module."): + key = "module." + key # xxx.xxx -> module.xxx.xxx + # Now all keys contain "module." no matter DDP or not. + if self.keywords in key: + key = key.replace(self.keywords, self.replacement) + if comm.get_world_size() == 1: + key = key[7:] # module.xxx.xxx -> xxx.xxx + weight[key] = value + load_state_info = self.trainer.model.load_state_dict( + weight, strict=self.strict + ) + self.trainer.logger.info(f"Missing keys: {load_state_info[0]}") + if self.trainer.cfg.resume: + self.trainer.logger.info( + f"Resuming train at eval epoch: {checkpoint['epoch']}" + ) + self.trainer.start_epoch = checkpoint["epoch"] + self.trainer.best_metric_value = checkpoint["best_metric_value"] + self.trainer.optimizer.load_state_dict(checkpoint["optimizer"]) + self.trainer.scheduler.load_state_dict(checkpoint["scheduler"]) + if self.trainer.cfg.enable_amp: + self.trainer.scaler.load_state_dict(checkpoint["scaler"]) + else: + self.trainer.logger.info(f"No weight found at: {self.trainer.cfg.weight}") + + +@HOOKS.register_module() +class PreciseEvaluator(HookBase): + def __init__(self, test_last=False): + self.test_last = test_last + + def after_train(self): + self.trainer.logger.info( + ">>>>>>>>>>>>>>>> Start Precise Evaluation >>>>>>>>>>>>>>>>" + ) + torch.cuda.empty_cache() + cfg = self.trainer.cfg + tester = TESTERS.build( + dict(type=cfg.test.type, cfg=cfg, model=self.trainer.model) + ) + if self.test_last: + self.trainer.logger.info("=> Testing on model_last ...") + else: + self.trainer.logger.info("=> Testing on model_best ...") + best_path = os.path.join( + self.trainer.cfg.save_path, "model", "model_best.pth" + ) + checkpoint = torch.load(best_path) + state_dict = checkpoint["state_dict"] + tester.model.load_state_dict(state_dict, strict=True) + tester.test() + + +@HOOKS.register_module() +class DataCacheOperator(HookBase): + def __init__(self, data_root, split): + self.data_root = data_root + self.split = split + self.data_list = self.get_data_list() + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split)) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split)) + else: + raise NotImplementedError + return data_list + + def get_cache_name(self, data_path): + data_name = data_path.replace(os.path.dirname(self.data_root), "") + return "pointcept" + data_name.replace(os.path.sep, "-") + + def before_train(self): + self.trainer.logger.info( + f"=> Caching dataset: {self.data_root}, split: {self.split} ..." + ) + if is_main_process(): + dataset = self.trainer.train_loader.dataset + for i in range(len(dataset)): + data_dict = dataset[i] + name = data_dict["name"] + shared_dict(f"Pointcept-{name}", data_dict) + synchronize() + + +@HOOKS.register_module() +class RuntimeProfiler(HookBase): + def __init__( + self, + forward=True, + backward=True, + interrupt=False, + warm_up=2, + sort_by="cuda_time_total", + row_limit=30, + ): + self.forward = forward + self.backward = backward + self.interrupt = interrupt + self.warm_up = warm_up + self.sort_by = sort_by + self.row_limit = row_limit + + def before_train(self): + self.trainer.logger.info("Profiling runtime ...") + from torch.profiler import profile, record_function, ProfilerActivity + + for i, input_dict in enumerate(self.trainer.train_loader): + if i == self.warm_up + 1: + break + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + if self.forward: + with profile( + activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA], + record_shapes=True, + profile_memory=True, + with_stack=True, + ) as forward_prof: + with record_function("model_inference"): + output_dict = self.trainer.model(input_dict) + else: + output_dict = self.trainer.model(input_dict) + loss = output_dict["loss"] + if self.backward: + with profile( + activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA], + record_shapes=True, + profile_memory=True, + with_stack=True, + ) as backward_prof: + with record_function("model_inference"): + loss.backward() + self.trainer.logger.info(f"Profile: [{i + 1}/{self.warm_up + 1}]") + if self.forward: + self.trainer.logger.info( + "Forward profile: \n" + + str( + forward_prof.key_averages().table( + sort_by=self.sort_by, row_limit=self.row_limit + ) + ) + ) + forward_prof.export_chrome_trace( + os.path.join(self.trainer.cfg.save_path, "forward_trace.json") + ) + + if self.backward: + self.trainer.logger.info( + "Backward profile: \n" + + str( + backward_prof.key_averages().table( + sort_by=self.sort_by, row_limit=self.row_limit + ) + ) + ) + backward_prof.export_chrome_trace( + os.path.join(self.trainer.cfg.save_path, "backward_trace.json") + ) + if self.interrupt: + sys.exit(0) + + +@HOOKS.register_module() +class RuntimeProfilerV2(HookBase): + def __init__( + self, + interrupt=False, + wait=1, + warmup=1, + active=10, + repeat=1, + sort_by="cuda_time_total", + row_limit=30, + ): + self.interrupt = interrupt + self.wait = wait + self.warmup = warmup + self.active = active + self.repeat = repeat + self.sort_by = sort_by + self.row_limit = row_limit + + def before_train(self): + self.trainer.logger.info("Profiling runtime ...") + from torch.profiler import ( + profile, + record_function, + ProfilerActivity, + schedule, + tensorboard_trace_handler, + ) + + prof = profile( + activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA], + schedule=schedule( + wait=self.wait, + warmup=self.warmup, + active=self.active, + repeat=self.repeat, + ), + on_trace_ready=tensorboard_trace_handler(self.trainer.cfg.save_path), + record_shapes=True, + profile_memory=True, + with_stack=True, + ) + prof.start() + for i, input_dict in enumerate(self.trainer.train_loader): + if i >= (self.wait + self.warmup + self.active) * self.repeat: + break + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with record_function("model_forward"): + output_dict = self.trainer.model(input_dict) + loss = output_dict["loss"] + with record_function("model_backward"): + loss.backward() + prof.step() + self.trainer.logger.info( + f"Profile: [{i + 1}/{(self.wait + self.warmup + self.active) * self.repeat}]" + ) + self.trainer.logger.info( + "Profile: \n" + + str( + prof.key_averages().table( + sort_by=self.sort_by, row_limit=self.row_limit + ) + ) + ) + prof.stop() + + if self.interrupt: + sys.exit(0) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/launch.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/launch.py new file mode 100644 index 0000000000000000000000000000000000000000..99a8351fe5ab4393c1fab75c3bd546ba66641986 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/launch.py @@ -0,0 +1,137 @@ +""" +Launcher + +modified from detectron2(https://github.com/facebookresearch/detectron2) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import logging +from datetime import timedelta +import torch +import torch.distributed as dist +import torch.multiprocessing as mp + +from pointcept.utils import comm + +__all__ = ["DEFAULT_TIMEOUT", "launch"] + +DEFAULT_TIMEOUT = timedelta(minutes=60) + + +def _find_free_port(): + import socket + + sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) + # Binding to port 0 will cause the OS to find an available port for us + sock.bind(("", 0)) + port = sock.getsockname()[1] + sock.close() + # NOTE: there is still a chance the port could be taken by other processes. + return port + + +def launch( + main_func, + num_gpus_per_machine, + num_machines=1, + machine_rank=0, + dist_url=None, + cfg=(), + timeout=DEFAULT_TIMEOUT, +): + """ + Launch multi-gpu or distributed training. + This function must be called on all machines involved in the training. + It will spawn child processes (defined by ``num_gpus_per_machine``) on each machine. + Args: + main_func: a function that will be called by `main_func(*args)` + num_gpus_per_machine (int): number of GPUs per machine + num_machines (int): the total number of machines + machine_rank (int): the rank of this machine + dist_url (str): url to connect to for distributed jobs, including protocol + e.g. "tcp://127.0.0.1:8686". + Can be set to "auto" to automatically select a free port on localhost + timeout (timedelta): timeout of the distributed workers + args (tuple): arguments passed to main_func + """ + world_size = num_machines * num_gpus_per_machine + if world_size > 1: + if dist_url == "auto": + assert ( + num_machines == 1 + ), "dist_url=auto not supported in multi-machine jobs." + port = _find_free_port() + dist_url = f"tcp://127.0.0.1:{port}" + if num_machines > 1 and dist_url.startswith("file://"): + logger = logging.getLogger(__name__) + logger.warning( + "file:// is not a reliable init_method in multi-machine jobs. Prefer tcp://" + ) + + mp.spawn( + _distributed_worker, + nprocs=num_gpus_per_machine, + args=( + main_func, + world_size, + num_gpus_per_machine, + machine_rank, + dist_url, + cfg, + timeout, + ), + daemon=False, + ) + else: + main_func(*cfg) + + +def _distributed_worker( + local_rank, + main_func, + world_size, + num_gpus_per_machine, + machine_rank, + dist_url, + cfg, + timeout=DEFAULT_TIMEOUT, +): + assert ( + torch.cuda.is_available() + ), "cuda is not available. Please check your installation." + global_rank = machine_rank * num_gpus_per_machine + local_rank + try: + dist.init_process_group( + backend="NCCL", + init_method=dist_url, + world_size=world_size, + rank=global_rank, + timeout=timeout, + ) + except Exception as e: + logger = logging.getLogger(__name__) + logger.error("Process group URL: {}".format(dist_url)) + raise e + + # Setup the local process group (which contains ranks within the same machine) + assert comm._LOCAL_PROCESS_GROUP is None + num_machines = world_size // num_gpus_per_machine + for i in range(num_machines): + ranks_on_i = list( + range(i * num_gpus_per_machine, (i + 1) * num_gpus_per_machine) + ) + pg = dist.new_group(ranks_on_i) + if i == machine_rank: + comm._LOCAL_PROCESS_GROUP = pg + + assert num_gpus_per_machine <= torch.cuda.device_count() + torch.cuda.set_device(local_rank) + + # synchronize is needed here to prevent a possible timeout after calling init_process_group + # See: https://github.com/facebookresearch/maskrcnn-benchmark/issues/172 + comm.synchronize() + + main_func(*cfg) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/test.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/test.py new file mode 100644 index 0000000000000000000000000000000000000000..04378738e269f432c8bf720b4e55fc80af3db280 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/test.py @@ -0,0 +1,597 @@ +""" +Tester + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import time +import numpy as np +from collections import OrderedDict +import torch +import torch.distributed as dist +import torch.nn.functional as F +import torch.utils.data + +from .defaults import create_ddp_model +import pointcept.utils.comm as comm +from pointcept.datasets import build_dataset, collate_fn +from pointcept.models import build_model +from pointcept.utils.logger import get_root_logger +from pointcept.utils.registry import Registry +from pointcept.utils.misc import ( + AverageMeter, + intersection_and_union, + intersection_and_union_gpu, + make_dirs, +) + + +TESTERS = Registry("testers") + + +class TesterBase: + def __init__(self, cfg, model=None, test_loader=None, verbose=False) -> None: + torch.multiprocessing.set_sharing_strategy("file_system") + self.logger = get_root_logger( + log_file=os.path.join(cfg.save_path, "test.log"), + file_mode="a" if cfg.resume else "w", + ) + self.logger.info("=> Loading config ...") + self.cfg = cfg + self.verbose = verbose + if self.verbose: + self.logger.info(f"Save path: {cfg.save_path}") + self.logger.info(f"Config:\n{cfg.pretty_text}") + if model is None: + self.logger.info("=> Building model ...") + self.model = self.build_model() + else: + self.model = model + if test_loader is None: + self.logger.info("=> Building test dataset & dataloader ...") + self.test_loader = self.build_test_loader() + else: + self.test_loader = test_loader + + def build_model(self): + model = build_model(self.cfg.model) + n_parameters = sum(p.numel() for p in model.parameters() if p.requires_grad) + self.logger.info(f"Num params: {n_parameters}") + model = create_ddp_model( + model.cuda(), + broadcast_buffers=False, + find_unused_parameters=self.cfg.find_unused_parameters, + ) + if os.path.isfile(self.cfg.weight): + self.logger.info(f"Loading weight at: {self.cfg.weight}") + checkpoint = torch.load(self.cfg.weight) + weight = OrderedDict() + for key, value in checkpoint["state_dict"].items(): + if key.startswith("module."): + if comm.get_world_size() == 1: + key = key[7:] # module.xxx.xxx -> xxx.xxx + else: + if comm.get_world_size() > 1: + key = "module." + key # xxx.xxx -> module.xxx.xxx + weight[key] = value + model.load_state_dict(weight, strict=True) + self.logger.info("=> Loaded weight '{}' (epoch {})".format(self.cfg.weight, checkpoint["epoch"])) + else: + raise RuntimeError("=> No checkpoint found at '{}'".format(self.cfg.weight)) + return model + + def build_test_loader(self): + test_dataset = build_dataset(self.cfg.data.test) + if comm.get_world_size() > 1: + test_sampler = torch.utils.data.distributed.DistributedSampler(test_dataset) + else: + test_sampler = None + test_loader = torch.utils.data.DataLoader( + test_dataset, + batch_size=self.cfg.batch_size_test_per_gpu, + shuffle=False, + num_workers=self.cfg.batch_size_test_per_gpu, + pin_memory=True, + sampler=test_sampler, + collate_fn=self.__class__.collate_fn, + ) + return test_loader + + def test(self): + raise NotImplementedError + + @staticmethod + def collate_fn(batch): + raise collate_fn(batch) + + +@TESTERS.register_module() +class SemSegTester(TesterBase): + + def test(self): + assert self.test_loader.batch_size == 1 + logger = get_root_logger() + logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + + batch_time = AverageMeter() + intersection_meter = AverageMeter() + union_meter = AverageMeter() + target_meter = AverageMeter() + self.model.eval() + + save_path = os.path.join(self.cfg.save_path, "result") + make_dirs(save_path) + # create submit folder only on main process + if ( + self.cfg.data.test.type == "ScanNetDataset" + or self.cfg.data.test.type == "ScanNet200Dataset" + or self.cfg.data.test.type == "ScanNetPPDataset" + ) and comm.is_main_process(): + make_dirs(os.path.join(save_path, "submit")) + elif self.cfg.data.test.type == "SemanticKITTIDataset" and comm.is_main_process(): + make_dirs(os.path.join(save_path, "submit")) + elif self.cfg.data.test.type == "NuScenesDataset" and comm.is_main_process(): + import json + + make_dirs(os.path.join(save_path, "submit", "lidarseg", "test")) + make_dirs(os.path.join(save_path, "submit", "test")) + submission = dict( + meta=dict( + use_camera=False, + use_lidar=True, + use_radar=False, + use_map=False, + use_external=False, + ) + ) + with open(os.path.join(save_path, "submit", "test", "submission.json"), "w") as f: + json.dump(submission, f, indent=4) + comm.synchronize() + record = {} + # fragment inference + for idx, data_dict in enumerate(self.test_loader): + end = time.time() + data_dict = data_dict[0] # current assume batch size is 1 + fragment_list = data_dict.pop("fragment_list") + segment = data_dict.pop("segment") + data_name = data_dict.pop("name") + pred_save_path = os.path.join(save_path, "{}_pred.npy".format(data_name)) + if os.path.isfile(pred_save_path): + logger.info("{}/{}: {}, loaded pred and label.".format(idx + 1, len(self.test_loader), data_name)) + pred = np.load(pred_save_path) + if "origin_segment" in data_dict.keys(): + segment = data_dict["origin_segment"] + else: + pred = torch.zeros((segment.size, self.cfg.data.num_classes)).cuda() + for i in range(len(fragment_list)): + fragment_batch_size = 1 + s_i, e_i = i * fragment_batch_size, min((i + 1) * fragment_batch_size, len(fragment_list)) + input_dict = collate_fn(fragment_list[s_i:e_i]) + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + idx_part = input_dict["index"] + with torch.no_grad(): + pred_part = self.model(input_dict)["seg_logits"] # (n, k) + pred_part = F.softmax(pred_part, -1) + if self.cfg.empty_cache: + torch.cuda.empty_cache() + bs = 0 + for be in input_dict["offset"]: + pred[idx_part[bs:be], :] += pred_part[bs:be] + bs = be + + logger.info( + "Test: {}/{}-{data_name}, Batch: {batch_idx}/{batch_num}".format( + idx + 1, + len(self.test_loader), + data_name=data_name, + batch_idx=i, + batch_num=len(fragment_list), + ) + ) + if self.cfg.data.test.type == "ScanNetPPDataset": + pred = pred.topk(3, dim=1)[1].data.cpu().numpy() + else: + pred = pred.max(1)[1].data.cpu().numpy() + if "origin_segment" in data_dict.keys(): + assert "inverse" in data_dict.keys() + pred = pred[data_dict["inverse"]] + segment = data_dict["origin_segment"] + np.save(pred_save_path, pred) + if ( + self.cfg.data.test.type == "ScanNetDataset" + or self.cfg.data.test.type == "ScanNet200Dataset" + ): + np.savetxt( + os.path.join(save_path, "submit", "{}.txt".format(data_name)), + self.test_loader.dataset.class2id[pred].reshape([-1, 1]), + fmt="%d", + ) + elif self.cfg.data.test.type == "ScanNetPPDataset": + np.savetxt( + os.path.join(save_path, "submit", "{}.txt".format(data_name)), + pred.astype(np.int32), + delimiter=",", + fmt="%d", + ) + pred = pred[:, 0] # for mIoU, TODO: support top3 mIoU + elif self.cfg.data.test.type == "SemanticKITTIDataset": + # 00_000000 -> 00, 000000 + sequence_name, frame_name = data_name.split("_") + os.makedirs( + os.path.join( + save_path, "submit", "sequences", sequence_name, "predictions" + ), + exist_ok=True, + ) + pred = pred.astype(np.uint32) + pred = np.vectorize( + self.test_loader.dataset.learning_map_inv.__getitem__ + )(pred).astype(np.uint32) + pred.tofile( + os.path.join( + save_path, + "submit", + "sequences", + sequence_name, + "predictions", + f"{frame_name}.label", + ) + ) + elif self.cfg.data.test.type == "NuScenesDataset": + np.array(pred + 1).astype(np.uint8).tofile( + os.path.join( + save_path, + "submit", + "lidarseg", + "test", + "{}_lidarseg.bin".format(data_name), + ) + ) + + intersection, union, target = intersection_and_union( + pred, segment, self.cfg.data.num_classes, self.cfg.data.ignore_index + ) + intersection_meter.update(intersection) + union_meter.update(union) + target_meter.update(target) + record[data_name] = dict(intersection=intersection, union=union, target=target) + + mask = union != 0 + iou_class = intersection / (union + 1e-10) + iou = np.mean(iou_class[mask]) + acc = sum(intersection) / (sum(target) + 1e-10) + + m_iou = np.mean(intersection_meter.sum / (union_meter.sum + 1e-10)) + m_acc = np.mean(intersection_meter.sum / (target_meter.sum + 1e-10)) + + batch_time.update(time.time() - end) + logger.info( + "Test: {} [{}/{}]-{} " + "Batch {batch_time.val:.3f} ({batch_time.avg:.3f}) " + "Accuracy {acc:.4f} ({m_acc:.4f}) " + "mIoU {iou:.4f} ({m_iou:.4f})".format( + data_name, + idx + 1, + len(self.test_loader), + segment.size, + batch_time=batch_time, + acc=acc, + m_acc=m_acc, + iou=iou, + m_iou=m_iou, + ) + ) + + logger.info("Syncing ...") + comm.synchronize() + record_sync = comm.gather(record, dst=0) + + if comm.is_main_process(): + record = {} + for _ in range(len(record_sync)): + r = record_sync.pop() + record.update(r) + del r + intersection = np.sum([meters["intersection"] for _, meters in record.items()], axis=0) + union = np.sum([meters["union"] for _, meters in record.items()], axis=0) + target = np.sum([meters["target"] for _, meters in record.items()], axis=0) + + if self.cfg.data.test.type == "S3DISDataset": + torch.save( + dict(intersection=intersection, union=union, target=target), + os.path.join(save_path, f"{self.test_loader.dataset.split}.pth"), + ) + + iou_class = intersection / (union + 1e-10) + accuracy_class = intersection / (target + 1e-10) + mIoU = np.mean(iou_class) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection) / (sum(target) + 1e-10) + + logger.info("Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}".format(mIoU, mAcc, allAcc)) + for i in range(self.cfg.data.num_classes): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.cfg.data.names[i], + iou=iou_class[i], + accuracy=accuracy_class[i], + ) + ) + logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + + @staticmethod + def collate_fn(batch): + return batch + + +@TESTERS.register_module() +class ClsTester(TesterBase): + def test(self): + logger = get_root_logger() + logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + batch_time = AverageMeter() + intersection_meter = AverageMeter() + union_meter = AverageMeter() + target_meter = AverageMeter() + self.model.eval() + + for i, input_dict in enumerate(self.test_loader): + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + end = time.time() + with torch.no_grad(): + output_dict = self.model(input_dict) + output = output_dict["cls_logits"] + pred = output.max(1)[1] + label = input_dict["category"] + intersection, union, target = intersection_and_union_gpu(pred, label, self.cfg.data.num_classes, self.cfg.data.ignore_index) + if comm.get_world_size() > 1: + dist.all_reduce(intersection), dist.all_reduce(union), dist.all_reduce(target) + intersection, union, target = ( + intersection.cpu().numpy(), + union.cpu().numpy(), + target.cpu().numpy(), + ) + intersection_meter.update(intersection), union_meter.update(union), target_meter.update(target) + + accuracy = sum(intersection_meter.val) / (sum(target_meter.val) + 1e-10) + batch_time.update(time.time() - end) + + logger.info( + "Test: [{}/{}] " + "Batch {batch_time.val:.3f} ({batch_time.avg:.3f}) " + "Accuracy {accuracy:.4f} ".format( + i + 1, + len(self.test_loader), + batch_time=batch_time, + accuracy=accuracy, + ) + ) + + iou_class = intersection_meter.sum / (union_meter.sum + 1e-10) + accuracy_class = intersection_meter.sum / (target_meter.sum + 1e-10) + mIoU = np.mean(iou_class) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection_meter.sum) / (sum(target_meter.sum) + 1e-10) + logger.info("Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}.".format(mIoU, mAcc, allAcc)) + + for i in range(self.cfg.data.num_classes): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.cfg.data.names[i], + iou=iou_class[i], + accuracy=accuracy_class[i], + ) + ) + logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + + @staticmethod + def collate_fn(batch): + return collate_fn(batch) + + +@TESTERS.register_module() +class ClsVotingTester(TesterBase): + def __init__( + self, + num_repeat=100, + metric="allAcc", + **kwargs, + ): + super().__init__(**kwargs) + self.num_repeat = num_repeat + self.metric = metric + self.best_idx = 0 + self.best_record = None + self.best_metric = 0 + + def test(self): + for i in range(self.num_repeat): + logger = get_root_logger() + logger.info(f">>>>>>>>>>>>>>>> Start Evaluation {i + 1} >>>>>>>>>>>>>>>>") + record = self.test_once() + if comm.is_main_process(): + if record[self.metric] > self.best_metric: + self.best_record = record + self.best_idx = i + self.best_metric = record[self.metric] + info = f"Current best record is Evaluation {i + 1}: " + for m in self.best_record.keys(): + info += f"{m}: {self.best_record[m]:.4f} " + logger.info(info) + + def test_once(self): + logger = get_root_logger() + batch_time = AverageMeter() + intersection_meter = AverageMeter() + target_meter = AverageMeter() + record = {} + self.model.eval() + + for idx, data_dict in enumerate(self.test_loader): + end = time.time() + data_dict = data_dict[0] # current assume batch size is 1 + voting_list = data_dict.pop("voting_list") + category = data_dict.pop("category") + data_name = data_dict.pop("name") + # pred = torch.zeros([1, self.cfg.data.num_classes]).cuda() + # for i in range(len(voting_list)): + # input_dict = voting_list[i] + # for key in input_dict.keys(): + # if isinstance(input_dict[key], torch.Tensor): + # input_dict[key] = input_dict[key].cuda(non_blocking=True) + # with torch.no_grad(): + # pred += F.softmax(self.model(input_dict)["cls_logits"], -1) + input_dict = collate_fn(voting_list) + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + pred = F.softmax(self.model(input_dict)["cls_logits"], -1).sum( + 0, keepdim=True + ) + pred = pred.max(1)[1].cpu().numpy() + intersection, union, target = intersection_and_union( + pred, category, self.cfg.data.num_classes, self.cfg.data.ignore_index + ) + intersection_meter.update(intersection) + target_meter.update(target) + record[data_name] = dict(intersection=intersection, target=target) + acc = sum(intersection) / (sum(target) + 1e-10) + m_acc = np.mean(intersection_meter.sum / (target_meter.sum + 1e-10)) + batch_time.update(time.time() - end) + logger.info( + "Test: {} [{}/{}] " + "Batch {batch_time.val:.3f} ({batch_time.avg:.3f}) " + "Accuracy {acc:.4f} ({m_acc:.4f}) ".format( + data_name, + idx + 1, + len(self.test_loader), + batch_time=batch_time, + acc=acc, + m_acc=m_acc, + ) + ) + + logger.info("Syncing ...") + comm.synchronize() + record_sync = comm.gather(record, dst=0) + + if comm.is_main_process(): + record = {} + for _ in range(len(record_sync)): + r = record_sync.pop() + record.update(r) + del r + intersection = np.sum( + [meters["intersection"] for _, meters in record.items()], axis=0 + ) + target = np.sum([meters["target"] for _, meters in record.items()], axis=0) + accuracy_class = intersection / (target + 1e-10) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection) / (sum(target) + 1e-10) + + logger.info("Val result: mAcc/allAcc {:.4f}/{:.4f}".format(mAcc, allAcc)) + for i in range(self.cfg.data.num_classes): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {accuracy:.4f}".format( + idx=i, + name=self.cfg.data.names[i], + accuracy=accuracy_class[i], + ) + ) + return dict(mAcc=mAcc, allAcc=allAcc) + + @staticmethod + def collate_fn(batch): + return batch + + +@TESTERS.register_module() +class PartSegTester(TesterBase): + def test(self): + test_dataset = self.test_loader.dataset + logger = get_root_logger() + logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + + batch_time = AverageMeter() + + num_categories = len(self.test_loader.dataset.categories) + iou_category, iou_count = np.zeros(num_categories), np.zeros(num_categories) + self.model.eval() + + save_path = os.path.join(self.cfg.save_path, "result", "test_epoch{}".format(self.cfg.test_epoch)) + make_dirs(save_path) + + for idx in range(len(test_dataset)): + end = time.time() + data_name = test_dataset.get_data_name(idx) + + data_dict_list, label = test_dataset[idx] + pred = torch.zeros((label.size, self.cfg.data.num_classes)).cuda() + batch_num = int(np.ceil(len(data_dict_list) / self.cfg.batch_size_test)) + for i in range(batch_num): + s_i, e_i = i * self.cfg.batch_size_test, min((i + 1) * self.cfg.batch_size_test, len(data_dict_list)) + input_dict = collate_fn(data_dict_list[s_i:e_i]) + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + pred_part = self.model(input_dict)["cls_logits"] + pred_part = F.softmax(pred_part, -1) + if self.cfg.empty_cache: + torch.cuda.empty_cache() + pred_part = pred_part.reshape(-1, label.size, self.cfg.data.num_classes) + pred = pred + pred_part.total(dim=0) + logger.info( + "Test: {} {}/{}, Batch: {batch_idx}/{batch_num}".format( + data_name, + idx + 1, + len(test_dataset), + batch_idx=i, + batch_num=batch_num, + ) + ) + pred = pred.max(1)[1].data.cpu().numpy() + + category_index = data_dict_list[0]["cls_token"] + category = self.test_loader.dataset.categories[category_index] + parts_idx = self.test_loader.dataset.category2part[category] + parts_iou = np.zeros(len(parts_idx)) + for j, part in enumerate(parts_idx): + if (np.sum(label == part) == 0) and (np.sum(pred == part) == 0): + parts_iou[j] = 1.0 + else: + i = (label == part) & (pred == part) + u = (label == part) | (pred == part) + parts_iou[j] = np.sum(i) / (np.sum(u) + 1e-10) + iou_category[category_index] += parts_iou.mean() + iou_count[category_index] += 1 + + batch_time.update(time.time() - end) + logger.info("Test: {} [{}/{}] " "Batch {batch_time.val:.3f} " "({batch_time.avg:.3f}) ".format(data_name, idx + 1, len(self.test_loader), batch_time=batch_time)) + + ins_mIoU = iou_category.sum() / (iou_count.sum() + 1e-10) + cat_mIoU = (iou_category / (iou_count + 1e-10)).mean() + logger.info("Val result: ins.mIoU/cat.mIoU {:.4f}/{:.4f}.".format(ins_mIoU, cat_mIoU)) + for i in range(num_categories): + logger.info( + "Class_{idx}-{name} Result: iou_cat/num_sample {iou_cat:.4f}/{iou_count:.4f}".format( + idx=i, + name=self.test_loader.dataset.categories[i], + iou_cat=iou_category[i] / (iou_count[i] + 1e-10), + iou_count=int(iou_count[i]), + ) + ) + logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + + @staticmethod + def collate_fn(batch): + return collate_fn(batch) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/train.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/train.py new file mode 100644 index 0000000000000000000000000000000000000000..f0ca13e05743697c9bab6fcb63fb4d8c015c47e1 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/engines/train.py @@ -0,0 +1,309 @@ +""" +Trainer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import sys +import weakref +import torch +import torch.nn as nn +import torch.utils.data +from functools import partial + +if sys.version_info >= (3, 10): + from collections.abc import Iterator +else: + from collections import Iterator +from tensorboardX import SummaryWriter + +from .defaults import create_ddp_model, worker_init_fn +from .hooks import HookBase, build_hooks +import pointcept.utils.comm as comm +from pointcept.datasets import build_dataset, point_collate_fn, collate_fn +from pointcept.models import build_model +from pointcept.utils.logger import get_root_logger +from pointcept.utils.optimizer import build_optimizer +from pointcept.utils.scheduler import build_scheduler +from pointcept.utils.events import EventStorage +from pointcept.utils.registry import Registry + + +TRAINERS = Registry("trainers") + + +class TrainerBase: + def __init__(self) -> None: + self.hooks = [] + self.epoch = 0 + self.start_epoch = 0 + self.max_epoch = 0 + self.max_iter = 0 + self.comm_info = dict() + self.data_iterator: Iterator = enumerate([]) + self.storage: EventStorage + self.writer: SummaryWriter + + def register_hooks(self, hooks) -> None: + hooks = build_hooks(hooks) + for h in hooks: + assert isinstance(h, HookBase) + # To avoid circular reference, hooks and trainer cannot own each other. + # This normally does not matter, but will cause memory leak if the + # involved objects contain __del__: + # See http://engineering.hearsaysocial.com/2013/06/16/circular-references-in-python/ + h.trainer = weakref.proxy(self) + self.hooks.extend(hooks) + + def train(self): + with EventStorage() as self.storage: + # => before train + self.before_train() + for self.epoch in range(self.start_epoch, self.max_epoch): + # => before epoch + self.before_epoch() + # => run_epoch + for ( + self.comm_info["iter"], + self.comm_info["input_dict"], + ) in self.data_iterator: + # => before_step + self.before_step() + # => run_step + self.run_step() + # => after_step + self.after_step() + # => after epoch + self.after_epoch() + # => after train + self.after_train() + + def before_train(self): + for h in self.hooks: + h.before_train() + + def before_epoch(self): + for h in self.hooks: + h.before_epoch() + + def before_step(self): + for h in self.hooks: + h.before_step() + + def run_step(self): + raise NotImplementedError + + def after_step(self): + for h in self.hooks: + h.after_step() + + def after_epoch(self): + for h in self.hooks: + h.after_epoch() + self.storage.reset_histories() + + def after_train(self): + # Sync GPU before running train hooks + comm.synchronize() + for h in self.hooks: + h.after_train() + if comm.is_main_process(): + self.writer.close() + + +@TRAINERS.register_module("DefaultTrainer") +class Trainer(TrainerBase): + def __init__(self, cfg): + super(Trainer, self).__init__() + self.epoch = 0 + self.start_epoch = 0 + self.max_epoch = cfg.eval_epoch + self.best_metric_value = -torch.inf + self.logger = get_root_logger( + log_file=os.path.join(cfg.save_path, "train.log"), + file_mode="a" if cfg.resume else "w", + ) + self.logger.info("=> Loading config ...") + self.cfg = cfg + self.logger.info(f"Save path: {cfg.save_path}") + self.logger.info(f"Config:\n{cfg.pretty_text}") + self.logger.info("=> Building model ...") + self.model = self.build_model() + self.logger.info("=> Building writer ...") + self.writer = self.build_writer() + self.logger.info("=> Building train dataset & dataloader ...") + self.train_loader = self.build_train_loader() + self.logger.info("=> Building val dataset & dataloader ...") + self.val_loader = self.build_val_loader() + self.logger.info("=> Building optimize, scheduler, scaler(amp) ...") + self.optimizer = self.build_optimizer() + self.scheduler = self.build_scheduler() + self.scaler = self.build_scaler() + self.logger.info("=> Building hooks ...") + self.register_hooks(self.cfg.hooks) + + def train(self): + with EventStorage() as self.storage: + # => before train + self.before_train() + self.logger.info(">>>>>>>>>>>>>>>> Start Training >>>>>>>>>>>>>>>>") + for self.epoch in range(self.start_epoch, self.max_epoch): + # => before epoch + # TODO: optimize to iteration based + if comm.get_world_size() > 1: + self.train_loader.sampler.set_epoch(self.epoch) + self.model.train() + self.data_iterator = enumerate(self.train_loader) + self.before_epoch() + # => run_epoch + for ( + self.comm_info["iter"], + self.comm_info["input_dict"], + ) in self.data_iterator: + # => before_step + self.before_step() + # => run_step + self.run_step() + # => after_step + self.after_step() + # => after epoch + self.after_epoch() + # => after train + self.after_train() + + def run_step(self): + input_dict = self.comm_info["input_dict"] + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.cuda.amp.autocast(enabled=self.cfg.enable_amp): + output_dict = self.model(input_dict) + loss = output_dict["loss"] + self.optimizer.zero_grad() + if self.cfg.enable_amp: + self.scaler.scale(loss).backward() + self.scaler.step(self.optimizer) + + # When enable amp, optimizer.step call are skipped if the loss scaling factor is too large. + # Fix torch warning scheduler step before optimizer step. + scaler = self.scaler.get_scale() + self.scaler.update() + if scaler <= self.scaler.get_scale(): + self.scheduler.step() + else: + loss.backward() + self.optimizer.step() + self.scheduler.step() + if self.cfg.empty_cache: + torch.cuda.empty_cache() + self.comm_info["model_output_dict"] = output_dict + + def after_epoch(self): + for h in self.hooks: + h.after_epoch() + self.storage.reset_histories() + if self.cfg.empty_cache_per_epoch: + torch.cuda.empty_cache() + + def build_model(self): + model = build_model(self.cfg.model) + if self.cfg.sync_bn: + model = nn.SyncBatchNorm.convert_sync_batchnorm(model) + n_parameters = sum(p.numel() for p in model.parameters() if p.requires_grad) + # logger.info(f"Model: \n{self.model}") + self.logger.info(f"Num params: {n_parameters}") + model = create_ddp_model( + model.cuda(), + broadcast_buffers=False, + find_unused_parameters=self.cfg.find_unused_parameters, + ) + return model + + def build_writer(self): + writer = SummaryWriter(self.cfg.save_path) if comm.is_main_process() else None + self.logger.info(f"Tensorboard writer logging dir: {self.cfg.save_path}") + return writer + + def build_train_loader(self): + train_data = build_dataset(self.cfg.data.train) + + if comm.get_world_size() > 1: + train_sampler = torch.utils.data.distributed.DistributedSampler(train_data) + else: + train_sampler = None + + init_fn = ( + partial( + worker_init_fn, + num_workers=self.cfg.num_worker_per_gpu, + rank=comm.get_rank(), + seed=self.cfg.seed, + ) + if self.cfg.seed is not None + else None + ) + + train_loader = torch.utils.data.DataLoader( + train_data, + batch_size=self.cfg.batch_size_per_gpu, + shuffle=(train_sampler is None), + num_workers=self.cfg.num_worker_per_gpu, + sampler=train_sampler, + collate_fn=partial(point_collate_fn, mix_prob=self.cfg.mix_prob), + pin_memory=True, + worker_init_fn=init_fn, + drop_last=True, + persistent_workers=True, + ) + return train_loader + + def build_val_loader(self): + val_loader = None + if self.cfg.evaluate: + val_data = build_dataset(self.cfg.data.val) + if comm.get_world_size() > 1: + val_sampler = torch.utils.data.distributed.DistributedSampler(val_data) + else: + val_sampler = None + val_loader = torch.utils.data.DataLoader( + val_data, + batch_size=self.cfg.batch_size_val_per_gpu, + shuffle=False, + num_workers=self.cfg.num_worker_per_gpu, + pin_memory=True, + sampler=val_sampler, + collate_fn=collate_fn, + ) + return val_loader + + def build_optimizer(self): + return build_optimizer(self.cfg.optimizer, self.model, self.cfg.param_dicts) + + def build_scheduler(self): + assert hasattr(self, "optimizer") + assert hasattr(self, "train_loader") + self.cfg.scheduler.total_steps = len(self.train_loader) * self.cfg.eval_epoch + return build_scheduler(self.cfg.scheduler, self.optimizer) + + def build_scaler(self): + scaler = torch.cuda.amp.GradScaler() if self.cfg.enable_amp else None + return scaler + + +@TRAINERS.register_module("MultiDatasetTrainer") +class MultiDatasetTrainer(Trainer): + def build_train_loader(self): + from pointcept.datasets import MultiDatasetDataloader + + train_data = build_dataset(self.cfg.data.train) + train_loader = MultiDatasetDataloader( + train_data, + self.cfg.batch_size_per_gpu, + self.cfg.num_worker_per_gpu, + self.cfg.mix_prob, + self.cfg.seed, + ) + self.comm_info["iter_per_epoch"] = len(train_loader) + return train_loader diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4b5b38b06de6d3629f9fbe09fb8773218b67bd99 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/__init__.py @@ -0,0 +1,24 @@ +from .builder import build_model +from .default import DefaultSegmentor, DefaultClassifier + +# Backbones +from .sparse_unet import * +from .point_transformer import * +from .point_transformer_v2 import * +from .point_transformer_v3 import * +from .stratified_transformer import * +from .spvcnn import * +# from .octformer import * +# from .oacnns import * + +# from .swin3d import * + +# Semantic Segmentation +from .context_aware_classifier import * + +# Instance Segmentation +from .point_group import * + +# Pretraining +from .masked_scene_contrast import * +from .point_prompt_training import * diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/builder.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..bbda24465a405a5a2094f8d0c420a53c50fe79cc --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/builder.py @@ -0,0 +1,16 @@ +""" +Model Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + +MODELS = Registry("models") +MODULES = Registry("modules") + + +def build_model(cfg): + """Build models.""" + return MODELS.build(cfg) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/context_aware_classifier/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/context_aware_classifier/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..8327900bbf92258fa242f4b99d5b235bc1ae44aa --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/context_aware_classifier/__init__.py @@ -0,0 +1 @@ +from .context_aware_classifier_v1m1_base import CACSegmentor diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/context_aware_classifier/context_aware_classifier_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/context_aware_classifier/context_aware_classifier_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..893f4c8fc6d68a1fb7dc24e1ceb3b3ace11ebec6 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/context_aware_classifier/context_aware_classifier_v1m1_base.py @@ -0,0 +1,275 @@ +""" +Context-aware Classifier for Semantic Segmentation + +Author: Zhuotao Tian, Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F +from pointcept.models.losses import build_criteria +from pointcept.models.utils.structure import Point +from pointcept.models.builder import MODELS, build_model + + +@MODELS.register_module("CAC-v1m1") +class CACSegmentor(nn.Module): + def __init__( + self, + num_classes, + backbone_out_channels, + backbone=None, + criteria=None, + cos_temp=15, + main_weight=1, + pre_weight=1, + pre_self_weight=1, + kl_weight=1, + conf_thresh=0, + detach_pre_logits=False, + ): + super().__init__() + self.num_classes = num_classes + self.cos_temp = cos_temp + self.main_weight = main_weight + self.pre_weight = pre_weight + self.pre_self_weight = pre_self_weight + self.kl_weight = kl_weight + self.conf_thresh = conf_thresh + self.detach_pre_logits = detach_pre_logits + + # backbone + self.backbone = build_model(backbone) + # heads + self.seg_head = nn.Linear(backbone_out_channels, num_classes) + self.proj = nn.Sequential( + nn.Linear(backbone_out_channels * 2, backbone_out_channels * 2, bias=False), + nn.ReLU(inplace=True), + nn.Linear(backbone_out_channels * 2, backbone_out_channels), + ) + self.apd_proj = nn.Sequential( + nn.Linear(backbone_out_channels * 2, backbone_out_channels * 2, bias=False), + nn.ReLU(inplace=True), + nn.Linear(backbone_out_channels * 2, backbone_out_channels), + ) + self.feat_proj_layer = nn.Sequential( + nn.Linear(backbone_out_channels, backbone_out_channels, bias=False), + nn.BatchNorm1d(backbone_out_channels), + nn.ReLU(inplace=True), + nn.Linear(backbone_out_channels, backbone_out_channels), + ) + # Criteria + self.criteria = build_criteria(criteria) + + @staticmethod + def get_pred(x, proto): + # x: [n,c]; proto: [cls, c] + x = F.normalize(x, 2, 1) + proto = F.normalize(proto, 2, 1) + pred = x @ proto.permute(1, 0) # [n,c] x [c, cls] -> [n, cls] + return pred + + def get_adaptive_perspective(self, feat, target, new_proto, proto): + raw_feat = feat.clone() + # target: [n] + # feat: [n,c] + # proto: [cls, c] + unique_y = list(target.unique()) + if -1 in unique_y: + unique_y.remove(-1) + target = target.unsqueeze(-1) # [n, 1] + + for tmp_y in unique_y: + tmp_mask = (target == tmp_y).float() + tmp_proto = (feat * tmp_mask).sum(0) / (tmp_mask.sum(0) + 1e-4) # c + onehot_vec = torch.zeros(new_proto.shape[0], 1).cuda() # cls, 1 + onehot_vec[tmp_y.long()] = 1 + new_proto = ( + new_proto * (1 - onehot_vec) + tmp_proto.unsqueeze(0) * onehot_vec + ) + + new_proto = torch.cat([new_proto, proto], -1) + new_proto = self.apd_proj(new_proto) + raw_feat = self.feat_proj_layer(raw_feat) + pred = self.get_pred(raw_feat, new_proto) + return pred + + def post_refine_proto_batch(self, feat, pred, proto, offset=None): + # x: [n, c]; pred: [n, cls]; proto: [cls, c] + pred_list = [] + x = feat + raw_x = x.clone() + if self.detach_pre_logits: + pred = pred.detach() + raw_pred = pred.clone() + + if offset is None: + raw_x = x.clone() + n, n_cls = pred.shape[:] + pred = pred.view(n, n_cls) + pred = F.softmax(pred, 1).permute(1, 0) # [n, cls] -> [cls, n] + if self.conf_thresh > 0: + max_pred = ( + (pred.max(0)[0] >= self.conf_thresh).float().unsqueeze(0) + ) # 1, n + pred = pred * max_pred + pred_proto = (pred / (pred.sum(-1).unsqueeze(-1) + 1e-7)) @ raw_x # cls, c + + pred_proto = torch.cat([pred_proto, proto], -1) # cls, 2c + pred_proto = self.proj(pred_proto) + raw_x = self.feat_proj_layer(raw_x) + new_pred = self.get_pred(raw_x, pred_proto) + else: + for i in range(len(offset)): + if i == 0: + start = 0 + end = offset[i] + else: + start, end = offset[i - 1], offset[i] + tmp_x = raw_x[start:end] + pred = raw_pred[start:end] + n, n_cls = pred.shape[:] + pred = pred.view(n, n_cls) + pred = F.softmax(pred, 1).permute(1, 0) # [n, cls] -> [cls, n] + if self.conf_thresh > 0: + max_pred = ( + (pred.max(0)[0] >= self.conf_thresh).float().unsqueeze(0) + ) # 1, n + pred = pred * max_pred + pred_proto = ( + pred / (pred.sum(-1).unsqueeze(-1) + 1e-7) + ) @ tmp_x # cls, c + + pred_proto = torch.cat([pred_proto, proto], -1) # cls, 2c + pred_proto = self.proj(pred_proto) + tmp_x = self.feat_proj_layer(tmp_x) + new_pred = self.get_pred(tmp_x, pred_proto) + pred_list.append(new_pred) + new_pred = torch.cat(pred_list, 0) + return new_pred + + @staticmethod + def get_distill_loss(pred, soft, target, smoothness=0.5, eps=0): + """ + knowledge distillation loss + """ + n, c = soft.shape[:] + soft = soft.detach() + target = target.unsqueeze(-1) # n, 1 + onehot = target.view(-1, 1) # n, 1 + ignore_mask = (onehot == -1).float() + sm_soft = F.softmax(soft / 1, 1) # n, c + + onehot = onehot * (1 - ignore_mask) + onehot = torch.zeros(n, c).cuda().scatter_(1, onehot.long(), 1) # n, c + smoothed_label = smoothness * sm_soft + (1 - smoothness) * onehot + if eps > 0: + smoothed_label = smoothed_label * (1 - eps) + (1 - smoothed_label) * eps / ( + smoothed_label.shape[1] - 1 + ) + + loss = torch.mul(-1 * F.log_softmax(pred, dim=1), smoothed_label) # b, n, h, w + loss = loss.sum(1) + + sm_soft = F.softmax(soft / 1, 1) # n, c + entropy_mask = -1 * (sm_soft * torch.log(sm_soft + 1e-4)).sum(1) + + # for class-wise entropy estimation + target = target.squeeze(-1) + unique_classes = list(target.unique()) + if -1 in unique_classes: + unique_classes.remove(-1) + valid_mask = (target != -1).float() + entropy_mask = entropy_mask * valid_mask + loss_list = [] + weight_list = [] + for tmp_y in unique_classes: + tmp_mask = (target == tmp_y).float().squeeze() + tmp_entropy_mask = entropy_mask * tmp_mask + class_weight = 1 + tmp_loss = (loss * tmp_entropy_mask).sum() / (tmp_entropy_mask.sum() + 1e-4) + loss_list.append(class_weight * tmp_loss) + weight_list.append(class_weight) + + if len(weight_list) > 0: + loss = sum(loss_list) / (sum(weight_list) + 1e-4) + else: + loss = torch.zeros(1).cuda().mean() + return loss + + def forward(self, data_dict): + offset = data_dict["offset"] + point = self.backbone(data_dict) + if isinstance(point, Point): + feat = point.feat + else: + feat = point + seg_logits = self.seg_head(feat) + + if self.training: + target = data_dict["segment"] + pre_logits = seg_logits.clone() + refine_logits = ( + self.post_refine_proto_batch( + feat=feat, + pred=seg_logits, + proto=self.seg_head.weight.squeeze(), + offset=offset, + ) + * self.cos_temp + ) + + cac_pred = ( + self.get_adaptive_perspective( + feat=feat, + target=target, + new_proto=self.seg_head.weight.detach().data.squeeze(), + proto=self.seg_head.weight.squeeze(), + ) + * self.cos_temp + ) + + seg_loss = self.criteria(refine_logits, target) * self.main_weight + pre_loss = self.criteria(cac_pred, target) * self.pre_weight + pre_self_loss = self.criteria(pre_logits, target) * self.pre_self_weight + kl_loss = ( + self.get_distill_loss( + pred=refine_logits, soft=cac_pred.detach(), target=target + ) + * self.kl_weight + ) + loss = seg_loss + pre_loss + pre_self_loss + kl_loss + return dict( + loss=loss, + seg_loss=seg_loss, + pre_loss=pre_loss, + pre_self_loss=pre_self_loss, + kl_loss=kl_loss, + ) + + elif "segment" in data_dict.keys(): + refine_logits = ( + self.post_refine_proto_batch( + feat=feat, + pred=seg_logits, + proto=self.seg_head.weight.squeeze(), + offset=offset, + ) + * self.cos_temp + ) + + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss, seg_logits=refine_logits) + + else: + refine_logits = ( + self.post_refine_proto_batch( + feat=feat, + pred=seg_logits, + proto=self.seg_head.weight.squeeze(), + offset=offset, + ) + * self.cos_temp + ) + return dict(seg_logits=refine_logits) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/default.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/default.py new file mode 100644 index 0000000000000000000000000000000000000000..95aea1ff4405746dd0ed7f2d83c118e48e6283ec --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/default.py @@ -0,0 +1,132 @@ +from contextlib import nullcontext + +import torch +import torch.nn as nn +import torch_scatter + +from pointcept.models.losses import build_criteria +from pointcept.models.utils.structure import Point + +from .builder import MODELS, build_model + + +@MODELS.register_module() +class DefaultSegmentor(nn.Module): + def __init__(self, backbone=None, criteria=None): + super().__init__() + self.backbone = build_model(backbone) + self.criteria = build_criteria(criteria) + + def forward(self, input_dict): + if "condition" in input_dict.keys(): + # PPT (https://arxiv.org/abs/2308.09718) + # currently, only support one batch one condition + input_dict["condition"] = input_dict["condition"][0] + seg_logits = self.backbone(input_dict) + # train + if self.training: + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in input_dict.keys(): + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) + + +@MODELS.register_module() +class DefaultSegmentorV2(nn.Module): + def __init__( + self, + num_classes, + backbone_out_channels, + backbone=None, + criteria=None, + freeze_backbone=False, + ): + super().__init__() + self.seg_head = nn.Linear(backbone_out_channels, num_classes) if num_classes > 0 else nn.Identity() + self.backbone = build_model(backbone) + self.criteria = build_criteria(criteria) + + if freeze_backbone: + self.optional_freeze = torch.no_grad + else: + self.optional_freeze = nullcontext + + def forward(self, input_dict): + point = Point(input_dict) + with self.optional_freeze(): + point = self.backbone(point) + # Backbone added after v1.5.0 return Point instead of feat and use DefaultSegmentorV2 + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + feat = point.feat + else: + feat = point + seg_logits = self.seg_head(feat) + # train + if self.training: + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in input_dict.keys(): + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) + + +@MODELS.register_module() +class DefaultClassifier(nn.Module): + def __init__( + self, + backbone=None, + criteria=None, + num_classes=40, + backbone_embed_dim=256, + ): + super().__init__() + self.backbone = build_model(backbone) + self.criteria = build_criteria(criteria) + self.num_classes = num_classes + self.backbone_embed_dim = backbone_embed_dim + self.cls_head = nn.Sequential( + nn.Linear(backbone_embed_dim, 256), + nn.BatchNorm1d(256), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(256, 128), + nn.BatchNorm1d(128), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(128, num_classes), + ) + + def forward(self, input_dict): + point = Point(input_dict) + point = self.backbone(point) + # Backbone added after v1.5.0 return Point instead of feat + # And after v1.5.0 feature aggregation for classification operated in classifier + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + point.feat = torch_scatter.segment_csr( + src=point.feat, + indptr=nn.functional.pad(point.offset, (1, 0)), + reduce="mean", + ) + feat = point.feat + else: + feat = point + cls_logits = self.cls_head(feat) + if self.training: + loss = self.criteria(cls_logits, input_dict["category"]) + return dict(loss=loss) + elif "category" in input_dict.keys(): + loss = self.criteria(cls_logits, input_dict["category"]) + return dict(loss=loss, cls_logits=cls_logits) + else: + return dict(cls_logits=cls_logits) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ee44096e13acdf7d6cf7ba9ff764b4b6af3aafe5 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/__init__.py @@ -0,0 +1,4 @@ +from .builder import build_criteria + +from .misc import CrossEntropyLoss, SmoothCELoss, DiceLoss, FocalLoss, BinaryFocalLoss +from .lovasz import LovaszLoss diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/builder.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..ef642d9830622d847eb2b7e7013252a32c2b6368 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/builder.py @@ -0,0 +1,31 @@ +""" +Criteria Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + +LOSSES = Registry("losses") + + +class Criteria(object): + def __init__(self, cfg=None): + self.cfg = cfg if cfg is not None else [] + self.criteria = [] + for loss_cfg in self.cfg: + self.criteria.append(LOSSES.build(cfg=loss_cfg)) + + def __call__(self, pred, target): + if len(self.criteria) == 0: + # loss computation occur in model + return pred + loss = 0 + for c in self.criteria: + loss += c(pred, target) + return loss + + +def build_criteria(cfg): + return Criteria(cfg) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/lovasz.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/lovasz.py new file mode 100644 index 0000000000000000000000000000000000000000..de01a181bce59ba8288171bb58c0ddc728adcb5b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/lovasz.py @@ -0,0 +1,257 @@ +""" +Lovasz Loss +refer https://arxiv.org/abs/1705.08790 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from typing import Optional +from itertools import filterfalse +import torch +import torch.nn.functional as F +from torch.nn.modules.loss import _Loss + +from .builder import LOSSES + +BINARY_MODE: str = "binary" +MULTICLASS_MODE: str = "multiclass" +MULTILABEL_MODE: str = "multilabel" + + +def _lovasz_grad(gt_sorted): + """Compute gradient of the Lovasz extension w.r.t sorted errors + See Alg. 1 in paper + """ + p = len(gt_sorted) + gts = gt_sorted.sum() + intersection = gts - gt_sorted.float().cumsum(0) + union = gts + (1 - gt_sorted).float().cumsum(0) + jaccard = 1.0 - intersection / union + if p > 1: # cover 1-pixel case + jaccard[1:p] = jaccard[1:p] - jaccard[0:-1] + return jaccard + + +def _lovasz_hinge(logits, labels, per_image=True, ignore=None): + """ + Binary Lovasz hinge loss + logits: [B, H, W] Logits at each pixel (between -infinity and +infinity) + labels: [B, H, W] Tensor, binary ground truth masks (0 or 1) + per_image: compute the loss per image instead of per batch + ignore: void class id + """ + if per_image: + loss = mean( + _lovasz_hinge_flat( + *_flatten_binary_scores(log.unsqueeze(0), lab.unsqueeze(0), ignore) + ) + for log, lab in zip(logits, labels) + ) + else: + loss = _lovasz_hinge_flat(*_flatten_binary_scores(logits, labels, ignore)) + return loss + + +def _lovasz_hinge_flat(logits, labels): + """Binary Lovasz hinge loss + Args: + logits: [P] Logits at each prediction (between -infinity and +infinity) + labels: [P] Tensor, binary ground truth labels (0 or 1) + """ + if len(labels) == 0: + # only void pixels, the gradients should be 0 + return logits.sum() * 0.0 + signs = 2.0 * labels.float() - 1.0 + errors = 1.0 - logits * signs + errors_sorted, perm = torch.sort(errors, dim=0, descending=True) + perm = perm.data + gt_sorted = labels[perm] + grad = _lovasz_grad(gt_sorted) + loss = torch.dot(F.relu(errors_sorted), grad) + return loss + + +def _flatten_binary_scores(scores, labels, ignore=None): + """Flattens predictions in the batch (binary case) + Remove labels equal to 'ignore' + """ + scores = scores.view(-1) + labels = labels.view(-1) + if ignore is None: + return scores, labels + valid = labels != ignore + vscores = scores[valid] + vlabels = labels[valid] + return vscores, vlabels + + +def _lovasz_softmax( + probas, labels, classes="present", class_seen=None, per_image=False, ignore=None +): + """Multi-class Lovasz-Softmax loss + Args: + @param probas: [B, C, H, W] Class probabilities at each prediction (between 0 and 1). + Interpreted as binary (sigmoid) output with outputs of size [B, H, W]. + @param labels: [B, H, W] Tensor, ground truth labels (between 0 and C - 1) + @param classes: 'all' for all, 'present' for classes present in labels, or a list of classes to average. + @param per_image: compute the loss per image instead of per batch + @param ignore: void class labels + """ + if per_image: + loss = mean( + _lovasz_softmax_flat( + *_flatten_probas(prob.unsqueeze(0), lab.unsqueeze(0), ignore), + classes=classes + ) + for prob, lab in zip(probas, labels) + ) + else: + loss = _lovasz_softmax_flat( + *_flatten_probas(probas, labels, ignore), + classes=classes, + class_seen=class_seen + ) + return loss + + +def _lovasz_softmax_flat(probas, labels, classes="present", class_seen=None): + """Multi-class Lovasz-Softmax loss + Args: + @param probas: [P, C] Class probabilities at each prediction (between 0 and 1) + @param labels: [P] Tensor, ground truth labels (between 0 and C - 1) + @param classes: 'all' for all, 'present' for classes present in labels, or a list of classes to average. + """ + if probas.numel() == 0: + # only void pixels, the gradients should be 0 + return probas.mean() * 0.0 + C = probas.size(1) + losses = [] + class_to_sum = list(range(C)) if classes in ["all", "present"] else classes + # for c in class_to_sum: + for c in labels.unique(): + if class_seen is None: + fg = (labels == c).type_as(probas) # foreground for class c + if classes == "present" and fg.sum() == 0: + continue + if C == 1: + if len(classes) > 1: + raise ValueError("Sigmoid output possible only with 1 class") + class_pred = probas[:, 0] + else: + class_pred = probas[:, c] + errors = (fg - class_pred).abs() + errors_sorted, perm = torch.sort(errors, 0, descending=True) + perm = perm.data + fg_sorted = fg[perm] + losses.append(torch.dot(errors_sorted, _lovasz_grad(fg_sorted))) + else: + if c in class_seen: + fg = (labels == c).type_as(probas) # foreground for class c + if classes == "present" and fg.sum() == 0: + continue + if C == 1: + if len(classes) > 1: + raise ValueError("Sigmoid output possible only with 1 class") + class_pred = probas[:, 0] + else: + class_pred = probas[:, c] + errors = (fg - class_pred).abs() + errors_sorted, perm = torch.sort(errors, 0, descending=True) + perm = perm.data + fg_sorted = fg[perm] + losses.append(torch.dot(errors_sorted, _lovasz_grad(fg_sorted))) + return mean(losses) + + +def _flatten_probas(probas, labels, ignore=None): + """Flattens predictions in the batch""" + if probas.dim() == 3: + # assumes output of a sigmoid layer + B, H, W = probas.size() + probas = probas.view(B, 1, H, W) + + C = probas.size(1) + probas = torch.movedim(probas, 1, -1) # [B, C, Di, Dj, ...] -> [B, Di, Dj, ..., C] + probas = probas.contiguous().view(-1, C) # [P, C] + + labels = labels.view(-1) + if ignore is None: + return probas, labels + valid = labels != ignore + vprobas = probas[valid] + vlabels = labels[valid] + return vprobas, vlabels + + +def isnan(x): + return x != x + + +def mean(values, ignore_nan=False, empty=0): + """Nan-mean compatible with generators.""" + values = iter(values) + if ignore_nan: + values = filterfalse(isnan, values) + try: + n = 1 + acc = next(values) + except StopIteration: + if empty == "raise": + raise ValueError("Empty mean") + return empty + for n, v in enumerate(values, 2): + acc += v + if n == 1: + return acc + return acc / n + + +@LOSSES.register_module() +class LovaszLoss(_Loss): + def __init__( + self, + mode: str, + class_seen: Optional[int] = None, + per_image: bool = False, + ignore_index: Optional[int] = None, + loss_weight: float = 1.0, + ): + """Lovasz loss for segmentation task. + It supports binary, multiclass and multilabel cases + Args: + mode: Loss mode 'binary', 'multiclass' or 'multilabel' + ignore_index: Label that indicates ignored pixels (does not contribute to loss) + per_image: If True loss computed per each image and then averaged, else computed per whole batch + Shape + - **y_pred** - torch.Tensor of shape (N, C, H, W) + - **y_true** - torch.Tensor of shape (N, H, W) or (N, C, H, W) + Reference + https://github.com/BloodAxe/pytorch-toolbelt + """ + assert mode in {BINARY_MODE, MULTILABEL_MODE, MULTICLASS_MODE} + super().__init__() + + self.mode = mode + self.ignore_index = ignore_index + self.per_image = per_image + self.class_seen = class_seen + self.loss_weight = loss_weight + + def forward(self, y_pred, y_true): + if self.mode in {BINARY_MODE, MULTILABEL_MODE}: + loss = _lovasz_hinge( + y_pred, y_true, per_image=self.per_image, ignore=self.ignore_index + ) + elif self.mode == MULTICLASS_MODE: + y_pred = y_pred.softmax(dim=1) + loss = _lovasz_softmax( + y_pred, + y_true, + class_seen=self.class_seen, + per_image=self.per_image, + ignore=self.ignore_index, + ) + else: + raise ValueError("Wrong mode {}.".format(self.mode)) + return loss * self.loss_weight diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/misc.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..ec300a54b2d920d37882d25e8c7771bce01db97c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/losses/misc.py @@ -0,0 +1,223 @@ +""" +Misc Losses + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F +from .builder import LOSSES + + +@LOSSES.register_module() +class CrossEntropyLoss(nn.Module): + def __init__( + self, + weight=None, + size_average=None, + reduce=None, + reduction="mean", + label_smoothing=0.0, + loss_weight=1.0, + ignore_index=-1, + ): + super(CrossEntropyLoss, self).__init__() + weight = torch.tensor(weight).cuda() if weight is not None else None + self.loss_weight = loss_weight + self.loss = nn.CrossEntropyLoss( + weight=weight, + size_average=size_average, + ignore_index=ignore_index, + reduce=reduce, + reduction=reduction, + label_smoothing=label_smoothing, + ) + + def forward(self, pred, target): + return self.loss(pred, target) * self.loss_weight + + +@LOSSES.register_module() +class SmoothCELoss(nn.Module): + def __init__(self, smoothing_ratio=0.1): + super(SmoothCELoss, self).__init__() + self.smoothing_ratio = smoothing_ratio + + def forward(self, pred, target): + eps = self.smoothing_ratio + n_class = pred.size(1) + one_hot = torch.zeros_like(pred).scatter(1, target.view(-1, 1), 1) + one_hot = one_hot * (1 - eps) + (1 - one_hot) * eps / (n_class - 1) + log_prb = F.log_softmax(pred, dim=1) + loss = -(one_hot * log_prb).total(dim=1) + loss = loss[torch.isfinite(loss)].mean() + return loss + + +@LOSSES.register_module() +class BinaryFocalLoss(nn.Module): + def __init__(self, gamma=2.0, alpha=0.5, logits=True, reduce=True, loss_weight=1.0): + """Binary Focal Loss + ` + """ + super(BinaryFocalLoss, self).__init__() + assert 0 < alpha < 1 + self.gamma = gamma + self.alpha = alpha + self.logits = logits + self.reduce = reduce + self.loss_weight = loss_weight + + def forward(self, pred, target, **kwargs): + """Forward function. + Args: + pred (torch.Tensor): The prediction with shape (N) + target (torch.Tensor): The ground truth. If containing class + indices, shape (N) where each value is 0≤targets[i]≤1, If containing class probabilities, + same shape as the input. + Returns: + torch.Tensor: The calculated loss + """ + if self.logits: + bce = F.binary_cross_entropy_with_logits(pred, target, reduction="none") + else: + bce = F.binary_cross_entropy(pred, target, reduction="none") + pt = torch.exp(-bce) + alpha = self.alpha * target + (1 - self.alpha) * (1 - target) + focal_loss = alpha * (1 - pt) ** self.gamma * bce + + if self.reduce: + focal_loss = torch.mean(focal_loss) + return focal_loss * self.loss_weight + + +@LOSSES.register_module() +class FocalLoss(nn.Module): + def __init__( + self, gamma=2.0, alpha=0.5, reduction="mean", loss_weight=1.0, ignore_index=-1 + ): + """Focal Loss + ` + """ + super(FocalLoss, self).__init__() + assert reduction in ( + "mean", + "sum", + ), "AssertionError: reduction should be 'mean' or 'sum'" + assert isinstance( + alpha, (float, list) + ), "AssertionError: alpha should be of type float" + assert isinstance(gamma, float), "AssertionError: gamma should be of type float" + assert isinstance( + loss_weight, float + ), "AssertionError: loss_weight should be of type float" + assert isinstance(ignore_index, int), "ignore_index must be of type int" + self.gamma = gamma + self.alpha = alpha + self.reduction = reduction + self.loss_weight = loss_weight + self.ignore_index = ignore_index + + def forward(self, pred, target, **kwargs): + """Forward function. + Args: + pred (torch.Tensor): The prediction with shape (N, C) where C = number of classes. + target (torch.Tensor): The ground truth. If containing class + indices, shape (N) where each value is 0≤targets[i]≤C−1, If containing class probabilities, + same shape as the input. + Returns: + torch.Tensor: The calculated loss + """ + # [B, C, d_1, d_2, ..., d_k] -> [C, B, d_1, d_2, ..., d_k] + pred = pred.transpose(0, 1) + # [C, B, d_1, d_2, ..., d_k] -> [C, N] + pred = pred.reshape(pred.size(0), -1) + # [C, N] -> [N, C] + pred = pred.transpose(0, 1).contiguous() + # (B, d_1, d_2, ..., d_k) --> (B * d_1 * d_2 * ... * d_k,) + target = target.view(-1).contiguous() + assert pred.size(0) == target.size( + 0 + ), "The shape of pred doesn't match the shape of target" + valid_mask = target != self.ignore_index + target = target[valid_mask] + pred = pred[valid_mask] + + if len(target) == 0: + return 0.0 + + num_classes = pred.size(1) + target = F.one_hot(target, num_classes=num_classes) + + alpha = self.alpha + if isinstance(alpha, list): + alpha = pred.new_tensor(alpha) + pred_sigmoid = pred.sigmoid() + target = target.type_as(pred) + one_minus_pt = (1 - pred_sigmoid) * target + pred_sigmoid * (1 - target) + focal_weight = (alpha * target + (1 - alpha) * (1 - target)) * one_minus_pt.pow( + self.gamma + ) + + loss = ( + F.binary_cross_entropy_with_logits(pred, target, reduction="none") + * focal_weight + ) + if self.reduction == "mean": + loss = loss.mean() + elif self.reduction == "sum": + loss = loss.total() + return self.loss_weight * loss + + +@LOSSES.register_module() +class DiceLoss(nn.Module): + def __init__(self, smooth=1, exponent=2, loss_weight=1.0, ignore_index=-1): + """DiceLoss. + This loss is proposed in `V-Net: Fully Convolutional Neural Networks for + Volumetric Medical Image Segmentation `_. + """ + super(DiceLoss, self).__init__() + self.smooth = smooth + self.exponent = exponent + self.loss_weight = loss_weight + self.ignore_index = ignore_index + + def forward(self, pred, target, **kwargs): + # [B, C, d_1, d_2, ..., d_k] -> [C, B, d_1, d_2, ..., d_k] + pred = pred.transpose(0, 1) + # [C, B, d_1, d_2, ..., d_k] -> [C, N] + pred = pred.reshape(pred.size(0), -1) + # [C, N] -> [N, C] + pred = pred.transpose(0, 1).contiguous() + # (B, d_1, d_2, ..., d_k) --> (B * d_1 * d_2 * ... * d_k,) + target = target.view(-1).contiguous() + assert pred.size(0) == target.size( + 0 + ), "The shape of pred doesn't match the shape of target" + valid_mask = target != self.ignore_index + target = target[valid_mask] + pred = pred[valid_mask] + + pred = F.softmax(pred, dim=1) + num_classes = pred.shape[1] + target = F.one_hot( + torch.clamp(target.long(), 0, num_classes - 1), num_classes=num_classes + ) + + total_loss = 0 + for i in range(num_classes): + if i != self.ignore_index: + num = torch.sum(torch.mul(pred[:, i], target[:, i])) * 2 + self.smooth + den = ( + torch.sum( + pred[:, i].pow(self.exponent) + target[:, i].pow(self.exponent) + ) + + self.smooth + ) + dice_loss = 1 - num / den + total_loss += dice_loss + loss = total_loss / num_classes + return self.loss_weight * loss diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18733d94acc5c7ed0feb7c52c77cb040d53bee7e --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/__init__.py @@ -0,0 +1,2 @@ +from .masked_scene_contrast_v1m1_base import MaskedSceneContrast +from .masked_scene_contrast_v1m2_csc import MaskedSceneContrast diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..3b18bd563a36695eca4882a6620d4ddbe246ef80 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m1_base.py @@ -0,0 +1,310 @@ +""" +Masked Scene Contrast +https://arxiv.org/abs/2303.14191 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import random +from itertools import chain +import torch +import torch.nn as nn +import torch.distributed as dist +from torch_geometric.nn.pool import voxel_grid + +from timm.models.layers import trunc_normal_ +import pointops + +from pointcept.models.builder import MODELS, build_model +from pointcept.models.utils import offset2batch +from pointcept.utils.comm import get_world_size + + +@MODELS.register_module("MSC-v1m1") +class MaskedSceneContrast(nn.Module): + def __init__( + self, + backbone, + backbone_in_channels, + backbone_out_channels, + mask_grid_size=0.1, + mask_rate=0.4, + view1_mix_prob=0, + view2_mix_prob=0, + matching_max_k=8, + matching_max_radius=0.03, + matching_max_pair=8192, + nce_t=0.4, + contrast_weight=1, + reconstruct_weight=1, + reconstruct_color=True, + reconstruct_normal=True, + ): + super().__init__() + self.backbone = build_model(backbone) + self.mask_grid_size = mask_grid_size + self.mask_rate = mask_rate + self.view1_mix_prob = view1_mix_prob + self.view2_mix_prob = view2_mix_prob + self.matching_max_k = matching_max_k + self.matching_max_radius = matching_max_radius + self.matching_max_pair = matching_max_pair + self.nce_t = nce_t + self.contrast_weight = contrast_weight + self.reconstruct_weight = reconstruct_weight + self.reconstruct_color = reconstruct_color + self.reconstruct_normal = reconstruct_normal + + self.mask_token = nn.Parameter(torch.zeros(1, backbone_in_channels)) + trunc_normal_(self.mask_token, mean=0.0, std=0.02) + self.color_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_color else None + ) + self.normal_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_normal else None + ) + self.nce_criteria = torch.nn.CrossEntropyLoss(reduction="mean") + + @torch.no_grad() + def generate_cross_masks( + self, view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ): + # union origin coord + view1_batch = offset2batch(view1_offset) + view2_batch = offset2batch(view2_offset) + + view1_batch_count = view1_batch.bincount() + view2_batch_count = view2_batch.bincount() + view1_origin_coord_split = view1_origin_coord.split(list(view1_batch_count)) + view2_origin_coord_split = view2_origin_coord.split(list(view2_batch_count)) + union_origin_coord = torch.cat( + list( + chain.from_iterable( + zip(view1_origin_coord_split, view2_origin_coord_split) + ) + ) + ) + union_offset = torch.cat( + [view1_offset.unsqueeze(-1), view2_offset.unsqueeze(-1)], dim=-1 + ).sum(-1) + union_batch = offset2batch(union_offset) + + # grid partition + mask_patch_coord = union_origin_coord.div(self.mask_grid_size) + mask_patch_grid_coord = torch.floor(mask_patch_coord) + mask_patch_cluster = voxel_grid( + pos=mask_patch_grid_coord, size=1, batch=union_batch, start=0 + ) + unique, cluster, counts = torch.unique( + mask_patch_cluster, sorted=True, return_inverse=True, return_counts=True + ) + patch_num = unique.shape[0] + patch_max_point = counts.max().item() + patch2point_map = cluster.new_zeros(patch_num, patch_max_point) + patch2point_mask = torch.lt( + torch.arange(patch_max_point).cuda().unsqueeze(0), counts.unsqueeze(-1) + ) + sorted_cluster_value, sorted_cluster_indices = torch.sort(cluster) + patch2point_map[patch2point_mask] = sorted_cluster_indices + + # generate cross masks + assert self.mask_rate <= 0.5 + patch_mask = torch.zeros(patch_num, device=union_origin_coord.device).int() + rand_perm = torch.randperm(patch_num) + mask_patch_num = int(patch_num * self.mask_rate) + + # mask1 tag with 1, mask2 tag with 2 + patch_mask[rand_perm[0:mask_patch_num]] = 1 + patch_mask[rand_perm[mask_patch_num : mask_patch_num * 2]] = 2 + point_mask = torch.zeros( + union_origin_coord.shape[0], device=union_origin_coord.device + ).int() + point_mask[ + patch2point_map[patch_mask == 1][patch2point_mask[patch_mask == 1]] + ] = 1 + point_mask[ + patch2point_map[patch_mask == 2][patch2point_mask[patch_mask == 2]] + ] = 2 + + # separate mask to view1 and view2 + point_mask_split = point_mask.split( + list( + torch.cat( + [view1_batch_count.unsqueeze(-1), view2_batch_count.unsqueeze(-1)], + dim=-1, + ).flatten() + ) + ) + view1_point_mask = torch.cat(point_mask_split[0::2]) == 1 + view2_point_mask = torch.cat(point_mask_split[1::2]) == 2 + return view1_point_mask, view2_point_mask + + @torch.no_grad() + def match_contrastive_pair( + self, view1_coord, view1_offset, view2_coord, view2_offset, max_k, max_radius + ): + index, distance = pointops.knn_query( + max_k, + view2_coord.float(), + view2_offset.int(), + view1_coord.float(), + view1_offset.int(), + ) + index = torch.cat( + [ + torch.arange(index.shape[0], device=index.device, dtype=torch.long) + .view(-1, 1, 1) + .expand(-1, max_k, 1), + index.view(-1, max_k, 1), + ], + dim=-1, + )[distance.squeeze(-1) < max_radius] + unique, count = index[:, 0].unique(return_counts=True) + select = ( + torch.cumsum(count, dim=0) + - torch.randint(count.max(), count.shape, device=count.device) % count + - 1 + ) + index = index[select] + if index.shape[0] > self.matching_max_pair: + index = index[torch.randperm(index.shape[0])[: self.matching_max_pair]] + return index + + def compute_contrastive_loss( + self, view1_feat, view1_offset, view2_feat, view2_offset, match_index + ): + assert view1_offset.shape == view2_offset.shape + + view1_feat = view1_feat[match_index[:, 0]] + view2_feat = view2_feat[match_index[:, 1]] + view1_feat = view1_feat / ( + torch.norm(view1_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + view2_feat = view2_feat / ( + torch.norm(view2_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + sim = torch.mm(view1_feat, view2_feat.transpose(1, 0)) + + with torch.no_grad(): + pos_sim = torch.diagonal(sim).mean() + neg_sim = sim.mean(dim=-1).mean() - pos_sim / match_index.shape[0] + labels = torch.arange(sim.shape[0], device=view1_feat.device).long() + loss = self.nce_criteria(torch.div(sim, self.nce_t), labels) + + if get_world_size() > 1: + dist.all_reduce(loss) + dist.all_reduce(pos_sim) + dist.all_reduce(neg_sim) + return ( + loss / get_world_size(), + pos_sim / get_world_size(), + neg_sim / get_world_size(), + ) + + def forward(self, data_dict): + view1_origin_coord = data_dict["view1_origin_coord"] + view1_coord = data_dict["view1_coord"] + view1_feat = data_dict["view1_feat"] + view1_offset = data_dict["view1_offset"].int() + + view2_origin_coord = data_dict["view2_origin_coord"] + view2_coord = data_dict["view2_coord"] + view2_feat = data_dict["view2_feat"] + view2_offset = data_dict["view2_offset"].int() + + # mask generation by union original coord (without spatial augmentation) + view1_point_mask, view2_point_mask = self.generate_cross_masks( + view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ) + + view1_mask_tokens = self.mask_token.expand(view1_coord.shape[0], -1) + view1_weight = view1_point_mask.unsqueeze(-1).type_as(view1_mask_tokens) + view1_feat = view1_feat * (1 - view1_weight) + view1_mask_tokens * view1_weight + + view2_mask_tokens = self.mask_token.expand(view2_coord.shape[0], -1) + view2_weight = view2_point_mask.unsqueeze(-1).type_as(view2_mask_tokens) + view2_feat = view2_feat * (1 - view2_weight) + view2_mask_tokens * view2_weight + + view1_data_dict = dict( + origin_coord=view1_origin_coord, + coord=view1_coord, + feat=view1_feat, + offset=view1_offset, + ) + view2_data_dict = dict( + origin_coord=view2_origin_coord, + coord=view2_coord, + feat=view2_feat, + offset=view2_offset, + ) + + # SparseConv based method need grid coord + if "view1_grid_coord" in data_dict.keys(): + view1_data_dict["grid_coord"] = data_dict["view1_grid_coord"] + if "view2_grid_coord" in data_dict.keys(): + view2_data_dict["grid_coord"] = data_dict["view2_grid_coord"] + + # view mixing strategy + if random.random() < self.view1_mix_prob: + view1_data_dict["offset"] = torch.cat( + [view1_offset[1:-1:2], view1_offset[-1].unsqueeze(0)], dim=0 + ) + if random.random() < self.view2_mix_prob: + view2_data_dict["offset"] = torch.cat( + [view2_offset[1:-1:2], view2_offset[-1].unsqueeze(0)], dim=0 + ) + + view1_feat = self.backbone(view1_data_dict) + view2_feat = self.backbone(view2_data_dict) + match_index = self.match_contrastive_pair( + view1_origin_coord, + view1_offset, + view2_origin_coord, + view2_offset, + max_k=self.matching_max_k, + max_radius=self.matching_max_radius, + ) + nce_loss, pos_sim, neg_sim = self.compute_contrastive_loss( + view1_feat, view1_offset, view2_feat, view2_offset, match_index + ) + loss = nce_loss * self.contrast_weight + result_dict = dict(nce_loss=nce_loss, pos_sim=pos_sim, neg_sim=neg_sim) + + if self.color_head is not None: + assert "view1_color" in data_dict.keys() + assert "view2_color" in data_dict.keys() + view1_color = data_dict["view1_color"] + view2_color = data_dict["view2_color"] + view1_color_pred = self.color_head(view1_feat[view1_point_mask]) + view2_color_pred = self.color_head(view2_feat[view2_point_mask]) + color_loss = ( + torch.sum((view1_color_pred - view1_color[view1_point_mask]) ** 2) + + torch.sum((view2_color_pred - view2_color[view2_point_mask]) ** 2) + ) / (view1_color_pred.shape[0] + view2_color_pred.shape[0]) + loss = loss + color_loss * self.reconstruct_weight + result_dict["color_loss"] = color_loss + + if self.normal_head is not None: + assert "view1_normal" in data_dict.keys() + assert "view2_normal" in data_dict.keys() + view1_normal = data_dict["view1_normal"] + view2_normal = data_dict["view2_normal"] + view1_normal_pred = self.normal_head(view1_feat[view1_point_mask]) + view2_normal_pred = self.normal_head(view2_feat[view2_point_mask]) + + view1_normal_pred = view1_normal_pred / ( + torch.norm(view1_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + view2_normal_pred = view2_normal_pred / ( + torch.norm(view2_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + normal_loss = ( + torch.sum(view1_normal_pred * view1_normal[view1_point_mask]) + + torch.sum(view2_normal_pred * view2_normal[view2_point_mask]) + ) / (view1_normal_pred.shape[0] + view2_normal_pred.shape[0]) + loss = loss + normal_loss * self.reconstruct_weight + result_dict["normal_loss"] = normal_loss + + result_dict["loss"] = loss + return result_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m2_csc.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m2_csc.py new file mode 100644 index 0000000000000000000000000000000000000000..139e26b89d88bbe8711fb9a162b5347d846fd399 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m2_csc.py @@ -0,0 +1,377 @@ +""" +Masked Scene Contrast v1m2 +contrastive learning backend with CSC (https://arxiv.org/abs/2012.09165) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Chengyao Wang (cywang22@cse.cuhk.edu.hk) +Please cite our work if the code is helpful to you. +""" + +import random +from itertools import chain +import torch +import torch.nn as nn +import torch.distributed as dist +from torch_geometric.nn.pool import voxel_grid + +from timm.models.layers import trunc_normal_ +import pointops + +from pointcept.models.builder import MODELS, build_model +from pointcept.models.utils import offset2batch +from pointcept.utils.comm import get_world_size + + +@MODELS.register_module("MSC-v1m2") +class MaskedSceneContrast(nn.Module): + def __init__( + self, + backbone, + backbone_in_channels, + backbone_out_channels, + mask_grid_size=0.1, + mask_rate=0.4, + view1_mix_prob=0, + view2_mix_prob=0, + matching_max_k=8, + matching_max_radius=0.03, + matching_max_pair=8192, + nce_t=0.4, + contrast_weight=1, + reconstruct_weight=1, + reconstruct_color=True, + reconstruct_normal=True, + partitions=4, + r1=0.125, + r2=2, + ): + super().__init__() + self.backbone = build_model(backbone) + self.mask_grid_size = mask_grid_size + self.mask_rate = mask_rate + self.view1_mix_prob = view1_mix_prob + self.view2_mix_prob = view2_mix_prob + self.matching_max_k = matching_max_k + self.matching_max_radius = matching_max_radius + self.matching_max_pair = matching_max_pair + self.nce_t = nce_t + self.contrast_weight = contrast_weight + self.reconstruct_weight = reconstruct_weight + self.reconstruct_color = reconstruct_color + self.reconstruct_normal = reconstruct_normal + + # csc partition + self.partitions = partitions + self.r1 = r1 + self.r2 = r2 + + self.mask_token = nn.Parameter(torch.zeros(1, backbone_in_channels)) + trunc_normal_(self.mask_token, mean=0.0, std=0.02) + self.color_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_color else None + ) + self.normal_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_normal else None + ) + self.nce_criteria = torch.nn.CrossEntropyLoss(reduction="mean") + + @torch.no_grad() + def generate_cross_masks( + self, view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ): + # union origin coord + view1_batch = offset2batch(view1_offset) + view2_batch = offset2batch(view2_offset) + + view1_batch_count = view1_batch.bincount() + view2_batch_count = view2_batch.bincount() + view1_origin_coord_split = view1_origin_coord.split(list(view1_batch_count)) + view2_origin_coord_split = view2_origin_coord.split(list(view2_batch_count)) + union_origin_coord = torch.cat( + list( + chain.from_iterable( + zip(view1_origin_coord_split, view2_origin_coord_split) + ) + ) + ) + union_offset = torch.cat( + [view1_offset.unsqueeze(-1), view2_offset.unsqueeze(-1)], dim=-1 + ).sum(-1) + union_batch = offset2batch(union_offset) + + # grid partition + mask_patch_coord = union_origin_coord.div(self.mask_grid_size) + mask_patch_grid_coord = torch.floor(mask_patch_coord) + mask_patch_cluster = voxel_grid( + pos=mask_patch_grid_coord, size=1, batch=union_batch, start=0 + ) + unique, cluster, counts = torch.unique( + mask_patch_cluster, sorted=True, return_inverse=True, return_counts=True + ) + patch_num = unique.shape[0] + patch_max_point = counts.max().item() + patch2point_map = cluster.new_zeros(patch_num, patch_max_point) + patch2point_mask = torch.lt( + torch.arange(patch_max_point).cuda().unsqueeze(0), counts.unsqueeze(-1) + ) + sorted_cluster_value, sorted_cluster_indices = torch.sort(cluster) + patch2point_map[patch2point_mask] = sorted_cluster_indices + + # generate cross masks + assert self.mask_rate <= 0.5 + patch_mask = torch.zeros(patch_num, device=union_origin_coord.device).int() + rand_perm = torch.randperm(patch_num) + mask_patch_num = int(patch_num * self.mask_rate) + + # mask1 tag with 1, mask2 tag with 2 + patch_mask[rand_perm[0:mask_patch_num]] = 1 + patch_mask[rand_perm[mask_patch_num : mask_patch_num * 2]] = 2 + point_mask = torch.zeros( + union_origin_coord.shape[0], device=union_origin_coord.device + ).int() + point_mask[ + patch2point_map[patch_mask == 1][patch2point_mask[patch_mask == 1]] + ] = 1 + point_mask[ + patch2point_map[patch_mask == 2][patch2point_mask[patch_mask == 2]] + ] = 2 + + # separate mask to view1 and view2 + point_mask_split = point_mask.split( + list( + torch.cat( + [view1_batch_count.unsqueeze(-1), view2_batch_count.unsqueeze(-1)], + dim=-1, + ).flatten() + ) + ) + view1_point_mask = torch.cat(point_mask_split[0::2]) == 1 + view2_point_mask = torch.cat(point_mask_split[1::2]) == 2 + return view1_point_mask, view2_point_mask + + @torch.no_grad() + def match_contrastive_pair( + self, view1_coord, view1_offset, view2_coord, view2_offset, max_k, max_radius + ): + index, distance = pointops.knn_query( + max_k, + view2_coord.float(), + view2_offset.int(), + view1_coord.float(), + view1_offset.int(), + ) + index = torch.cat( + [ + torch.arange(index.shape[0], device=index.device, dtype=torch.long) + .view(-1, 1, 1) + .expand(-1, max_k, 1), + index.view(-1, max_k, 1), + ], + dim=-1, + )[distance.squeeze(-1) < max_radius] + unique, count = index[:, 0].unique(return_counts=True) + select = ( + torch.cumsum(count, dim=0) + - torch.randint(count.max(), count.shape, device=count.device) % count + - 1 + ) + index = index[select] + if index.shape[0] > self.matching_max_pair: + index = index[torch.randperm(index.shape[0])[: self.matching_max_pair]] + return index + + def compute_partitions(self, coord1, coord2): + partition_matrix = torch.zeros((coord1.shape[0], coord2.shape[0])) + partition_matrix = partition_matrix.cuda() - 1e7 + + rel_trans = coord1.unsqueeze(0) - coord2.unsqueeze(1) + mask_up = rel_trans[:, :, 2] > 0.0 + mask_down = rel_trans[:, :, 2] < 0.0 + + distance_matrix = torch.sqrt(torch.sum(rel_trans.pow(2), 2).add(1e-7)) + + mask = (distance_matrix[:, :] > self.r1) & (distance_matrix[:, :] <= self.r2) + partition_matrix[mask & mask_up] = 0 + partition_matrix[mask & mask_down] = 1 + + mask = distance_matrix[:, :] > self.r2 + partition_matrix[mask & mask_up] = 2 + partition_matrix[mask & mask_down] = 3 + + return partition_matrix + + def compute_contrastive_loss( + self, + view1_feat, + view1_coord, + view1_offset, + view2_feat, + view2_coord, + view2_offset, + match_index, + ): + assert view1_offset.shape == view2_offset.shape + device = view1_feat.device + loss = torch.tensor(0.0, device=device) + pos_sim = torch.tensor(0.0, device=device) + neg_sim = torch.tensor(0.0, device=device) + large_num = 1e9 + + view1_feat = view1_feat[match_index[:, 0]] + view2_feat = view2_feat[match_index[:, 1]] + view1_feat = view1_feat / ( + torch.norm(view1_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + view2_feat = view2_feat / ( + torch.norm(view2_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + + view1_coord = view1_coord[match_index[:, 0]] + view2_coord = view2_coord[match_index[:, 1]] + + batch = offset2batch(view1_offset)[match_index[:, 0]] + for batch_id in batch.unique(): + batch_mask = batch == batch_id + sim = torch.mm(view1_feat[batch_mask], view2_feat[batch_mask].T) + + with torch.no_grad(): + pos_sim += torch.diagonal(sim).mean() + neg_sim += sim.mean(dim=-1).mean() - pos_sim / batch_mask.sum() + + labels = torch.arange(sim.shape[0], device=view1_feat.device).long() + part = self.compute_partitions( + view1_coord[batch_mask], view2_coord[batch_mask] + ) + for part_id in part.unique(): + part_mask = part == part_id + part_mask.fill_diagonal_(True) + loss += self.nce_criteria( + torch.div(sim, self.nce_t) - large_num * (~part_mask).float(), + labels, + ) + + loss /= len(view1_offset) * self.partitions + pos_sim /= len(view1_offset) + neg_sim /= len(view1_offset) + + if get_world_size() > 1: + dist.all_reduce(loss) + dist.all_reduce(pos_sim) + dist.all_reduce(neg_sim) + return ( + loss / get_world_size(), + pos_sim / get_world_size(), + neg_sim / get_world_size(), + ) + + def forward(self, data_dict): + view1_origin_coord = data_dict["view1_origin_coord"] + view1_coord = data_dict["view1_coord"] + view1_feat = data_dict["view1_feat"] + view1_offset = data_dict["view1_offset"].int() + + view2_origin_coord = data_dict["view2_origin_coord"] + view2_coord = data_dict["view2_coord"] + view2_feat = data_dict["view2_feat"] + view2_offset = data_dict["view2_offset"].int() + + # mask generation by union original coord (without spatial augmentation) + view1_point_mask, view2_point_mask = self.generate_cross_masks( + view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ) + + view1_mask_tokens = self.mask_token.expand(view1_coord.shape[0], -1) + view1_weight = view1_point_mask.unsqueeze(-1).type_as(view1_mask_tokens) + view1_feat = view1_feat * (1 - view1_weight) + view1_mask_tokens * view1_weight + + view2_mask_tokens = self.mask_token.expand(view2_coord.shape[0], -1) + view2_weight = view2_point_mask.unsqueeze(-1).type_as(view2_mask_tokens) + view2_feat = view2_feat * (1 - view2_weight) + view2_mask_tokens * view2_weight + + view1_data_dict = dict( + origin_coord=view1_origin_coord, + coord=view1_coord, + feat=view1_feat, + offset=view1_offset, + ) + view2_data_dict = dict( + origin_coord=view2_origin_coord, + coord=view2_coord, + feat=view2_feat, + offset=view2_offset, + ) + + # SparseConv based method need grid coord + if "view1_grid_coord" in data_dict.keys(): + view1_data_dict["grid_coord"] = data_dict["view1_grid_coord"] + if "view2_grid_coord" in data_dict.keys(): + view2_data_dict["grid_coord"] = data_dict["view2_grid_coord"] + + # view mixing strategy + if random.random() < self.view1_mix_prob: + view1_data_dict["offset"] = torch.cat( + [view1_offset[1:-1:2], view1_offset[-1].unsqueeze(0)], dim=0 + ) + if random.random() < self.view2_mix_prob: + view2_data_dict["offset"] = torch.cat( + [view2_offset[1:-1:2], view2_offset[-1].unsqueeze(0)], dim=0 + ) + + view1_feat = self.backbone(view1_data_dict) + view2_feat = self.backbone(view2_data_dict) + match_index = self.match_contrastive_pair( + view1_origin_coord, + view1_offset, + view2_origin_coord, + view2_offset, + max_k=self.matching_max_k, + max_radius=self.matching_max_radius, + ) + nce_loss, pos_sim, neg_sim = self.compute_contrastive_loss( + view1_feat, + view1_origin_coord, + view1_offset, + view2_feat, + view2_origin_coord, + view2_offset, + match_index, + ) + loss = nce_loss * self.contrast_weight + result_dict = dict(nce_loss=nce_loss, pos_sim=pos_sim, neg_sim=neg_sim) + + if self.color_head is not None: + assert "view1_color" in data_dict.keys() + assert "view2_color" in data_dict.keys() + view1_color = data_dict["view1_color"] + view2_color = data_dict["view2_color"] + view1_color_pred = self.color_head(view1_feat[view1_point_mask]) + view2_color_pred = self.color_head(view2_feat[view2_point_mask]) + color_loss = ( + torch.sum((view1_color_pred - view1_color[view1_point_mask]) ** 2) + + torch.sum((view2_color_pred - view2_color[view2_point_mask]) ** 2) + ) / (view1_color_pred.shape[0] + view2_color_pred.shape[0]) + loss = loss + color_loss * self.reconstruct_weight + result_dict["color_loss"] = color_loss + + if self.normal_head is not None: + assert "view1_normal" in data_dict.keys() + assert "view2_normal" in data_dict.keys() + view1_normal = data_dict["view1_normal"] + view2_normal = data_dict["view2_normal"] + view1_normal_pred = self.normal_head(view1_feat[view1_point_mask]) + view2_normal_pred = self.normal_head(view2_feat[view2_point_mask]) + + view1_normal_pred = view1_normal_pred / ( + torch.norm(view1_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + view2_normal_pred = view2_normal_pred / ( + torch.norm(view2_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + normal_loss = ( + torch.sum(view1_normal_pred * view1_normal[view1_point_mask]) + + torch.sum(view2_normal_pred * view2_normal[view2_point_mask]) + ) / (view1_normal_pred.shape[0] + view2_normal_pred.shape[0]) + loss = loss + normal_loss * self.reconstruct_weight + result_dict["normal_loss"] = normal_loss + + result_dict["loss"] = loss + return result_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/modules.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/modules.py new file mode 100644 index 0000000000000000000000000000000000000000..8a737ae9e52620ffc4eb139a81e0bdd46cded0ed --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/modules.py @@ -0,0 +1,83 @@ +import sys +import torch.nn as nn +import spconv.pytorch as spconv +from collections import OrderedDict +from pointcept.models.utils.structure import Point + + +class PointModule(nn.Module): + r"""PointModule + placeholder, all module subclass from this will take Point in PointSequential. + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + +class PointSequential(PointModule): + r"""A sequential container. + Modules will be added to it in the order they are passed in the constructor. + Alternatively, an ordered dict of modules can also be passed in. + """ + + def __init__(self, *args, **kwargs): + super().__init__() + if len(args) == 1 and isinstance(args[0], OrderedDict): + for key, module in args[0].items(): + self.add_module(key, module) + else: + for idx, module in enumerate(args): + self.add_module(str(idx), module) + for name, module in kwargs.items(): + if sys.version_info < (3, 6): + raise ValueError("kwargs only supported in py36+") + if name in self._modules: + raise ValueError("name exists.") + self.add_module(name, module) + + def __getitem__(self, idx): + if not (-len(self) <= idx < len(self)): + raise IndexError("index {} is out of range".format(idx)) + if idx < 0: + idx += len(self) + it = iter(self._modules.values()) + for i in range(idx): + next(it) + return next(it) + + def __len__(self): + return len(self._modules) + + def add(self, module, name=None): + if name is None: + name = str(len(self._modules)) + if name in self._modules: + raise KeyError("name exists") + self.add_module(name, module) + + def forward(self, input): + for k, module in self._modules.items(): + # Point module + if isinstance(module, PointModule): + input = module(input) + # Spconv module + elif spconv.modules.is_spconv_module(module): + if isinstance(input, Point): + input.sparse_conv_feat = module(input.sparse_conv_feat) + input.feat = input.sparse_conv_feat.features + else: + input = module(input) + # PyTorch module + else: + if isinstance(input, Point): + input.feat = module(input.feat) + if "sparse_conv_feat" in input.keys(): + input.sparse_conv_feat = input.sparse_conv_feat.replace_feature( + input.feat + ) + elif isinstance(input, spconv.SparseConvTensor): + if input.indices.shape[0] != 0: + input = input.replace_feature(module(input.features)) + else: + input = module(input) + return input diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/oacnns/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/oacnns/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..654b767080457f3814142159a121a2bef9c682b7 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/oacnns/__init__.py @@ -0,0 +1 @@ +from .oacnns_v1m1_base import OACNNs diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/oacnns/oacnns_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/oacnns/oacnns_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..bd8ee6d25ed152f04ab8b3905bbd8c2bdf127d06 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/oacnns/oacnns_v1m1_base.py @@ -0,0 +1,345 @@ +from functools import partial +import torch +import torch.nn as nn +from einops import rearrange +import spconv.pytorch as spconv +from timm.models.layers import trunc_normal_ +from ..builder import MODELS +from ..utils import offset2batch +from torch_geometric.nn.pool import voxel_grid +from torch_geometric.utils import scatter + + +class BasicBlock(nn.Module): + def __init__( + self, + in_channels, + embed_channels, + norm_fn=None, + indice_key=None, + depth=4, + groups=None, + grid_size=None, + bias=False, + ): + super().__init__() + assert embed_channels % groups == 0 + self.groups = groups + self.embed_channels = embed_channels + self.proj = nn.ModuleList() + self.grid_size = grid_size + self.weight = nn.ModuleList() + self.l_w = nn.ModuleList() + self.proj.append( + nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + ) + for _ in range(depth - 1): + self.proj.append( + nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + ) + self.l_w.append( + nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + ) + self.weight.append(nn.Linear(embed_channels, embed_channels, bias=False)) + + self.adaptive = nn.Linear(embed_channels, depth - 1, bias=False) + self.fuse = nn.Sequential( + nn.Linear(embed_channels * 2, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + self.voxel_block = spconv.SparseSequential( + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=1, + padding=1, + indice_key=indice_key, + bias=bias, + ), + norm_fn(embed_channels), + nn.ReLU(), + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=1, + padding=1, + indice_key=indice_key, + bias=bias, + ), + norm_fn(embed_channels), + ) + self.act = nn.ReLU() + + def forward(self, x, clusters): + feat = x.features + feats = [] + for i, cluster in enumerate(clusters): + pw = self.l_w[i](feat) + pw = pw - scatter(pw, cluster, reduce="mean")[cluster] + pw = self.weight[i](pw) + pw = torch.exp(pw - pw.max()) + pw = pw / (scatter(pw, cluster, reduce="sum", dim=0)[cluster] + 1e-6) + pfeat = self.proj[i](feat) * pw + pfeat = scatter(pfeat, cluster, reduce="sum")[cluster] + feats.append(pfeat) + adp = self.adaptive(feat) + adp = torch.softmax(adp, dim=1) + feats = torch.stack(feats, dim=1) + feats = torch.einsum("l n, l n c -> l c", adp, feats) + feat = self.proj[-1](feat) + feat = torch.cat([feat, feats], dim=1) + feat = self.fuse(feat) + x.features + res = feat + x = x.replace_feature(feat) + x = self.voxel_block(x) + x = x.replace_feature(self.act(x.features + res)) + return x + + +class DonwBlock(nn.Module): + def __init__( + self, + in_channels, + embed_channels, + depth, + sp_indice_key, + point_grid_size, + num_ref=16, + groups=None, + norm_fn=None, + sub_indice_key=None, + ): + super().__init__() + self.num_ref = num_ref + self.depth = depth + self.point_grid_size = point_grid_size + self.down = spconv.SparseSequential( + spconv.SparseConv3d( + in_channels, + embed_channels, + kernel_size=2, + stride=2, + indice_key=sp_indice_key, + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + ) + self.blocks = nn.ModuleList() + for _ in range(depth): + self.blocks.append( + BasicBlock( + in_channels=embed_channels, + embed_channels=embed_channels, + depth=len(point_grid_size) + 1, + groups=groups, + grid_size=point_grid_size, + norm_fn=norm_fn, + indice_key=sub_indice_key, + ) + ) + + def forward(self, x): + x = self.down(x) + coord = x.indices[:, 1:].float() + batch = x.indices[:, 0] + clusters = [] + for grid_size in self.point_grid_size: + cluster = voxel_grid(pos=coord, size=grid_size, batch=batch) + _, cluster = torch.unique(cluster, return_inverse=True) + clusters.append(cluster) + for block in self.blocks: + x = block(x, clusters) + return x + + +class UpBlock(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + depth, + sp_indice_key, + norm_fn=None, + down_ratio=2, + sub_indice_key=None, + ): + super().__init__() + assert depth > 0 + self.up = spconv.SparseSequential( + spconv.SparseInverseConv3d( + in_channels, + embed_channels, + kernel_size=down_ratio, + indice_key=sp_indice_key, + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + ) + self.blocks = nn.ModuleList() + self.fuse = nn.Sequential( + nn.Linear(skip_channels + embed_channels, embed_channels), + norm_fn(embed_channels), + nn.ReLU(), + nn.Linear(embed_channels, embed_channels), + norm_fn(embed_channels), + nn.ReLU(), + ) + + def forward(self, x, skip_x): + x = self.up(x) + x = x.replace_feature( + self.fuse(torch.cat([x.features, skip_x.features], dim=1)) + x.features + ) + return x + + +@MODELS.register_module() +class OACNNs(nn.Module): + def __init__( + self, + in_channels, + num_classes, + embed_channels=64, + enc_num_ref=[16, 16, 16, 16], + enc_channels=[64, 64, 128, 256], + groups=[2, 4, 8, 16], + enc_depth=[2, 3, 6, 4], + down_ratio=[2, 2, 2, 2], + dec_channels=[96, 96, 128, 256], + point_grid_size=[[16, 32, 64], [8, 16, 24], [4, 8, 12], [2, 4, 6]], + dec_depth=[2, 2, 2, 2], + ): + super().__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_channels) + self.embed_channels = embed_channels + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + + self.stem = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + padding=1, + indice_key="stem", + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + padding=1, + indice_key="stem", + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + padding=1, + indice_key="stem", + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + ) + + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() + for i in range(self.num_stages): + self.enc.append( + DonwBlock( + in_channels=embed_channels if i == 0 else enc_channels[i - 1], + embed_channels=enc_channels[i], + depth=enc_depth[i], + norm_fn=norm_fn, + groups=groups[i], + point_grid_size=point_grid_size[i], + num_ref=enc_num_ref[i], + sp_indice_key=f"spconv{i}", + sub_indice_key=f"subm{i + 1}", + ) + ) + self.dec.append( + UpBlock( + in_channels=( + enc_channels[-1] + if i == self.num_stages - 1 + else dec_channels[i + 1] + ), + skip_channels=embed_channels if i == 0 else enc_channels[i - 1], + embed_channels=dec_channels[i], + depth=dec_depth[i], + norm_fn=norm_fn, + sp_indice_key=f"spconv{i}", + sub_indice_key=f"subm{i}", + ) + ) + + self.final = spconv.SubMConv3d(dec_channels[0], num_classes, kernel_size=1) + self.apply(self._init_weights) + + def forward(self, input_dict): + discrete_coord = input_dict["grid_coord"] + feat = input_dict["feat"] + offset = input_dict["offset"] + batch = offset2batch(offset) + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat([batch.unsqueeze(-1), discrete_coord], dim=1) + .int() + .contiguous(), + spatial_shape=torch.add( + torch.max(discrete_coord, dim=0).values, 1 + ).tolist(), + batch_size=batch[-1].tolist() + 1, + ) + + x = self.stem(x) + skips = [x] + for i in range(self.num_stages): + x = self.enc[i](x) + skips.append(x) + x = skips.pop(-1) + for i in reversed(range(self.num_stages)): + skip = skips.pop(-1) + x = self.dec[i](x, skip) + x = self.final(x) + return x.features + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/octformer/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/octformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..06bea370d10808b0bad2b68189e957765fc46081 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/octformer/__init__.py @@ -0,0 +1 @@ +from .octformer_v1m1_base import OctFormer diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/octformer/octformer_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/octformer/octformer_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..7c0faf700126b0d589867811e871025dc9782b76 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/octformer/octformer_v1m1_base.py @@ -0,0 +1,629 @@ +""" +Octree Transformer + +Modified from https://github.com/octree-nn/octformer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from typing import Optional, List, Dict +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint + +try: + import ocnn + from ocnn.octree import Octree, Points +except ImportError: + from pointcept.utils.misc import DummyClass + + ocnn = None + Octree = DummyClass + Points = DummyClass + +try: + import dwconv +except ImportError: + dwconv = None + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch + + +class OctreeT(Octree): + def __init__( + self, + octree: Octree, + patch_size: int = 24, + dilation: int = 4, + nempty: bool = True, + max_depth: Optional[int] = None, + start_depth: Optional[int] = None, + **kwargs + ): + super().__init__(octree.depth, octree.full_depth) + self.__dict__.update(octree.__dict__) + + self.patch_size = patch_size + self.dilation = dilation + self.nempty = nempty + self.max_depth = max_depth or self.depth + self.start_depth = start_depth or self.full_depth + self.invalid_mask_value = -1e3 + assert self.start_depth > 1 + + self.block_num = patch_size * dilation + self.nnum_t = self.nnum_nempty if nempty else self.nnum + self.nnum_a = ((self.nnum_t / self.block_num).ceil() * self.block_num).int() + + num = self.max_depth + 1 + self.batch_idx = [None] * num + self.patch_mask = [None] * num + self.dilate_mask = [None] * num + self.rel_pos = [None] * num + self.dilate_pos = [None] * num + self.build_t() + + def build_t(self): + for d in range(self.start_depth, self.max_depth + 1): + self.build_batch_idx(d) + self.build_attn_mask(d) + self.build_rel_pos(d) + + def build_batch_idx(self, depth: int): + batch = self.batch_id(depth, self.nempty) + self.batch_idx[depth] = self.patch_partition(batch, depth, self.batch_size) + + def build_attn_mask(self, depth: int): + batch = self.batch_idx[depth] + mask = batch.view(-1, self.patch_size) + self.patch_mask[depth] = self._calc_attn_mask(mask) + + mask = batch.view(-1, self.patch_size, self.dilation) + mask = mask.transpose(1, 2).reshape(-1, self.patch_size) + self.dilate_mask[depth] = self._calc_attn_mask(mask) + + def _calc_attn_mask(self, mask: torch.Tensor): + attn_mask = mask.unsqueeze(2) - mask.unsqueeze(1) + attn_mask = attn_mask.masked_fill(attn_mask != 0, self.invalid_mask_value) + return attn_mask + + def build_rel_pos(self, depth: int): + key = self.key(depth, self.nempty) + key = self.patch_partition(key, depth) + x, y, z, _ = ocnn.octree.key2xyz(key, depth) + xyz = torch.stack([x, y, z], dim=1) + + xyz = xyz.view(-1, self.patch_size, 3) + self.rel_pos[depth] = xyz.unsqueeze(2) - xyz.unsqueeze(1) + + xyz = xyz.view(-1, self.patch_size, self.dilation, 3) + xyz = xyz.transpose(1, 2).reshape(-1, self.patch_size, 3) + self.dilate_pos[depth] = xyz.unsqueeze(2) - xyz.unsqueeze(1) + + def patch_partition(self, data: torch.Tensor, depth: int, fill_value=0): + num = self.nnum_a[depth] - self.nnum_t[depth] + tail = data.new_full((num,) + data.shape[1:], fill_value) + return torch.cat([data, tail], dim=0) + + def patch_reverse(self, data: torch.Tensor, depth: int): + return data[: self.nnum_t[depth]] + + +class MLP(torch.nn.Module): + def __init__( + self, + in_features: int, + hidden_features: Optional[int] = None, + out_features: Optional[int] = None, + activation=torch.nn.GELU, + drop: float = 0.0, + **kwargs + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features or in_features + self.hidden_features = hidden_features or in_features + + self.fc1 = torch.nn.Linear(self.in_features, self.hidden_features) + self.act = activation() + self.fc2 = torch.nn.Linear(self.hidden_features, self.out_features) + self.drop = torch.nn.Dropout(drop, inplace=True) + + def forward(self, data: torch.Tensor): + data = self.fc1(data) + data = self.act(data) + data = self.drop(data) + data = self.fc2(data) + data = self.drop(data) + return data + + +class OctreeDWConvBn(torch.nn.Module): + def __init__( + self, + in_channels: int, + kernel_size: List[int] = [3], + stride: int = 1, + nempty: bool = False, + ): + super().__init__() + self.conv = dwconv.OctreeDWConv( + in_channels, kernel_size, nempty, use_bias=False + ) + self.bn = torch.nn.BatchNorm1d(in_channels) + + def forward(self, data: torch.Tensor, octree: Octree, depth: int): + out = self.conv(data, octree, depth) + out = self.bn(out) + return out + + +class RPE(torch.nn.Module): + def __init__(self, patch_size: int, num_heads: int, dilation: int = 1): + super().__init__() + self.patch_size = patch_size + self.num_heads = num_heads + self.dilation = dilation + self.pos_bnd = self.get_pos_bnd(patch_size) + self.rpe_num = 2 * self.pos_bnd + 1 + self.rpe_table = torch.nn.Parameter(torch.zeros(3 * self.rpe_num, num_heads)) + torch.nn.init.trunc_normal_(self.rpe_table, std=0.02) + + def get_pos_bnd(self, patch_size: int): + return int(0.8 * patch_size * self.dilation**0.5) + + def xyz2idx(self, xyz: torch.Tensor): + mul = torch.arange(3, device=xyz.device) * self.rpe_num + xyz = xyz.clamp(-self.pos_bnd, self.pos_bnd) + idx = xyz + (self.pos_bnd + mul) + return idx + + def forward(self, xyz): + idx = self.xyz2idx(xyz) + out = self.rpe_table.index_select(0, idx.reshape(-1)) + out = out.view(idx.shape + (-1,)).sum(3) + out = out.permute(0, 3, 1, 2) # (N, K, K, H) -> (N, H, K, K) + return out + + def extra_repr(self) -> str: + return "num_heads={}, pos_bnd={}, dilation={}".format( + self.num_heads, self.pos_bnd, self.dilation + ) # noqa + + +class OctreeAttention(torch.nn.Module): + def __init__( + self, + dim: int, + patch_size: int, + num_heads: int, + qkv_bias: bool = True, + qk_scale: Optional[float] = None, + attn_drop: float = 0.0, + proj_drop: float = 0.0, + dilation: int = 1, + use_rpe: bool = True, + ): + super().__init__() + self.dim = dim + self.patch_size = patch_size + self.num_heads = num_heads + self.dilation = dilation + self.use_rpe = use_rpe + self.scale = qk_scale or (dim // num_heads) ** -0.5 + + self.qkv = torch.nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = torch.nn.Dropout(attn_drop) + self.proj = torch.nn.Linear(dim, dim) + self.proj_drop = torch.nn.Dropout(proj_drop) + self.softmax = torch.nn.Softmax(dim=-1) + self.rpe = RPE(patch_size, num_heads, dilation) if use_rpe else None + + def forward(self, data: torch.Tensor, octree: OctreeT, depth: int): + H = self.num_heads + K = self.patch_size + C = self.dim + D = self.dilation + + # patch partition + data = octree.patch_partition(data, depth) + if D > 1: # dilation + rel_pos = octree.dilate_pos[depth] + mask = octree.dilate_mask[depth] + data = data.view(-1, K, D, C).transpose(1, 2).reshape(-1, C) + else: + rel_pos = octree.rel_pos[depth] + mask = octree.patch_mask[depth] + data = data.view(-1, K, C) + + # qkv + qkv = self.qkv(data).reshape(-1, K, 3, H, C // H).permute(2, 0, 3, 1, 4) + q, k, v = qkv[0], qkv[1], qkv[2] # (N, H, K, C') + q = q * self.scale + + # attn + attn = q @ k.transpose(-2, -1) # (N, H, K, K) + attn = self.apply_rpe(attn, rel_pos) # (N, H, K, K) + attn = attn + mask.unsqueeze(1) + attn = self.softmax(attn) + attn = self.attn_drop(attn) + data = (attn @ v).transpose(1, 2).reshape(-1, C) + + # patch reverse + if D > 1: # dilation + data = data.view(-1, D, K, C).transpose(1, 2).reshape(-1, C) + data = octree.patch_reverse(data, depth) + + # ffn + data = self.proj(data) + data = self.proj_drop(data) + return data + + def apply_rpe(self, attn, rel_pos): + if self.use_rpe: + attn = attn + self.rpe(rel_pos) + return attn + + def extra_repr(self) -> str: + return "dim={}, patch_size={}, num_heads={}, dilation={}".format( + self.dim, self.patch_size, self.num_heads, self.dilation + ) # noqa + + +class OctFormerBlock(torch.nn.Module): + def __init__( + self, + dim: int, + num_heads: int, + patch_size: int = 32, + dilation: int = 0, + mlp_ratio: float = 4.0, + qkv_bias: bool = True, + qk_scale: Optional[float] = None, + attn_drop: float = 0.0, + proj_drop: float = 0.0, + drop_path: float = 0.0, + nempty: bool = True, + activation: torch.nn.Module = torch.nn.GELU, + **kwargs + ): + super().__init__() + self.norm1 = torch.nn.LayerNorm(dim) + self.attention = OctreeAttention( + dim, + patch_size, + num_heads, + qkv_bias, + qk_scale, + attn_drop, + proj_drop, + dilation, + ) + self.norm2 = torch.nn.LayerNorm(dim) + self.mlp = MLP(dim, int(dim * mlp_ratio), dim, activation, proj_drop) + self.drop_path = ocnn.nn.OctreeDropPath(drop_path, nempty) + self.cpe = OctreeDWConvBn(dim, nempty=nempty) + + def forward(self, data: torch.Tensor, octree: OctreeT, depth: int): + data = self.cpe(data, octree, depth) + data + attn = self.attention(self.norm1(data), octree, depth) + data = data + self.drop_path(attn, octree, depth) + ffn = self.mlp(self.norm2(data)) + data = data + self.drop_path(ffn, octree, depth) + return data + + +class OctFormerStage(torch.nn.Module): + def __init__( + self, + dim: int, + num_heads: int, + patch_size: int = 32, + dilation: int = 0, + mlp_ratio: float = 4.0, + qkv_bias: bool = True, + qk_scale: Optional[float] = None, + attn_drop: float = 0.0, + proj_drop: float = 0.0, + drop_path: float = 0.0, + nempty: bool = True, + activation: torch.nn.Module = torch.nn.GELU, + interval: int = 6, + use_checkpoint: bool = True, + num_blocks: int = 2, + octformer_block=OctFormerBlock, + **kwargs + ): + super().__init__() + self.num_blocks = num_blocks + self.use_checkpoint = use_checkpoint + self.interval = interval # normalization interval + self.num_norms = (num_blocks - 1) // self.interval + + self.blocks = torch.nn.ModuleList( + [ + octformer_block( + dim=dim, + num_heads=num_heads, + patch_size=patch_size, + dilation=1 if (i % 2 == 0) else dilation, + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + drop_path=( + drop_path[i] if isinstance(drop_path, list) else drop_path + ), + nempty=nempty, + activation=activation, + ) + for i in range(num_blocks) + ] + ) + # self.norms = torch.nn.ModuleList([ + # torch.nn.BatchNorm1d(dim) for _ in range(self.num_norms)]) + + def forward(self, data: torch.Tensor, octree: OctreeT, depth: int): + for i in range(self.num_blocks): + if self.use_checkpoint and self.training: + data = checkpoint(self.blocks[i], data, octree, depth) + else: + data = self.blocks[i](data, octree, depth) + # if i % self.interval == 0 and i != 0: + # data = self.norms[(i - 1) // self.interval](data) + return data + + +class OctFormerDecoder(torch.nn.Module): + def __init__( + self, channels: List[int], fpn_channel: int, nempty: bool, head_up: int = 1 + ): + super().__init__() + self.head_up = head_up + self.num_stages = len(channels) + self.conv1x1 = torch.nn.ModuleList( + [ + torch.nn.Linear(channels[i], fpn_channel) + for i in range(self.num_stages - 1, -1, -1) + ] + ) + self.upsample = ocnn.nn.OctreeUpsample("nearest", nempty) + self.conv3x3 = torch.nn.ModuleList( + [ + ocnn.modules.OctreeConvBnRelu( + fpn_channel, fpn_channel, kernel_size=[3], stride=1, nempty=nempty + ) + for _ in range(self.num_stages) + ] + ) + self.up_conv = torch.nn.ModuleList( + [ + ocnn.modules.OctreeDeconvBnRelu( + fpn_channel, fpn_channel, kernel_size=[3], stride=2, nempty=nempty + ) + for _ in range(self.head_up) + ] + ) + + def forward(self, features: Dict[int, torch.Tensor], octree: Octree): + depth = min(features.keys()) + depth_max = max(features.keys()) + assert self.num_stages == len(features) + + feature = self.conv1x1[0](features[depth]) + conv_out = self.conv3x3[0](feature, octree, depth) + out = self.upsample(conv_out, octree, depth, depth_max) + for i in range(1, self.num_stages): + depth_i = depth + i + feature = self.upsample(feature, octree, depth_i - 1) + feature = self.conv1x1[i](features[depth_i]) + feature + conv_out = self.conv3x3[i](feature, octree, depth_i) + out = out + self.upsample(conv_out, octree, depth_i, depth_max) + for i in range(self.head_up): + out = self.up_conv[i](out, octree, depth_max + i) + return out + + +class PatchEmbed(torch.nn.Module): + def __init__( + self, + in_channels: int = 3, + dim: int = 96, + num_down: int = 2, + nempty: bool = True, + **kwargs + ): + super().__init__() + self.num_stages = num_down + self.delta_depth = -num_down + channels = [int(dim * 2**i) for i in range(-self.num_stages, 1)] + + self.convs = torch.nn.ModuleList( + [ + ocnn.modules.OctreeConvBnRelu( + in_channels if i == 0 else channels[i], + channels[i], + kernel_size=[3], + stride=1, + nempty=nempty, + ) + for i in range(self.num_stages) + ] + ) + self.downsamples = torch.nn.ModuleList( + [ + ocnn.modules.OctreeConvBnRelu( + channels[i], + channels[i + 1], + kernel_size=[2], + stride=2, + nempty=nempty, + ) + for i in range(self.num_stages) + ] + ) + self.proj = ocnn.modules.OctreeConvBnRelu( + channels[-1], dim, kernel_size=[3], stride=1, nempty=nempty + ) + + def forward(self, data: torch.Tensor, octree: Octree, depth: int): + # TODO: reduce to single input + for i in range(self.num_stages): + depth_i = depth - i + data = self.convs[i](data, octree, depth_i) + data = self.downsamples[i](data, octree, depth_i) + data = self.proj(data, octree, depth_i - 1) + return data + + +class Downsample(torch.nn.Module): + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: List[int] = (2,), + nempty: bool = True, + ): + super().__init__() + self.norm = torch.nn.BatchNorm1d(out_channels) + self.conv = ocnn.nn.OctreeConv( + in_channels, + out_channels, + kernel_size, + stride=2, + nempty=nempty, + use_bias=True, + ) + + def forward(self, data: torch.Tensor, octree: Octree, depth: int): + data = self.conv(data, octree, depth) + data = self.norm(data) + return data + + +@MODELS.register_module("OctFormer-v1m1") +class OctFormer(torch.nn.Module): + def __init__( + self, + in_channels, + num_classes, + fpn_channels=168, + channels=(96, 192, 384, 384), + num_blocks=(2, 2, 18, 2), + num_heads=(6, 12, 24, 24), + patch_size=26, + stem_down=2, + head_up=2, + dilation=4, + drop_path=0.5, + nempty=True, + octree_scale_factor=10.24, + octree_depth=11, + octree_full_depth=2, + ): + super().__init__() + assert ocnn is not None, "Please follow `README.md` to install ocnn.`" + assert dwconv is not None, "Please follow `README.md` to install dwconv.`" + + self.patch_size = patch_size + self.dilation = dilation + self.nempty = nempty + self.num_stages = len(num_blocks) + self.stem_down = stem_down + self.octree_scale_factor = octree_scale_factor + self.octree_depth = octree_depth + self.octree_full_depth = octree_full_depth + drop_ratio = torch.linspace(0, drop_path, sum(num_blocks)).tolist() + + self.patch_embed = PatchEmbed(in_channels, channels[0], stem_down, nempty) + self.layers = torch.nn.ModuleList( + [ + OctFormerStage( + dim=channels[i], + num_heads=num_heads[i], + patch_size=patch_size, + drop_path=drop_ratio[ + sum(num_blocks[:i]) : sum(num_blocks[: i + 1]) + ], + dilation=dilation, + nempty=nempty, + num_blocks=num_blocks[i], + ) + for i in range(self.num_stages) + ] + ) + self.downsamples = torch.nn.ModuleList( + [ + Downsample(channels[i], channels[i + 1], kernel_size=[2], nempty=nempty) + for i in range(self.num_stages - 1) + ] + ) + self.decoder = OctFormerDecoder( + channels=channels, fpn_channel=fpn_channels, nempty=nempty, head_up=head_up + ) + self.interp = ocnn.nn.OctreeInterp("nearest", nempty) + self.seg_head = ( + nn.Sequential( + nn.Linear(fpn_channels, fpn_channels), + torch.nn.BatchNorm1d(fpn_channels), + nn.ReLU(inplace=True), + nn.Linear(fpn_channels, num_classes), + ) + if num_classes > 0 + else nn.Identity() + ) + + def points2octree(self, points): + octree = ocnn.octree.Octree(self.octree_depth, self.octree_full_depth) + octree.build_octree(points) + return octree + + def forward(self, data_dict): + coord = data_dict["coord"] + normal = data_dict["normal"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + + point = Points( + points=coord / self.octree_scale_factor, + normals=normal, + features=feat, + batch_id=batch.unsqueeze(-1), + batch_size=len(offset), + ) + octree = ocnn.octree.Octree( + depth=self.octree_depth, + full_depth=self.octree_full_depth, + batch_size=len(offset), + device=coord.device, + ) + octree.build_octree(point) + octree.construct_all_neigh() + + feat = self.patch_embed(octree.features[octree.depth], octree, octree.depth) + depth = octree.depth - self.stem_down # current octree depth + octree = OctreeT( + octree, + self.patch_size, + self.dilation, + self.nempty, + max_depth=depth, + start_depth=depth - self.num_stages + 1, + ) + features = {} + for i in range(self.num_stages): + depth_i = depth - i + feat = self.layers[i](feat, octree, depth_i) + features[depth_i] = feat + if i < self.num_stages - 1: + feat = self.downsamples[i](feat, octree, depth_i) + out = self.decoder(features, octree) + # interp representation to points before Octreeization + query_pts = torch.cat([point.points, point.batch_id], dim=1).contiguous() + out = self.interp(out, octree, octree.depth, query_pts) + out = self.seg_head(out) + return out diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5d9f35f2a05f4a88043a45f2da64faf21f38f520 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/__init__.py @@ -0,0 +1 @@ +from .point_group_v1m1_base import PointGroup diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/point_group_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/point_group_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..8a01e5abe9b7b3c2dd8205e265033c2d2e76602e --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/point_group_v1m1_base.py @@ -0,0 +1,184 @@ +""" +PointGroup for instance segmentation + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Chengyao Wang +Please cite our work if the code is helpful to you. +""" + +from contextlib import nullcontext +from functools import partial + +import torch +import torch.nn as nn +import torch.nn.functional as F + +try: + from pointgroup_ops import ballquery_batch_p, bfs_cluster +except ImportError: + ballquery_batch_p, bfs_cluster = None, None + +from pointcept.models.builder import MODELS, build_model +from pointcept.models.utils import batch2offset, offset2batch +from pointcept.models.utils.structure import Point + + +@MODELS.register_module("PG-v1m1") +class PointGroup(nn.Module): + + def __init__( + self, + backbone, + backbone_out_channels=64, + semantic_num_classes=20, + semantic_ignore_index=-1, + segment_ignore_index=(-1, 0, 1), + instance_ignore_index=-1, + cluster_thresh=1.5, + cluster_closed_points=300, + cluster_propose_points=100, + cluster_min_points=50, + voxel_size=0.02, + freeze_backbone=False, + ): + super().__init__() + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + self.semantic_num_classes = semantic_num_classes + self.segment_ignore_index = segment_ignore_index + self.semantic_ignore_index = semantic_ignore_index + self.instance_ignore_index = instance_ignore_index + self.cluster_thresh = cluster_thresh + self.cluster_closed_points = cluster_closed_points + self.cluster_propose_points = cluster_propose_points + self.cluster_min_points = cluster_min_points + self.voxel_size = voxel_size + self.backbone = build_model(backbone) + self.bias_head = nn.Sequential( + nn.Linear(backbone_out_channels, backbone_out_channels), + norm_fn(backbone_out_channels), + nn.ReLU(), + nn.Linear(backbone_out_channels, 3), + ) + self.seg_head = nn.Linear(backbone_out_channels, semantic_num_classes) + self.ce_criteria = torch.nn.CrossEntropyLoss( + ignore_index=semantic_ignore_index) + + if freeze_backbone: + self.optional_freeze = torch.no_grad + else: + self.optional_freeze = nullcontext + + def forward(self, data_dict): + + coord = data_dict["coord"] + segment = data_dict["segment"] + instance = data_dict["instance"] + instance_centroid = data_dict["instance_centroid"] + offset = data_dict["offset"] + + point = Point(data_dict) + + with self.optional_freeze(): + point = self.backbone(point) + if isinstance(point, Point): + feat = point.feat + else: + feat = point + + bias_pred = self.bias_head(feat) + logit_pred = self.seg_head(feat) + + # compute loss + seg_loss = self.ce_criteria(logit_pred, segment) + + mask = (instance != self.instance_ignore_index).float() + bias_gt = instance_centroid - coord + bias_dist = torch.sum(torch.abs(bias_pred - bias_gt), dim=-1) + bias_l1_loss = torch.sum(bias_dist * mask) / (torch.sum(mask) + 1e-8) + + bias_pred_norm = bias_pred / ( + torch.norm(bias_pred, p=2, dim=1, keepdim=True) + 1e-8) + bias_gt_norm = bias_gt / ( + torch.norm(bias_gt, p=2, dim=1, keepdim=True) + 1e-8) + cosine_similarity = -(bias_pred_norm * bias_gt_norm).sum(-1) + bias_cosine_loss = torch.sum( + cosine_similarity * mask) / (torch.sum(mask) + 1e-8) + + loss = seg_loss + bias_l1_loss + bias_cosine_loss + return_dict = dict( + loss=loss, + seg_loss=seg_loss, + bias_l1_loss=bias_l1_loss, + bias_cosine_loss=bias_cosine_loss, + ) + + if not self.training: + center_pred = coord + bias_pred + center_pred /= self.voxel_size + logit_pred = F.softmax(logit_pred, dim=-1) + segment_pred = torch.max(logit_pred, 1)[1] # [n] + # cluster + mask = (~torch.concat( + [(segment_pred == index).unsqueeze(-1) + for index in self.segment_ignore_index], + dim=1, + ).sum(-1).bool()) + + if mask.sum() == 0: + proposals_idx = torch.zeros(0).int() + proposals_offset = torch.zeros(1).int() + else: + center_pred_ = center_pred[mask] + segment_pred_ = segment_pred[mask] + + batch_ = offset2batch(offset)[mask] + offset_ = nn.ConstantPad1d((1, 0), 0)(batch2offset(batch_)) + idx, start_len = ballquery_batch_p( + center_pred_, + batch_.int(), + offset_.int(), + self.cluster_thresh, + self.cluster_closed_points, + ) + proposals_idx, proposals_offset = bfs_cluster( + segment_pred_.int().cpu(), + idx.cpu(), + start_len.cpu(), + self.cluster_min_points, + ) + proposals_idx[:, 1] = ( + mask.nonzero().view(-1)[proposals_idx[:, 1].long()].int()) + + # get proposal + proposals_pred = torch.zeros( + (proposals_offset.shape[0] - 1, center_pred.shape[0]), + dtype=torch.int) + proposals_pred[proposals_idx[:, 0].long(), + proposals_idx[:, 1].long()] = 1 + instance_pred = segment_pred[proposals_idx[:, 1][ + proposals_offset[:-1].long()].long()] + proposals_point_num = proposals_pred.sum(1) + proposals_mask = proposals_point_num > self.cluster_propose_points + proposals_pred = proposals_pred[proposals_mask] + instance_pred = instance_pred[proposals_mask] + + pred_scores = [] + pred_classes = [] + pred_masks = proposals_pred.detach().cpu() + for proposal_id in range(len(proposals_pred)): + segment_ = proposals_pred[proposal_id] + confidence_ = logit_pred[segment_.bool(), + instance_pred[proposal_id]].mean() + object_ = instance_pred[proposal_id] + pred_scores.append(confidence_) + pred_classes.append(object_) + if len(pred_scores) > 0: + pred_scores = torch.stack(pred_scores).cpu() + pred_classes = torch.stack(pred_classes).cpu() + else: + pred_scores = torch.tensor([]) + pred_classes = torch.tensor([]) + + return_dict["pred_scores"] = pred_scores + return_dict["pred_masks"] = pred_masks + return_dict["pred_classes"] = pred_classes + return return_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/utils.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..d095b5bc89291ec30418c0aaf0eb9f672fe26ccc --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_group/utils.py @@ -0,0 +1,176 @@ +import torch +from torch.autograd import Function +import pointgroup_ops + + +class BallQueryBatchP(Function): + @staticmethod + def forward(ctx, coords, batch_idxs, batch_offsets, radius, meanActive): + """ + :param ctx: + :param coords: (n, 3) float + :param batch_idxs: (n) int + :param batch_offsets: (B+1) int + :param radius: float + :param meanActive: int + :return: idx (nActive), int + :return: start_len (n, 2), int + """ + + n = coords.size(0) + + assert coords.is_contiguous() and coords.is_cuda + assert batch_idxs.is_contiguous() and batch_idxs.is_cuda + assert batch_offsets.is_contiguous() and batch_offsets.is_cuda + + while True: + idx = torch.cuda.IntTensor(n * meanActive).zero_() + start_len = torch.cuda.IntTensor(n, 2).zero_() + nActive = pointgroup_ops.ballquery_batch_p( + coords, batch_idxs, batch_offsets, idx, start_len, n, meanActive, radius + ) + if nActive <= n * meanActive: + break + meanActive = int(nActive // n + 1) + idx = idx[:nActive] + + return idx, start_len + + @staticmethod + def backward(ctx, a=None, b=None): + return None, None, None + + +ballquery_batch_p = BallQueryBatchP.apply + + +class Clustering: + def __init__( + self, + ignored_labels, + class_mapping, + thresh=0.03, + closed_points=300, + min_points=50, + propose_points=100, + score_func=torch.max, + ) -> None: + self.ignored_labels = ignored_labels + self.thresh = thresh + self.closed_points = closed_points + self.min_points = min_points + self.class_mapping = class_mapping + self.propose_points = propose_points + self.score_func = score_func + + def cluster(self, vertices, scores): + labels = torch.max(scores, 1)[1] # (N) long, cuda + proposals_idx, proposals_offset = self.cluster_(vertices, labels) + + ## debug + # import ipdb; ipdb.set_trace() + # colors = np.array(create_color_palette())[labels.cpu()] + # write_triangle_mesh(vertices, colors, None, 'semantics.ply') + + # scatter + proposals_pred = torch.zeros( + (proposals_offset.shape[0] - 1, vertices.shape[0]), dtype=torch.int + ) # (nProposal, N), int, cuda + proposals_pred[proposals_idx[:, 0].long(), proposals_idx[:, 1].long()] = 1 + labels = labels[proposals_idx[:, 1][proposals_offset[:-1].long()].long()] + + proposals_pointnum = proposals_pred.sum(1) + npoint_mask = proposals_pointnum > self.propose_points + + proposals_pred = proposals_pred[npoint_mask] + labels = labels[npoint_mask] + return proposals_pred, labels + + def cluster_(self, vertices, labels): + """ + :param batch_idxs: (N), int, cuda + :labels: 0-19 + """ + batch_idxs = torch.zeros_like(labels) + + mask_non_ignored = torch.ones_like(labels).bool() + for ignored_label in self.ignored_labels: + mask_non_ignored = mask_non_ignored & ( + self.class_mapping[labels] != ignored_label + ) + object_idxs = mask_non_ignored.nonzero().view(-1) + + vertices_ = vertices[object_idxs].float() + labels_ = labels[object_idxs].int() + + if vertices_.numel() == 0: + return torch.zeros((0, 2)).int(), torch.zeros(1).int() + + batch_idxs_ = batch_idxs[object_idxs].int() + batch_offsets_ = torch.FloatTensor([0, object_idxs.shape[0]]).int().cuda() + + idx, start_len = ballquery_batch_p( + vertices_, batch_idxs_, batch_offsets_, self.thresh, self.closed_points + ) + proposals_idx, proposals_offset = bfs_cluster( + labels_.cpu(), idx.cpu(), start_len.cpu(), self.min_points + ) + proposals_idx[:, 1] = object_idxs[proposals_idx[:, 1].long()].int() + + return proposals_idx, proposals_offset + + def get_instances(self, vertices, scores): + proposals_pred, labels = self.cluster(vertices, scores) + instances = {} + for proposal_id in range(len(proposals_pred)): + clusters_i = proposals_pred[proposal_id] + score = scores[clusters_i.bool(), labels[proposal_id]] + score = self.score_func(score) + instances[proposal_id] = {} + instances[proposal_id]["conf"] = score.cpu().numpy() + instances[proposal_id]["label_id"] = self.class_mapping.cpu()[ + labels[proposal_id] + ] + instances[proposal_id]["pred_mask"] = clusters_i.cpu().numpy() + return instances + + +class BFSCluster(Function): + @staticmethod + def forward(ctx, semantic_label, ball_query_idxs, start_len, threshold): + """ + :param ctx: + :param semantic_label: (N), int + :param ball_query_idxs: (nActive), int + :param start_len: (N, 2), int + :return: cluster_idxs: int (sumNPoint, 2), dim 0 for cluster_id, dim 1 for corresponding point idxs in N + :return: cluster_offsets: int (nCluster + 1) + """ + + N = start_len.size(0) + + assert semantic_label.is_contiguous() + assert ball_query_idxs.is_contiguous() + assert start_len.is_contiguous() + + cluster_idxs = semantic_label.new() + cluster_offsets = semantic_label.new() + + pointgroup_ops.bfs_cluster( + semantic_label, + ball_query_idxs, + start_len, + cluster_idxs, + cluster_offsets, + N, + threshold, + ) + + return cluster_idxs, cluster_offsets + + @staticmethod + def backward(ctx, a=None): + return None + + +bfs_cluster = BFSCluster.apply diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f4c980b70b8c49dfc51625623071f21d6405d856 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/__init__.py @@ -0,0 +1,4 @@ +from .point_prompt_training_v1m1_language_guided import * +from .point_prompt_training_v1m2_decoupled import * + +from .prompt_driven_normalization import PDNorm diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/point_prompt_training_v1m1_language_guided.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/point_prompt_training_v1m1_language_guided.py new file mode 100644 index 0000000000000000000000000000000000000000..10c09a5be7e437ecdc99b92507d17da0e7d369b4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/point_prompt_training_v1m1_language_guided.py @@ -0,0 +1,122 @@ +""" +Point Prompt Training + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn +from pointcept.models.utils.structure import Point +from pointcept.models.builder import MODELS +from pointcept.models.losses import build_criteria + + +@MODELS.register_module("PPT-v1m1") +class PointPromptTraining(nn.Module): + """ + PointPromptTraining provides Data-driven Context and enables multi-dataset training with + Language-driven Categorical Alignment. PDNorm is supported by SpUNet-v1m3 to adapt the + backbone to a specific dataset with a given dataset condition and context. + """ + + def __init__( + self, + backbone=None, + criteria=None, + backbone_out_channels=96, + context_channels=256, + conditions=("Structured3D", "ScanNet", "S3DIS"), + template="[x]", + clip_model="ViT-B/16", + # fmt: off + class_name=( + "wall", "floor", "cabinet", "bed", "chair", "sofa", "table", "door", + "window", "bookshelf", "bookcase", "picture", "counter", "desk", "shelves", "curtain", + "dresser", "pillow", "mirror", "ceiling", "refrigerator", "television", "shower curtain", "nightstand", + "toilet", "sink", "lamp", "bathtub", "garbagebin", "board", "beam", "column", + "clutter", "otherstructure", "otherfurniture", "otherprop", + ), + valid_index=( + (0, 1, 2, 3, 4, 5, 6, 7, 8, 11, 13, 14, 15, 16, 17, 18, 19, 20, 21, 23, 25, 26, 33, 34, 35), + (0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 12, 13, 15, 20, 22, 24, 25, 27, 34), + (0, 1, 4, 5, 6, 7, 8, 10, 19, 29, 30, 31, 32), + ), + # fmt: on + backbone_mode=False, + ): + super().__init__() + assert len(conditions) == len(valid_index) + assert backbone.type in [ + "SpUNet-v1m3", + "PT-v2m3", + "PT-v3m1", + ] # SpUNet v1m3: Sparse UNet with PDNorm + self.backbone = MODELS.build(backbone) + self.criteria = build_criteria(criteria) + self.conditions = conditions + self.valid_index = valid_index + self.embedding_table = nn.Embedding(len(conditions), context_channels) + self.backbone_mode = backbone_mode + if not self.backbone_mode: + import clip + + clip_model, _ = clip.load( + clip_model, device="cpu", download_root="./.cache/clip" + ) + clip_model.requires_grad_(False) + class_prompt = [template.replace("[x]", name) for name in class_name] + class_token = clip.tokenize(class_prompt) + class_embedding = clip_model.encode_text(class_token) + class_embedding = class_embedding / class_embedding.norm( + dim=-1, keepdim=True + ) + self.register_buffer("class_embedding", class_embedding) + self.proj_head = nn.Linear( + backbone_out_channels, clip_model.text_projection.shape[1] + ) + self.logit_scale = clip_model.logit_scale + + def forward(self, data_dict): + condition = data_dict["condition"][0] + assert condition in self.conditions + context = self.embedding_table( + torch.tensor( + [self.conditions.index(condition)], device=data_dict["coord"].device + ) + ) + data_dict["context"] = context + point = self.backbone(data_dict) + # Backbone added after v1.5.0 return Point instead of feat and use DefaultSegmentorV2 + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + feat = point.feat + else: + feat = point + if self.backbone_mode: + # PPT serve as a multi-dataset backbone when enable backbone mode + return feat + feat = self.proj_head(feat) + feat = feat / feat.norm(dim=-1, keepdim=True) + sim = ( + feat + @ self.class_embedding[ + self.valid_index[self.conditions.index(condition)], : + ].t() + ) + logit_scale = self.logit_scale.exp() + seg_logits = logit_scale * sim + # train + if self.training: + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in data_dict.keys(): + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/point_prompt_training_v1m2_decoupled.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/point_prompt_training_v1m2_decoupled.py new file mode 100644 index 0000000000000000000000000000000000000000..f9131fdac70d4d11e0eb87716e2c40cc17f0b5e8 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/point_prompt_training_v1m2_decoupled.py @@ -0,0 +1,78 @@ +""" +Point Prompt Training with decoupled segmentation head + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn +from pointcept.models.utils.structure import Point +from pointcept.models.builder import MODELS +from pointcept.models.losses import build_criteria + + +@MODELS.register_module("PPT-v1m2") +class PointPromptTraining(nn.Module): + """ + PointPromptTraining v1m2 provides Data-driven Context and enables multi-dataset training with + Decoupled Segmentation Head. PDNorm is supported by SpUNet-v1m3 to adapt the + backbone to a specific dataset with a given dataset condition and context. + """ + + def __init__( + self, + backbone=None, + criteria=None, + backbone_out_channels=96, + context_channels=256, + conditions=("Structured3D", "ScanNet", "S3DIS"), + num_classes=(25, 20, 13), + backbone_mode=False, + ): + super().__init__() + assert len(conditions) == len(num_classes) + assert backbone.type in ["SpUNet-v1m3", "PT-v2m3", "PT-v3m1"] + self.backbone = MODELS.build(backbone) + self.criteria = build_criteria(criteria) + self.conditions = conditions + self.embedding_table = nn.Embedding(len(conditions), context_channels) + self.backbone_mode = backbone_mode + self.seg_heads = nn.ModuleList([ + nn.Linear(backbone_out_channels, num_cls) + for num_cls in num_classes + ]) + + def forward(self, data_dict): + condition = data_dict["condition"][0] + assert condition in self.conditions + context = self.embedding_table( + torch.tensor([self.conditions.index(condition)], + device=data_dict["coord"].device)) + data_dict["context"] = context + point = self.backbone(data_dict) + # Backbone added after v1.5.0 return Point instead of feat and use DefaultSegmentorV2 + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + feat = point.feat + else: + feat = point + if self.backbone_mode: + # PPT serve as a multi-dataset backbone when enable backbone mode + return point + seg_head = self.seg_heads[self.conditions.index(condition)] + seg_logits = seg_head(feat) + # train + if self.training: + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in data_dict.keys(): + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/prompt_driven_normalization.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/prompt_driven_normalization.py new file mode 100644 index 0000000000000000000000000000000000000000..5d7d0d0c01dd4ccf939afeff870b5d72cab403a3 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_prompt_training/prompt_driven_normalization.py @@ -0,0 +1,47 @@ +import torch.nn as nn + +from pointcept.models.modules import PointModule, PointSequential +from pointcept.models.builder import MODULES + + +@MODULES.register_module() +class PDNorm(PointModule): + def __init__( + self, + num_features, + norm_layer, + context_channels=256, + conditions=("ScanNet", "S3DIS", "Structured3D"), + decouple=True, + adaptive=False, + ): + super().__init__() + self.conditions = conditions + self.decouple = decouple + self.adaptive = adaptive + if self.decouple: + self.norm = nn.ModuleList([norm_layer(num_features) for _ in conditions]) + else: + self.norm = norm_layer + if self.adaptive: + self.modulation = nn.Sequential( + nn.SiLU(), nn.Linear(context_channels, 2 * num_features, bias=True) + ) + + def forward(self, point): + assert {"feat", "condition"}.issubset(point.keys()) + if isinstance(point.condition, str): + condition = point.condition + else: + condition = point.condition[0] + if self.decouple: + assert condition in self.conditions + norm = self.norm[self.conditions.index(condition)] + else: + norm = self.norm + point.feat = norm(point.feat) + if self.adaptive: + assert "context" in point.keys() + shift, scale = self.modulation(point.context).chunk(2, dim=1) + point.feat = point.feat * (1.0 + scale) + shift + return point diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..d6493a312bfcf559642e6a2cc77d96c3770f0dd1 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/__init__.py @@ -0,0 +1,3 @@ +from .point_transformer_seg import * +from .point_transformer_partseg import * +from .point_transformer_cls import * diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_cls.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_cls.py new file mode 100644 index 0000000000000000000000000000000000000000..8e12746fef73e9b3ee75b72942fbc8dc96e6e1bf --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_cls.py @@ -0,0 +1,131 @@ +""" +Point Transformer V1 for Object Classification + +Might be a bit different from the original paper + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn + +from .point_transformer_seg import TransitionDown, Bottleneck +from pointcept.models.builder import MODELS + + +class PointTransformerCls(nn.Module): + def __init__(self, block, blocks, in_channels=6, num_classes=40): + super().__init__() + self.in_channels = in_channels + self.in_planes, planes = in_channels, [32, 64, 128, 256, 512] + fpn_planes, fpnhead_planes, share_planes = 128, 64, 8 + stride, nsample = [1, 4, 4, 4, 4], [8, 16, 16, 16, 16] + self.enc1 = self._make_enc( + block, + planes[0], + blocks[0], + share_planes, + stride=stride[0], + nsample=nsample[0], + ) # N/1 + self.enc2 = self._make_enc( + block, + planes[1], + blocks[1], + share_planes, + stride=stride[1], + nsample=nsample[1], + ) # N/4 + self.enc3 = self._make_enc( + block, + planes[2], + blocks[2], + share_planes, + stride=stride[2], + nsample=nsample[2], + ) # N/16 + self.enc4 = self._make_enc( + block, + planes[3], + blocks[3], + share_planes, + stride=stride[3], + nsample=nsample[3], + ) # N/64 + self.enc5 = self._make_enc( + block, + planes[4], + blocks[4], + share_planes, + stride=stride[4], + nsample=nsample[4], + ) # N/256 + self.cls = nn.Sequential( + nn.Linear(planes[4], 256), + nn.BatchNorm1d(256), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(256, 128), + nn.BatchNorm1d(128), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(128, num_classes), + ) + + def _make_enc(self, block, planes, blocks, share_planes=8, stride=1, nsample=16): + layers = [ + TransitionDown(self.in_planes, planes * block.expansion, stride, nsample) + ] + self.in_planes = planes * block.expansion + for _ in range(1, blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def forward(self, data_dict): + p0 = data_dict["coord"] + x0 = data_dict["feat"] + o0 = data_dict["offset"].int() + x0 = p0 if self.in_channels == 3 else torch.cat((p0, x0), 1) + p1, x1, o1 = self.enc1([p0, x0, o0]) + p2, x2, o2 = self.enc2([p1, x1, o1]) + p3, x3, o3 = self.enc3([p2, x2, o2]) + p4, x4, o4 = self.enc4([p3, x3, o3]) + p5, x5, o5 = self.enc5([p4, x4, o4]) + x = [] + for i in range(o5.shape[0]): + if i == 0: + s_i, e_i, cnt = 0, o5[0], o5[0] + else: + s_i, e_i, cnt = o5[i - 1], o5[i], o5[i] - o5[i - 1] + x_b = x5[s_i:e_i, :].sum(0, True) / cnt + x.append(x_b) + x = torch.cat(x, 0) + x = self.cls(x) + return x + + +@MODELS.register_module("PointTransformer-Cls26") +class PointTransformerCls26(PointTransformerCls): + def __init__(self, **kwargs): + super(PointTransformerCls26, self).__init__( + Bottleneck, [1, 1, 1, 1, 1], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Cls38") +class PointTransformerCls38(PointTransformerCls): + def __init__(self, **kwargs): + super(PointTransformerCls38, self).__init__( + Bottleneck, [1, 2, 2, 2, 2], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Cls50") +class PointTransformerCls50(PointTransformerCls): + def __init__(self, **kwargs): + super(PointTransformerCls50, self).__init__( + Bottleneck, [1, 2, 3, 5, 2], **kwargs + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_partseg.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_partseg.py new file mode 100644 index 0000000000000000000000000000000000000000..3326a9f7d6fd62a9394e434135615339a3c679f8 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_partseg.py @@ -0,0 +1,374 @@ +""" +Point Transformer V1 for Part Segmentation + +Might be a bit different from the original paper + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import einops +import pointops + +from pointcept.models.builder import MODELS +from .utils import LayerNorm1d + + +class PointTransformerLayer(nn.Module): + def __init__(self, in_planes, out_planes, share_planes=8, nsample=16): + super().__init__() + self.mid_planes = mid_planes = out_planes // 1 + self.out_planes = out_planes + self.share_planes = share_planes + self.nsample = nsample + self.linear_q = nn.Linear(in_planes, mid_planes) + self.linear_k = nn.Linear(in_planes, mid_planes) + self.linear_v = nn.Linear(in_planes, out_planes) + self.linear_p = nn.Sequential( + nn.Linear(3, 3), + LayerNorm1d(3), + nn.ReLU(inplace=True), + nn.Linear(3, out_planes), + ) + self.linear_w = nn.Sequential( + LayerNorm1d(mid_planes), + nn.ReLU(inplace=True), + nn.Linear(mid_planes, out_planes // share_planes), + LayerNorm1d(out_planes // share_planes), + nn.ReLU(inplace=True), + nn.Linear(out_planes // share_planes, out_planes // share_planes), + ) + self.softmax = nn.Softmax(dim=1) + + def forward(self, pxo) -> torch.Tensor: + p, x, o = pxo # (n, 3), (n, c), (b) + x_q, x_k, x_v = self.linear_q(x), self.linear_k(x), self.linear_v(x) + x_k, idx = pointops.knn_query_and_group( + x_k, p, o, new_xyz=p, new_offset=o, nsample=self.nsample, with_xyz=True + ) + x_v, _ = pointops.knn_query_and_group( + x_v, + p, + o, + new_xyz=p, + new_offset=o, + idx=idx, + nsample=self.nsample, + with_xyz=False, + ) + p_r, x_k = x_k[:, :, 0:3], x_k[:, :, 3:] + p_r = self.linear_p(p_r) + r_qk = ( + x_k + - x_q.unsqueeze(1) + + einops.reduce( + p_r, "n ns (i j) -> n ns j", reduction="sum", j=self.mid_planes + ) + ) + w = self.linear_w(r_qk) # (n, nsample, c) + w = self.softmax(w) + x = torch.einsum( + "n t s i, n t i -> n s i", + einops.rearrange(x_v + p_r, "n ns (s i) -> n ns s i", s=self.share_planes), + w, + ) + x = einops.rearrange(x, "n s i -> n (s i)") + return x + + +class TransitionDown(nn.Module): + def __init__(self, in_planes, out_planes, stride=1, nsample=16): + super().__init__() + self.stride, self.nsample = stride, nsample + if stride != 1: + self.linear = nn.Linear(3 + in_planes, out_planes, bias=False) + self.pool = nn.MaxPool1d(nsample) + else: + self.linear = nn.Linear(in_planes, out_planes, bias=False) + self.bn = nn.BatchNorm1d(out_planes) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + if self.stride != 1: + n_o, count = [o[0].item() // self.stride], o[0].item() // self.stride + for i in range(1, o.shape[0]): + count += (o[i].item() - o[i - 1].item()) // self.stride + n_o.append(count) + n_o = torch.cuda.IntTensor(n_o) + idx = pointops.farthest_point_sampling(p, o, n_o) # (m) + n_p = p[idx.long(), :] # (m, 3) + x, _ = pointops.knn_query_and_group( + x, + p, + offset=o, + new_xyz=n_p, + new_offset=n_o, + nsample=self.nsample, + with_xyz=True, + ) + x = self.relu( + self.bn(self.linear(x).transpose(1, 2).contiguous()) + ) # (m, c, nsample) + x = self.pool(x).squeeze(-1) # (m, c) + p, o = n_p, n_o + else: + x = self.relu(self.bn(self.linear(x))) # (n, c) + return [p, x, o] + + +class TransitionUp(nn.Module): + def __init__(self, in_planes, out_planes=None, num_shape_class=None): + super().__init__() + if out_planes is None: + self.num_shape_class = num_shape_class + if num_shape_class is not None: + self.linear1 = nn.Sequential( + nn.Linear(2 * in_planes + 1024, in_planes), + nn.BatchNorm1d(in_planes), + nn.ReLU(inplace=True), + ) + else: + self.linear1 = nn.Sequential( + nn.Linear(2 * in_planes, in_planes), + nn.BatchNorm1d(in_planes), + nn.ReLU(inplace=True), + ) + + self.linear2 = nn.Sequential( + nn.Linear(in_planes, in_planes), nn.ReLU(inplace=True) + ) + if num_shape_class is not None: + self.linear3 = nn.Sequential( + nn.Linear(num_shape_class, 1024), nn.ReLU(inplace=True) + ) + else: + self.linear1 = nn.Sequential( + nn.Linear(out_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + self.linear2 = nn.Sequential( + nn.Linear(in_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + + def forward(self, pxo1, pxo2=None, y=None): + if pxo2 is None: + _, x, o = pxo1 # (n, 3), (n, c), (b) + x_tmp = [] + for i in range(o.shape[0]): + if i == 0: + s_i, e_i, cnt = 0, o[0], o[0] + else: + s_i, e_i, cnt = o[i - 1], o[i], o[i] - o[i - 1] + x_b = x[s_i:e_i, :] + y_b = y[i].unsqueeze(-1).unsqueeze(-1).long() + y_onehot = torch.zeros(1, self.num_shape_class).cuda() # (1, l) + y_onehot.scatter_(1, y_b, 1) # (1, l) + x_b = torch.cat( + ( + x_b, + self.linear2(x_b.sum(0, True) / cnt).repeat(cnt, 1), + self.linear3(y_onehot).repeat(cnt, 1), + ), + dim=1, + ) + x_tmp.append(x_b) + x = torch.cat(x_tmp, 0) + x = self.linear1(x) + else: + p1, x1, o1 = pxo1 + p2, x2, o2 = pxo2 + x = self.linear1(x1) + pointops.interpolation( + p2, p1, self.linear2(x2), o2, o1 + ) + return x + + +class Bottleneck(nn.Module): + expansion = 1 + + def __init__(self, in_planes, planes, share_planes=8, nsample=16): + super(Bottleneck, self).__init__() + self.linear1 = nn.Linear(in_planes, planes, bias=False) + self.bn1 = nn.BatchNorm1d(planes) + self.transformer = PointTransformerLayer(planes, planes, share_planes, nsample) + self.bn2 = nn.BatchNorm1d(planes) + self.linear3 = nn.Linear(planes, planes * self.expansion, bias=False) + self.bn3 = nn.BatchNorm1d(planes * self.expansion) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + identity = x + x = self.relu(self.bn1(self.linear1(x))) + x = self.relu(self.bn2(self.transformer([p, x, o]))) + x = self.bn3(self.linear3(x)) + x += identity + x = self.relu(x) + return [p, x, o] + + +class PointTransformerSeg(nn.Module): + def __init__( + self, block, blocks, in_channels=6, num_classes=50, num_shape_classes=None + ): + super().__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_shape_classes = num_shape_classes + self.in_planes, planes = in_channels, [32, 64, 128, 256, 512] + fpn_planes, fpnhead_planes, share_planes = 128, 64, 8 + stride, nsample = [1, 4, 4, 4, 4], [8, 16, 16, 16, 16] + self.enc1 = self._make_enc( + block, + planes[0], + blocks[0], + share_planes, + stride=stride[0], + nsample=nsample[0], + ) # N/1 + self.enc2 = self._make_enc( + block, + planes[1], + blocks[1], + share_planes, + stride=stride[1], + nsample=nsample[1], + ) # N/4 + self.enc3 = self._make_enc( + block, + planes[2], + blocks[2], + share_planes, + stride=stride[2], + nsample=nsample[2], + ) # N/16 + self.enc4 = self._make_enc( + block, + planes[3], + blocks[3], + share_planes, + stride=stride[3], + nsample=nsample[3], + ) # N/64 + self.enc5 = self._make_enc( + block, + planes[4], + blocks[4], + share_planes, + stride=stride[4], + nsample=nsample[4], + ) # N/256 + self.dec5 = self._make_dec( + block, + planes[4], + 1, + share_planes, + num_shape_classes=num_shape_classes, + nsample=nsample[4], + is_head=True, + ) # transform p5 + self.dec4 = self._make_dec( + block, planes[3], 1, share_planes, nsample=nsample[3] + ) # fusion p5 and p4 + self.dec3 = self._make_dec( + block, planes[2], 1, share_planes, nsample=nsample[2] + ) # fusion p4 and p3 + self.dec2 = self._make_dec( + block, planes[1], 1, share_planes, nsample=nsample[1] + ) # fusion p3 and p2 + self.dec1 = self._make_dec( + block, planes[0], 1, share_planes, nsample=nsample[0] + ) # fusion p2 and p1 + self.cls = nn.Sequential( + nn.Linear(planes[0], planes[0]), + nn.BatchNorm1d(planes[0]), + nn.ReLU(inplace=True), + nn.Linear(planes[0], num_classes), + ) + + def _make_enc(self, block, planes, blocks, share_planes=8, stride=1, nsample=16): + layers = [ + TransitionDown(self.in_planes, planes * block.expansion, stride, nsample) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def _make_dec( + self, + block, + planes, + blocks, + share_planes=8, + num_shape_classes=None, + nsample=16, + is_head=False, + ): + layers = [ + TransitionUp( + self.in_planes, + None if is_head else planes * block.expansion, + num_shape_classes, + ) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def forward(self, data_dict): + p0 = data_dict["coord"] + x0 = data_dict["feat"] + o0 = data_dict["offset"].int() + if self.num_shape_classes is not None: + y = data_dict["cls_token"] + p1, x1, o1 = self.enc1([p0, x0, o0]) + p2, x2, o2 = self.enc2([p1, x1, o1]) + p3, x3, o3 = self.enc3([p2, x2, o2]) + p4, x4, o4 = self.enc4([p3, x3, o3]) + p5, x5, o5 = self.enc5([p4, x4, o4]) + if self.num_shape_classes is not None: + x5 = self.dec5[1:]([p5, self.dec5[0]([p5, x5, o5], y=y), o5])[1] + else: + x5 = self.dec5[1:]([p5, self.dec5[0]([p5, x5, o5]), o5])[1] + x4 = self.dec4[1:]([p4, self.dec4[0]([p4, x4, o4], [p5, x5, o5]), o4])[1] + x3 = self.dec3[1:]([p3, self.dec3[0]([p3, x3, o3], [p4, x4, o4]), o3])[1] + x2 = self.dec2[1:]([p2, self.dec2[0]([p2, x2, o2], [p3, x3, o3]), o2])[1] + x1 = self.dec1[1:]([p1, self.dec1[0]([p1, x1, o1], [p2, x2, o2]), o1])[1] + x = self.cls(x1) + return x + + +@MODELS.register_module("PointTransformer-PartSeg26") +class PointTransformerSeg26(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg26, self).__init__( + Bottleneck, [1, 1, 1, 1, 1], **kwargs + ) + + +@MODELS.register_module("PointTransformer-PartSeg38") +class PointTransformerSeg38(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg38, self).__init__( + Bottleneck, [1, 2, 2, 2, 2], **kwargs + ) + + +@MODELS.register_module("PointTransformer-PartSeg50") +class PointTransformerSeg50(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg50, self).__init__( + Bottleneck, [1, 2, 3, 5, 2], **kwargs + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_seg.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_seg.py new file mode 100644 index 0000000000000000000000000000000000000000..248cacad1ade65e48fa4686560fb40617a0ea449 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/point_transformer_seg.py @@ -0,0 +1,327 @@ +""" +Point Transformer V1 for Semantic Segmentation + +Might be a bit different from the original paper + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import einops +import pointops + +from pointcept.models.builder import MODELS +from .utils import LayerNorm1d + + +class PointTransformerLayer(nn.Module): + def __init__(self, in_planes, out_planes, share_planes=8, nsample=16): + super().__init__() + self.mid_planes = mid_planes = out_planes // 1 + self.out_planes = out_planes + self.share_planes = share_planes + self.nsample = nsample + self.linear_q = nn.Linear(in_planes, mid_planes) + self.linear_k = nn.Linear(in_planes, mid_planes) + self.linear_v = nn.Linear(in_planes, out_planes) + self.linear_p = nn.Sequential( + nn.Linear(3, 3), + LayerNorm1d(3), + nn.ReLU(inplace=True), + nn.Linear(3, out_planes), + ) + self.linear_w = nn.Sequential( + LayerNorm1d(mid_planes), + nn.ReLU(inplace=True), + nn.Linear(mid_planes, out_planes // share_planes), + LayerNorm1d(out_planes // share_planes), + nn.ReLU(inplace=True), + nn.Linear(out_planes // share_planes, out_planes // share_planes), + ) + self.softmax = nn.Softmax(dim=1) + + def forward(self, pxo) -> torch.Tensor: + p, x, o = pxo # (n, 3), (n, c), (b) + x_q, x_k, x_v = self.linear_q(x), self.linear_k(x), self.linear_v(x) + x_k, idx = pointops.knn_query_and_group( + x_k, p, o, new_xyz=p, new_offset=o, nsample=self.nsample, with_xyz=True + ) + x_v, _ = pointops.knn_query_and_group( + x_v, + p, + o, + new_xyz=p, + new_offset=o, + idx=idx, + nsample=self.nsample, + with_xyz=False, + ) + p_r, x_k = x_k[:, :, 0:3], x_k[:, :, 3:] + p_r = self.linear_p(p_r) + r_qk = ( + x_k + - x_q.unsqueeze(1) + + einops.reduce( + p_r, "n ns (i j) -> n ns j", reduction="sum", j=self.mid_planes + ) + ) + w = self.linear_w(r_qk) # (n, nsample, c) + w = self.softmax(w) + x = torch.einsum( + "n t s i, n t i -> n s i", + einops.rearrange(x_v + p_r, "n ns (s i) -> n ns s i", s=self.share_planes), + w, + ) + x = einops.rearrange(x, "n s i -> n (s i)") + return x + + +class TransitionDown(nn.Module): + def __init__(self, in_planes, out_planes, stride=1, nsample=16): + super().__init__() + self.stride, self.nsample = stride, nsample + if stride != 1: + self.linear = nn.Linear(3 + in_planes, out_planes, bias=False) + self.pool = nn.MaxPool1d(nsample) + else: + self.linear = nn.Linear(in_planes, out_planes, bias=False) + self.bn = nn.BatchNorm1d(out_planes) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + if self.stride != 1: + n_o, count = [o[0].item() // self.stride], o[0].item() // self.stride + for i in range(1, o.shape[0]): + count += (o[i].item() - o[i - 1].item()) // self.stride + n_o.append(count) + n_o = torch.cuda.IntTensor(n_o) + idx = pointops.farthest_point_sampling(p, o, n_o) # (m) + n_p = p[idx.long(), :] # (m, 3) + x, _ = pointops.knn_query_and_group( + x, + p, + offset=o, + new_xyz=n_p, + new_offset=n_o, + nsample=self.nsample, + with_xyz=True, + ) + x = self.relu( + self.bn(self.linear(x).transpose(1, 2).contiguous()) + ) # (m, c, nsample) + x = self.pool(x).squeeze(-1) # (m, c) + p, o = n_p, n_o + else: + x = self.relu(self.bn(self.linear(x))) # (n, c) + return [p, x, o] + + +class TransitionUp(nn.Module): + def __init__(self, in_planes, out_planes=None): + super().__init__() + if out_planes is None: + self.linear1 = nn.Sequential( + nn.Linear(2 * in_planes, in_planes), + nn.BatchNorm1d(in_planes), + nn.ReLU(inplace=True), + ) + self.linear2 = nn.Sequential( + nn.Linear(in_planes, in_planes), nn.ReLU(inplace=True) + ) + else: + self.linear1 = nn.Sequential( + nn.Linear(out_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + self.linear2 = nn.Sequential( + nn.Linear(in_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + + def forward(self, pxo1, pxo2=None): + if pxo2 is None: + _, x, o = pxo1 # (n, 3), (n, c), (b) + x_tmp = [] + for i in range(o.shape[0]): + if i == 0: + s_i, e_i, cnt = 0, o[0], o[0] + else: + s_i, e_i, cnt = o[i - 1], o[i], o[i] - o[i - 1] + x_b = x[s_i:e_i, :] + x_b = torch.cat( + (x_b, self.linear2(x_b.sum(0, True) / cnt).repeat(cnt, 1)), 1 + ) + x_tmp.append(x_b) + x = torch.cat(x_tmp, 0) + x = self.linear1(x) + else: + p1, x1, o1 = pxo1 + p2, x2, o2 = pxo2 + x = self.linear1(x1) + pointops.interpolation( + p2, p1, self.linear2(x2), o2, o1 + ) + return x + + +class Bottleneck(nn.Module): + expansion = 1 + + def __init__(self, in_planes, planes, share_planes=8, nsample=16): + super(Bottleneck, self).__init__() + self.linear1 = nn.Linear(in_planes, planes, bias=False) + self.bn1 = nn.BatchNorm1d(planes) + self.transformer = PointTransformerLayer(planes, planes, share_planes, nsample) + self.bn2 = nn.BatchNorm1d(planes) + self.linear3 = nn.Linear(planes, planes * self.expansion, bias=False) + self.bn3 = nn.BatchNorm1d(planes * self.expansion) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + identity = x + x = self.relu(self.bn1(self.linear1(x))) + x = self.relu(self.bn2(self.transformer([p, x, o]))) + x = self.bn3(self.linear3(x)) + x += identity + x = self.relu(x) + return [p, x, o] + + +class PointTransformerSeg(nn.Module): + def __init__(self, block, blocks, in_channels=6, num_classes=13): + super().__init__() + self.in_channels = in_channels + self.in_planes, planes = in_channels, [32, 64, 128, 256, 512] + fpn_planes, fpnhead_planes, share_planes = 128, 64, 8 + stride, nsample = [1, 4, 4, 4, 4], [8, 16, 16, 16, 16] + self.enc1 = self._make_enc( + block, + planes[0], + blocks[0], + share_planes, + stride=stride[0], + nsample=nsample[0], + ) # N/1 + self.enc2 = self._make_enc( + block, + planes[1], + blocks[1], + share_planes, + stride=stride[1], + nsample=nsample[1], + ) # N/4 + self.enc3 = self._make_enc( + block, + planes[2], + blocks[2], + share_planes, + stride=stride[2], + nsample=nsample[2], + ) # N/16 + self.enc4 = self._make_enc( + block, + planes[3], + blocks[3], + share_planes, + stride=stride[3], + nsample=nsample[3], + ) # N/64 + self.enc5 = self._make_enc( + block, + planes[4], + blocks[4], + share_planes, + stride=stride[4], + nsample=nsample[4], + ) # N/256 + self.dec5 = self._make_dec( + block, planes[4], 1, share_planes, nsample=nsample[4], is_head=True + ) # transform p5 + self.dec4 = self._make_dec( + block, planes[3], 1, share_planes, nsample=nsample[3] + ) # fusion p5 and p4 + self.dec3 = self._make_dec( + block, planes[2], 1, share_planes, nsample=nsample[2] + ) # fusion p4 and p3 + self.dec2 = self._make_dec( + block, planes[1], 1, share_planes, nsample=nsample[1] + ) # fusion p3 and p2 + self.dec1 = self._make_dec( + block, planes[0], 1, share_planes, nsample=nsample[0] + ) # fusion p2 and p1 + self.cls = nn.Sequential( + nn.Linear(planes[0], planes[0]), + nn.BatchNorm1d(planes[0]), + nn.ReLU(inplace=True), + nn.Linear(planes[0], num_classes), + ) + + def _make_enc(self, block, planes, blocks, share_planes=8, stride=1, nsample=16): + layers = [ + TransitionDown(self.in_planes, planes * block.expansion, stride, nsample) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def _make_dec( + self, block, planes, blocks, share_planes=8, nsample=16, is_head=False + ): + layers = [ + TransitionUp(self.in_planes, None if is_head else planes * block.expansion) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def forward(self, data_dict): + p0 = data_dict["coord"] + x0 = data_dict["feat"] + o0 = data_dict["offset"].int() + p1, x1, o1 = self.enc1([p0, x0, o0]) + p2, x2, o2 = self.enc2([p1, x1, o1]) + p3, x3, o3 = self.enc3([p2, x2, o2]) + p4, x4, o4 = self.enc4([p3, x3, o3]) + p5, x5, o5 = self.enc5([p4, x4, o4]) + x5 = self.dec5[1:]([p5, self.dec5[0]([p5, x5, o5]), o5])[1] + x4 = self.dec4[1:]([p4, self.dec4[0]([p4, x4, o4], [p5, x5, o5]), o4])[1] + x3 = self.dec3[1:]([p3, self.dec3[0]([p3, x3, o3], [p4, x4, o4]), o3])[1] + x2 = self.dec2[1:]([p2, self.dec2[0]([p2, x2, o2], [p3, x3, o3]), o2])[1] + x1 = self.dec1[1:]([p1, self.dec1[0]([p1, x1, o1], [p2, x2, o2]), o1])[1] + x = self.cls(x1) + return x + + +@MODELS.register_module("PointTransformer-Seg26") +class PointTransformerSeg26(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg26, self).__init__( + Bottleneck, [1, 1, 1, 1, 1], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Seg38") +class PointTransformerSeg38(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg38, self).__init__( + Bottleneck, [1, 2, 2, 2, 2], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Seg50") +class PointTransformerSeg50(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg50, self).__init__( + Bottleneck, [1, 2, 3, 5, 2], **kwargs + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/utils.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..c5687701835bb1f8a8936ea5ae5d52285567dc77 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer/utils.py @@ -0,0 +1,14 @@ +import torch +import torch.nn as nn + +torch.nn.LayerNorm + + +class LayerNorm1d(nn.BatchNorm1d): + def forward(self, input: torch.Tensor) -> torch.Tensor: + return ( + super() + .forward(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e9689fa2518b599bc6f94e6f8d0ea461859b8909 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/__init__.py @@ -0,0 +1,10 @@ +""" +Point Transformer V2 + +Copyright (c) Xiaoyang Wu (xiaoyang.wu@connect.hku.hk). All Rights Reserved. +Please cite our work if you use any part of the code. +""" + +from .point_transformer_v2m1_origin import * +from .point_transformer_v2m2_base import * +from .point_transformer_v2m3_pdnorm import * diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m1_origin.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m1_origin.py new file mode 100644 index 0000000000000000000000000000000000000000..b325d9eb7d5e1507ce62d5cbf60bb000cf83acbc --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m1_origin.py @@ -0,0 +1,614 @@ +""" +Point Transformer V2 mode 1 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from copy import deepcopy +import math +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint +from torch_geometric.nn.pool import voxel_grid +from torch_scatter import segment_csr + +import einops +from timm.models.layers import DropPath +import pointops + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +class GroupedLinear(nn.Module): + __constants__ = ["in_features", "out_features", "groups"] + in_features: int + out_features: int + groups: int + weight: torch.Tensor + + def __init__( + self, in_features: int, out_features: int, groups: int, device=None, dtype=None + ) -> None: + factory_kwargs = {"device": device, "dtype": dtype} + super(GroupedLinear, self).__init__() + self.in_features = in_features + self.out_features = out_features + self.groups = groups + assert in_features & groups == 0 + assert out_features % groups == 0 + # for convenient, currently only support out_features == groups, one output + assert out_features == groups + self.weight = nn.Parameter(torch.empty((1, in_features), **factory_kwargs)) + self.reset_parameters() + + def reset_parameters(self) -> None: + nn.init.kaiming_uniform_(self.weight, a=math.sqrt(5)) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + return ( + (input * self.weight) + .reshape( + list(input.shape[:-1]) + [self.groups, input.shape[-1] // self.groups] + ) + .sum(-1) + ) + + def extra_repr(self) -> str: + return "in_features={}, out_features={}, bias={}".format( + self.in_features, self.out_features, self.bias is not None + ) + + +class PointBatchNorm(nn.Module): + """ + Batch Normalization for Point Clouds data in shape of [B*N, C], [B*N, L, C] + """ + + def __init__(self, embed_channels): + super().__init__() + self.norm = nn.BatchNorm1d(embed_channels) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + if input.dim() == 3: + return ( + self.norm(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) + elif input.dim() == 2: + return self.norm(input) + else: + raise NotImplementedError + + +class GroupedVectorAttention(nn.Module): + def __init__( + self, + embed_channels, + groups, + attn_drop_rate=0.0, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + ): + super(GroupedVectorAttention, self).__init__() + self.embed_channels = embed_channels + self.groups = groups + assert embed_channels % groups == 0 + self.attn_drop_rate = attn_drop_rate + self.qkv_bias = qkv_bias + self.pe_multiplier = pe_multiplier + self.pe_bias = pe_bias + + self.linear_q = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.linear_k = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + + self.linear_v = nn.Linear(embed_channels, embed_channels, bias=qkv_bias) + + if self.pe_multiplier: + self.linear_p_multiplier = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + if self.pe_bias: + self.linear_p_bias = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + self.weight_encoding = nn.Sequential( + GroupedLinear(embed_channels, groups, groups), + PointBatchNorm(groups), + nn.ReLU(inplace=True), + nn.Linear(groups, groups), + ) + self.softmax = nn.Softmax(dim=1) + self.attn_drop = nn.Dropout(attn_drop_rate) + + def forward(self, feat, coord, reference_index): + query, key, value = ( + self.linear_q(feat), + self.linear_k(feat), + self.linear_v(feat), + ) + key = pointops.grouping(reference_index, key, coord, with_xyz=True) + value = pointops.grouping(reference_index, value, coord, with_xyz=False) + pos, key = key[:, :, 0:3], key[:, :, 3:] + relation_qk = key - query.unsqueeze(1) + if self.pe_multiplier: + pem = self.linear_p_multiplier(pos) + relation_qk = relation_qk * pem + if self.pe_bias: + peb = self.linear_p_bias(pos) + relation_qk = relation_qk + peb + value = value + peb + + weight = self.weight_encoding(relation_qk) + weight = self.attn_drop(self.softmax(weight)) + + mask = torch.sign(reference_index + 1) + weight = torch.einsum("n s g, n s -> n s g", weight, mask) + value = einops.rearrange(value, "n ns (g i) -> n ns g i", g=self.groups) + feat = torch.einsum("n s g i, n s g -> n g i", value, weight) + feat = einops.rearrange(feat, "n g i -> n (g i)") + return feat + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + groups, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(Block, self).__init__() + self.attn = GroupedVectorAttention( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + attn_drop_rate=attn_drop_rate, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + ) + self.fc1 = nn.Linear(embed_channels, embed_channels, bias=False) + self.fc3 = nn.Linear(embed_channels, embed_channels, bias=False) + self.norm1 = PointBatchNorm(embed_channels) + self.norm2 = PointBatchNorm(embed_channels) + self.norm3 = PointBatchNorm(embed_channels) + self.act = nn.ReLU(inplace=True) + self.enable_checkpoint = enable_checkpoint + self.drop_path = ( + DropPath(drop_path_rate) if drop_path_rate > 0.0 else nn.Identity() + ) + + def forward(self, points, reference_index): + coord, feat, offset = points + identity = feat + feat = self.act(self.norm1(self.fc1(feat))) + feat = ( + self.attn(feat, coord, reference_index) + if not self.enable_checkpoint + else checkpoint(self.attn, feat, coord, reference_index) + ) + feat = self.act(self.norm2(feat)) + feat = self.norm3(self.fc3(feat)) + feat = identity + self.drop_path(feat) + feat = self.act(feat) + return [coord, feat, offset] + + +class BlockSequence(nn.Module): + def __init__( + self, + depth, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(BlockSequence, self).__init__() + + if isinstance(drop_path_rate, list): + drop_path_rates = drop_path_rate + assert len(drop_path_rates) == depth + elif isinstance(drop_path_rate, float): + drop_path_rates = [deepcopy(drop_path_rate) for _ in range(depth)] + else: + drop_path_rates = [0.0 for _ in range(depth)] + + self.neighbours = neighbours + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rates[i], + enable_checkpoint=enable_checkpoint, + ) + self.blocks.append(block) + + def forward(self, points): + coord, feat, offset = points + # reference index query of neighbourhood attention + # for windows attention, modify reference index query method + reference_index, _ = pointops.knn_query(self.neighbours, coord, offset) + for block in self.blocks: + points = block(points, reference_index) + return points + + +class GridPool(nn.Module): + """ + Partition-based Pooling (Grid Pooling) + """ + + def __init__(self, in_channels, out_channels, grid_size, bias=False): + super(GridPool, self).__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.grid_size = grid_size + + self.fc = nn.Linear(in_channels, out_channels, bias=bias) + self.norm = PointBatchNorm(out_channels) + self.act = nn.ReLU(inplace=True) + + def forward(self, points, start=None): + coord, feat, offset = points + batch = offset2batch(offset) + feat = self.act(self.norm(self.fc(feat))) + start = ( + segment_csr( + coord, + torch.cat([batch.new_zeros(1), torch.cumsum(batch.bincount(), dim=0)]), + reduce="min", + ) + if start is None + else start + ) + cluster = voxel_grid( + pos=coord - start[batch], size=self.grid_size, batch=batch, start=0 + ) + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + _, sorted_cluster_indices = torch.sort(cluster) + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + coord = segment_csr(coord[sorted_cluster_indices], idx_ptr, reduce="mean") + feat = segment_csr(feat[sorted_cluster_indices], idx_ptr, reduce="max") + batch = batch[idx_ptr[:-1]] + offset = batch2offset(batch) + return [coord, feat, offset], cluster + + +class UnpoolWithSkip(nn.Module): + """ + Map Unpooling with skip connection + """ + + def __init__( + self, + in_channels, + skip_channels, + out_channels, + bias=True, + skip=True, + backend="map", + ): + super(UnpoolWithSkip, self).__init__() + self.in_channels = in_channels + self.skip_channels = skip_channels + self.out_channels = out_channels + self.skip = skip + self.backend = backend + assert self.backend in ["map", "interp"] + + self.proj = nn.Sequential( + nn.Linear(in_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + self.proj_skip = nn.Sequential( + nn.Linear(skip_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + + def forward(self, points, skip_points, cluster=None): + coord, feat, offset = points + skip_coord, skip_feat, skip_offset = skip_points + if self.backend == "map" and cluster is not None: + feat = self.proj(feat)[cluster] + else: + feat = pointops.interpolation( + coord, skip_coord, self.proj(feat), offset, skip_offset + ) + if self.skip: + feat = feat + self.proj_skip(skip_feat) + return [skip_coord, feat, skip_offset] + + +class Encoder(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + grid_size=None, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + ): + super(Encoder, self).__init__() + + self.down = GridPool( + in_channels=in_channels, + out_channels=embed_channels, + grid_size=grid_size, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + points, cluster = self.down(points) + return self.blocks(points), cluster + + +class Decoder(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + groups, + depth, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + unpool_backend="map", + ): + super(Decoder, self).__init__() + + self.up = UnpoolWithSkip( + in_channels=in_channels, + out_channels=embed_channels, + skip_channels=skip_channels, + backend=unpool_backend, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points, skip_points, cluster): + points = self.up(points, skip_points, cluster) + return self.blocks(points) + + +class GVAPatchEmbed(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(GVAPatchEmbed, self).__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + self.proj = nn.Sequential( + nn.Linear(in_channels, embed_channels, bias=False), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rate, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + coord, feat, offset = points + feat = self.proj(feat) + return self.blocks([coord, feat, offset]) + + +@MODELS.register_module("PT-v2m1") +class PointTransformerV2(nn.Module): + def __init__( + self, + in_channels, + num_classes, + patch_embed_depth=1, + patch_embed_channels=48, + patch_embed_groups=6, + patch_embed_neighbours=8, + enc_depths=(2, 2, 6, 2), + enc_channels=(96, 192, 384, 512), + enc_groups=(12, 24, 48, 64), + enc_neighbours=(16, 16, 16, 16), + dec_depths=(1, 1, 1, 1), + dec_channels=(48, 96, 192, 384), + dec_groups=(6, 12, 24, 48), + dec_neighbours=(16, 16, 16, 16), + grid_sizes=(0.06, 0.12, 0.24, 0.48), + attn_qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0, + enable_checkpoint=False, + unpool_backend="map", + ): + super(PointTransformerV2, self).__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_depths) + assert self.num_stages == len(dec_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(dec_channels) + assert self.num_stages == len(enc_groups) + assert self.num_stages == len(dec_groups) + assert self.num_stages == len(enc_neighbours) + assert self.num_stages == len(dec_neighbours) + assert self.num_stages == len(grid_sizes) + self.patch_embed = GVAPatchEmbed( + in_channels=in_channels, + embed_channels=patch_embed_channels, + groups=patch_embed_groups, + depth=patch_embed_depth, + neighbours=patch_embed_neighbours, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + enable_checkpoint=enable_checkpoint, + ) + + enc_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(enc_depths)) + ] + dec_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(dec_depths)) + ] + enc_channels = [patch_embed_channels] + list(enc_channels) + dec_channels = list(dec_channels) + [enc_channels[-1]] + self.enc_stages = nn.ModuleList() + self.dec_stages = nn.ModuleList() + for i in range(self.num_stages): + enc = Encoder( + depth=enc_depths[i], + in_channels=enc_channels[i], + embed_channels=enc_channels[i + 1], + groups=enc_groups[i], + grid_size=grid_sizes[i], + neighbours=enc_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=enc_dp_rates[ + sum(enc_depths[:i]) : sum(enc_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + ) + dec = Decoder( + depth=dec_depths[i], + in_channels=dec_channels[i + 1], + skip_channels=enc_channels[i], + embed_channels=dec_channels[i], + groups=dec_groups[i], + neighbours=dec_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=dec_dp_rates[ + sum(dec_depths[:i]) : sum(dec_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + unpool_backend=unpool_backend, + ) + self.enc_stages.append(enc) + self.dec_stages.append(dec) + self.seg_head = ( + nn.Sequential( + nn.Linear(dec_channels[0], dec_channels[0]), + PointBatchNorm(dec_channels[0]), + nn.ReLU(inplace=True), + nn.Linear(dec_channels[0], num_classes), + ) + if num_classes > 0 + else nn.Identity() + ) + + def forward(self, data_dict): + coord = data_dict["coord"] + feat = data_dict["feat"] + offset = data_dict["offset"].int() + + # a batch of point cloud is a list of coord, feat and offset + points = [coord, feat, offset] + points = self.patch_embed(points) + skips = [[points]] + for i in range(self.num_stages): + points, cluster = self.enc_stages[i](points) + skips[-1].append(cluster) # record grid cluster of pooling + skips.append([points]) # record points info of current stage + + points = skips.pop(-1)[0] # unpooling points info in the last enc stage + for i in reversed(range(self.num_stages)): + skip_points, cluster = skips.pop(-1) + points = self.dec_stages[i](points, skip_points, cluster) + coord, feat, offset = points + seg_logits = self.seg_head(feat) + return seg_logits diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m2_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m2_base.py new file mode 100644 index 0000000000000000000000000000000000000000..dec45ff92504cf184505d0cad96d30346613df46 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m2_base.py @@ -0,0 +1,576 @@ +""" +Point Transformer V2 Mode 2 (recommend) + +Disable Grouped Linear + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from copy import deepcopy +import math +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint +from torch_geometric.nn.pool import voxel_grid +from torch_scatter import segment_csr + +import einops +from timm.models.layers import DropPath +import pointops + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +class PointBatchNorm(nn.Module): + """ + Batch Normalization for Point Clouds data in shape of [B*N, C], [B*N, L, C] + """ + + def __init__(self, embed_channels): + super().__init__() + self.norm = nn.BatchNorm1d(embed_channels) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + if input.dim() == 3: + return ( + self.norm(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) + elif input.dim() == 2: + return self.norm(input) + else: + raise NotImplementedError + + +class GroupedVectorAttention(nn.Module): + def __init__( + self, + embed_channels, + groups, + attn_drop_rate=0.0, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + ): + super(GroupedVectorAttention, self).__init__() + self.embed_channels = embed_channels + self.groups = groups + assert embed_channels % groups == 0 + self.attn_drop_rate = attn_drop_rate + self.qkv_bias = qkv_bias + self.pe_multiplier = pe_multiplier + self.pe_bias = pe_bias + + self.linear_q = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.linear_k = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + + self.linear_v = nn.Linear(embed_channels, embed_channels, bias=qkv_bias) + + if self.pe_multiplier: + self.linear_p_multiplier = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + if self.pe_bias: + self.linear_p_bias = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + self.weight_encoding = nn.Sequential( + nn.Linear(embed_channels, groups), + PointBatchNorm(groups), + nn.ReLU(inplace=True), + nn.Linear(groups, groups), + ) + self.softmax = nn.Softmax(dim=1) + self.attn_drop = nn.Dropout(attn_drop_rate) + + def forward(self, feat, coord, reference_index): + query, key, value = ( + self.linear_q(feat), + self.linear_k(feat), + self.linear_v(feat), + ) + key = pointops.grouping(reference_index, key, coord, with_xyz=True) + value = pointops.grouping(reference_index, value, coord, with_xyz=False) + pos, key = key[:, :, 0:3], key[:, :, 3:] + relation_qk = key - query.unsqueeze(1) + if self.pe_multiplier: + pem = self.linear_p_multiplier(pos) + relation_qk = relation_qk * pem + if self.pe_bias: + peb = self.linear_p_bias(pos) + relation_qk = relation_qk + peb + value = value + peb + + weight = self.weight_encoding(relation_qk) + weight = self.attn_drop(self.softmax(weight)) + + mask = torch.sign(reference_index + 1) + weight = torch.einsum("n s g, n s -> n s g", weight, mask) + value = einops.rearrange(value, "n ns (g i) -> n ns g i", g=self.groups) + feat = torch.einsum("n s g i, n s g -> n g i", value, weight) + feat = einops.rearrange(feat, "n g i -> n (g i)") + return feat + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + groups, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(Block, self).__init__() + self.attn = GroupedVectorAttention( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + attn_drop_rate=attn_drop_rate, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + ) + self.fc1 = nn.Linear(embed_channels, embed_channels, bias=False) + self.fc3 = nn.Linear(embed_channels, embed_channels, bias=False) + self.norm1 = PointBatchNorm(embed_channels) + self.norm2 = PointBatchNorm(embed_channels) + self.norm3 = PointBatchNorm(embed_channels) + self.act = nn.ReLU(inplace=True) + self.enable_checkpoint = enable_checkpoint + self.drop_path = ( + DropPath(drop_path_rate) if drop_path_rate > 0.0 else nn.Identity() + ) + + def forward(self, points, reference_index): + coord, feat, offset = points + identity = feat + feat = self.act(self.norm1(self.fc1(feat))) + feat = ( + self.attn(feat, coord, reference_index) + if not self.enable_checkpoint + else checkpoint(self.attn, feat, coord, reference_index) + ) + feat = self.act(self.norm2(feat)) + feat = self.norm3(self.fc3(feat)) + feat = identity + self.drop_path(feat) + feat = self.act(feat) + return [coord, feat, offset] + + +class BlockSequence(nn.Module): + def __init__( + self, + depth, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(BlockSequence, self).__init__() + + if isinstance(drop_path_rate, list): + drop_path_rates = drop_path_rate + assert len(drop_path_rates) == depth + elif isinstance(drop_path_rate, float): + drop_path_rates = [deepcopy(drop_path_rate) for _ in range(depth)] + else: + drop_path_rates = [0.0 for _ in range(depth)] + + self.neighbours = neighbours + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rates[i], + enable_checkpoint=enable_checkpoint, + ) + self.blocks.append(block) + + def forward(self, points): + coord, feat, offset = points + # reference index query of neighbourhood attention + # for windows attention, modify reference index query method + reference_index, _ = pointops.knn_query(self.neighbours, coord, offset) + for block in self.blocks: + points = block(points, reference_index) + return points + + +class GridPool(nn.Module): + """ + Partition-based Pooling (Grid Pooling) + """ + + def __init__(self, in_channels, out_channels, grid_size, bias=False): + super(GridPool, self).__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.grid_size = grid_size + + self.fc = nn.Linear(in_channels, out_channels, bias=bias) + self.norm = PointBatchNorm(out_channels) + self.act = nn.ReLU(inplace=True) + + def forward(self, points, start=None): + coord, feat, offset = points + batch = offset2batch(offset) + feat = self.act(self.norm(self.fc(feat))) + start = ( + segment_csr( + coord, + torch.cat([batch.new_zeros(1), torch.cumsum(batch.bincount(), dim=0)]), + reduce="min", + ) + if start is None + else start + ) + cluster = voxel_grid( + pos=coord - start[batch], size=self.grid_size, batch=batch, start=0 + ) + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + _, sorted_cluster_indices = torch.sort(cluster) + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + coord = segment_csr(coord[sorted_cluster_indices], idx_ptr, reduce="mean") + feat = segment_csr(feat[sorted_cluster_indices], idx_ptr, reduce="max") + batch = batch[idx_ptr[:-1]] + offset = batch2offset(batch) + return [coord, feat, offset], cluster + + +class UnpoolWithSkip(nn.Module): + """ + Map Unpooling with skip connection + """ + + def __init__( + self, + in_channels, + skip_channels, + out_channels, + bias=True, + skip=True, + backend="map", + ): + super(UnpoolWithSkip, self).__init__() + self.in_channels = in_channels + self.skip_channels = skip_channels + self.out_channels = out_channels + self.skip = skip + self.backend = backend + assert self.backend in ["map", "interp"] + + self.proj = nn.Sequential( + nn.Linear(in_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + self.proj_skip = nn.Sequential( + nn.Linear(skip_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + + def forward(self, points, skip_points, cluster=None): + coord, feat, offset = points + skip_coord, skip_feat, skip_offset = skip_points + if self.backend == "map" and cluster is not None: + feat = self.proj(feat)[cluster] + else: + feat = pointops.interpolation( + coord, skip_coord, self.proj(feat), offset, skip_offset + ) + if self.skip: + feat = feat + self.proj_skip(skip_feat) + return [skip_coord, feat, skip_offset] + + +class Encoder(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + grid_size=None, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + ): + super(Encoder, self).__init__() + + self.down = GridPool( + in_channels=in_channels, + out_channels=embed_channels, + grid_size=grid_size, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + points, cluster = self.down(points) + return self.blocks(points), cluster + + +class Decoder(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + groups, + depth, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + unpool_backend="map", + ): + super(Decoder, self).__init__() + + self.up = UnpoolWithSkip( + in_channels=in_channels, + out_channels=embed_channels, + skip_channels=skip_channels, + backend=unpool_backend, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points, skip_points, cluster): + points = self.up(points, skip_points, cluster) + return self.blocks(points) + + +class GVAPatchEmbed(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(GVAPatchEmbed, self).__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + self.proj = nn.Sequential( + nn.Linear(in_channels, embed_channels, bias=False), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rate, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + coord, feat, offset = points + feat = self.proj(feat) + return self.blocks([coord, feat, offset]) + + +@MODELS.register_module("PT-v2m2") +class PointTransformerV2(nn.Module): + def __init__( + self, + in_channels, + num_classes, + patch_embed_depth=1, + patch_embed_channels=48, + patch_embed_groups=6, + patch_embed_neighbours=8, + enc_depths=(2, 2, 6, 2), + enc_channels=(96, 192, 384, 512), + enc_groups=(12, 24, 48, 64), + enc_neighbours=(16, 16, 16, 16), + dec_depths=(1, 1, 1, 1), + dec_channels=(48, 96, 192, 384), + dec_groups=(6, 12, 24, 48), + dec_neighbours=(16, 16, 16, 16), + grid_sizes=(0.06, 0.12, 0.24, 0.48), + attn_qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0, + enable_checkpoint=False, + unpool_backend="map", + ): + super(PointTransformerV2, self).__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_depths) + assert self.num_stages == len(dec_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(dec_channels) + assert self.num_stages == len(enc_groups) + assert self.num_stages == len(dec_groups) + assert self.num_stages == len(enc_neighbours) + assert self.num_stages == len(dec_neighbours) + assert self.num_stages == len(grid_sizes) + self.patch_embed = GVAPatchEmbed( + in_channels=in_channels, + embed_channels=patch_embed_channels, + groups=patch_embed_groups, + depth=patch_embed_depth, + neighbours=patch_embed_neighbours, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + enable_checkpoint=enable_checkpoint, + ) + + enc_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(enc_depths)) + ] + dec_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(dec_depths)) + ] + enc_channels = [patch_embed_channels] + list(enc_channels) + dec_channels = list(dec_channels) + [enc_channels[-1]] + self.enc_stages = nn.ModuleList() + self.dec_stages = nn.ModuleList() + for i in range(self.num_stages): + enc = Encoder( + depth=enc_depths[i], + in_channels=enc_channels[i], + embed_channels=enc_channels[i + 1], + groups=enc_groups[i], + grid_size=grid_sizes[i], + neighbours=enc_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=enc_dp_rates[ + sum(enc_depths[:i]) : sum(enc_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + ) + dec = Decoder( + depth=dec_depths[i], + in_channels=dec_channels[i + 1], + skip_channels=enc_channels[i], + embed_channels=dec_channels[i], + groups=dec_groups[i], + neighbours=dec_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=dec_dp_rates[ + sum(dec_depths[:i]) : sum(dec_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + unpool_backend=unpool_backend, + ) + self.enc_stages.append(enc) + self.dec_stages.append(dec) + self.seg_head = ( + nn.Sequential( + nn.Linear(dec_channels[0], dec_channels[0]), + PointBatchNorm(dec_channels[0]), + nn.ReLU(inplace=True), + nn.Linear(dec_channels[0], num_classes), + ) + if num_classes > 0 + else nn.Identity() + ) + + def forward(self, data_dict): + coord = data_dict["coord"] + feat = data_dict["feat"] + offset = data_dict["offset"].int() + + # a batch of point cloud is a list of coord, feat and offset + points = [coord, feat, offset] + points = self.patch_embed(points) + skips = [[points]] + for i in range(self.num_stages): + points, cluster = self.enc_stages[i](points) + skips[-1].append(cluster) # record grid cluster of pooling + skips.append([points]) # record points info of current stage + + points = skips.pop(-1)[0] # unpooling points info in the last enc stage + for i in reversed(range(self.num_stages)): + skip_points, cluster = skips.pop(-1) + points = self.dec_stages[i](points, skip_points, cluster) + coord, feat, offset = points + seg_logits = self.seg_head(feat) + return seg_logits diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m3_pdnorm.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m3_pdnorm.py new file mode 100644 index 0000000000000000000000000000000000000000..b944f19f2b13a73ae01bad4c094c51e4213896c4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v2/point_transformer_v2m3_pdnorm.py @@ -0,0 +1,659 @@ +""" +Point Transformer V2M3 + +Enable Prompt-Driven Normalization for Point Prompt Training + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from copy import deepcopy +import math +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint +from torch_geometric.nn.pool import voxel_grid +from torch_scatter import segment_csr + +import einops +from timm.models.layers import DropPath +import pointops + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +class PDBatchNorm(torch.nn.Module): + def __init__( + self, + num_features, + context_channels=256, + eps=1e-3, + momentum=0.01, + conditions=("ScanNet", "S3DIS", "Structured3D"), + decouple=True, + adaptive=False, + affine=True, + ): + super().__init__() + self.conditions = conditions + self.decouple = decouple + self.adaptive = adaptive + self.affine = affine + if self.decouple: + self.bns = nn.ModuleList( + [ + nn.BatchNorm1d( + num_features=num_features, + eps=eps, + momentum=momentum, + affine=affine, + ) + for _ in conditions + ] + ) + else: + self.bn = nn.BatchNorm1d( + num_features=num_features, eps=eps, momentum=momentum, affine=affine + ) + if self.adaptive: + self.modulation = nn.Sequential( + nn.SiLU(), nn.Linear(context_channels, 2 * num_features, bias=True) + ) + + def forward(self, feat, condition=None, context=None): + if self.decouple: + assert condition in self.conditions + bn = self.bns[self.conditions.index(condition)] + else: + bn = self.bn + feat = bn(feat) + if self.adaptive: + assert context is not None + shift, scale = self.modulation(context).chunk(2, dim=1) + feat = feat * (1.0 + scale) + shift + return feat + + +class PointBatchNorm(nn.Module): + """ + Batch Normalization for Point Clouds data in shape of [B*N, C], [B*N, L, C] + """ + + def __init__(self, embed_channels): + super().__init__() + self.norm = nn.BatchNorm1d(embed_channels) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + if input.dim() == 3: + return ( + self.norm(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) + elif input.dim() == 2: + return self.norm(input) + else: + raise NotImplementedError + + +class GroupedVectorAttention(nn.Module): + def __init__( + self, + embed_channels, + groups, + attn_drop_rate=0.0, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + ): + super(GroupedVectorAttention, self).__init__() + self.embed_channels = embed_channels + self.groups = groups + assert embed_channels % groups == 0 + self.attn_drop_rate = attn_drop_rate + self.qkv_bias = qkv_bias + self.pe_multiplier = pe_multiplier + self.pe_bias = pe_bias + + self.linear_q = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.linear_k = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + + self.linear_v = nn.Linear(embed_channels, embed_channels, bias=qkv_bias) + + if self.pe_multiplier: + self.linear_p_multiplier = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + if self.pe_bias: + self.linear_p_bias = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + self.weight_encoding = nn.Sequential( + nn.Linear(embed_channels, groups), + PointBatchNorm(groups), + nn.ReLU(inplace=True), + nn.Linear(groups, groups), + ) + self.softmax = nn.Softmax(dim=1) + self.attn_drop = nn.Dropout(attn_drop_rate) + + def forward(self, feat, coord, reference_index): + query, key, value = ( + self.linear_q(feat), + self.linear_k(feat), + self.linear_v(feat), + ) + key = pointops.grouping(reference_index, key, coord, with_xyz=True) + value = pointops.grouping(reference_index, value, coord, with_xyz=False) + pos, key = key[:, :, 0:3], key[:, :, 3:] + relation_qk = key - query.unsqueeze(1) + if self.pe_multiplier: + pem = self.linear_p_multiplier(pos) + relation_qk = relation_qk * pem + if self.pe_bias: + peb = self.linear_p_bias(pos) + relation_qk = relation_qk + peb + value = value + peb + + weight = self.weight_encoding(relation_qk) + weight = self.attn_drop(self.softmax(weight)) + + mask = torch.sign(reference_index + 1) + weight = torch.einsum("n s g, n s -> n s g", weight, mask) + value = einops.rearrange(value, "n ns (g i) -> n ns g i", g=self.groups) + feat = torch.einsum("n s g i, n s g -> n g i", value, weight) + feat = einops.rearrange(feat, "n g i -> n (g i)") + return feat + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + groups, + norm_fn=None, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(Block, self).__init__() + self.attn = GroupedVectorAttention( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + attn_drop_rate=attn_drop_rate, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + ) + + assert norm_fn is not None + + self.fc1 = nn.Linear(embed_channels, embed_channels, bias=False) + self.fc3 = nn.Linear(embed_channels, embed_channels, bias=False) + self.norm1 = norm_fn(embed_channels) + self.norm2 = norm_fn(embed_channels) + self.norm3 = norm_fn(embed_channels) + self.act = nn.ReLU(inplace=True) + self.enable_checkpoint = enable_checkpoint + self.drop_path = ( + DropPath(drop_path_rate) if drop_path_rate > 0.0 else nn.Identity() + ) + + def forward(self, points, reference_index): + coord, feat, offset, condition, context = points + identity = feat + feat = self.act(self.norm1(self.fc1(feat), condition, context)) + feat = ( + self.attn(feat, coord, reference_index) + if not self.enable_checkpoint + else checkpoint(self.attn, feat, coord, reference_index) + ) + feat = self.act(self.norm2(feat, condition, context)) + feat = self.norm3(self.fc3(feat), condition, context) + feat = identity + self.drop_path(feat) + feat = self.act(feat) + return [coord, feat, offset, condition, context] + + +class BlockSequence(nn.Module): + def __init__( + self, + depth, + embed_channels, + groups, + neighbours=16, + norm_fn=None, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(BlockSequence, self).__init__() + + if isinstance(drop_path_rate, list): + drop_path_rates = drop_path_rate + assert len(drop_path_rates) == depth + elif isinstance(drop_path_rate, float): + drop_path_rates = [deepcopy(drop_path_rate) for _ in range(depth)] + else: + drop_path_rates = [0.0 for _ in range(depth)] + + self.neighbours = neighbours + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels=embed_channels, + groups=groups, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rates[i], + enable_checkpoint=enable_checkpoint, + ) + self.blocks.append(block) + + def forward(self, points): + coord, feat, offset, condition, context = points + # reference index query of neighbourhood attention + # for windows attention, modify reference index query method + reference_index, _ = pointops.knn_query(self.neighbours, coord, offset) + for block in self.blocks: + points = block(points, reference_index) + return points + + +class GridPool(nn.Module): + """ + Partition-based Pooling (Grid Pooling) + """ + + def __init__(self, in_channels, out_channels, grid_size, norm_fn, bias=False): + super(GridPool, self).__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.grid_size = grid_size + + self.fc = nn.Linear(in_channels, out_channels, bias=bias) + self.norm = norm_fn(out_channels) + self.act = nn.ReLU(inplace=True) + + def forward(self, points, start=None): + coord, feat, offset, condition, context = points + batch = offset2batch(offset) + feat = self.act(self.norm(self.fc(feat), condition, context)) + start = ( + segment_csr( + coord, + torch.cat([batch.new_zeros(1), torch.cumsum(batch.bincount(), dim=0)]), + reduce="min", + ) + if start is None + else start + ) + cluster = voxel_grid( + pos=coord - start[batch], size=self.grid_size, batch=batch, start=0 + ) + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + _, sorted_cluster_indices = torch.sort(cluster) + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + coord = segment_csr(coord[sorted_cluster_indices], idx_ptr, reduce="mean") + feat = segment_csr(feat[sorted_cluster_indices], idx_ptr, reduce="max") + batch = batch[idx_ptr[:-1]] + offset = batch2offset(batch) + return [coord, feat, offset, condition, context], cluster + + +class UnpoolWithSkip(nn.Module): + """ + Map Unpooling with skip connection + """ + + def __init__( + self, + in_channels, + skip_channels, + out_channels, + norm_fn, + bias=True, + skip=True, + backend="map", + ): + super(UnpoolWithSkip, self).__init__() + self.in_channels = in_channels + self.skip_channels = skip_channels + self.out_channels = out_channels + self.skip = skip + self.backend = backend + assert self.backend in ["map", "interp"] + + self.proj_linear = nn.Linear(in_channels, out_channels, bias=bias) + self.proj_norm = norm_fn(out_channels) + self.proj_act = nn.ReLU(inplace=True) + + self.proj_skip_linear = nn.Linear(skip_channels, out_channels, bias=bias) + self.proj_skip_norm = norm_fn(out_channels) + self.proj_skip_act = nn.ReLU(inplace=True) + + def forward(self, points, skip_points, cluster=None): + coord, feat, offset, condition, context = points + skip_coord, skip_feat, skip_offset, _, _ = skip_points + feat = self.proj_act(self.proj_norm(self.proj_linear(feat), condition, context)) + if self.backend == "map" and cluster is not None: + feat = feat[cluster] + else: + feat = pointops.interpolation(coord, skip_coord, feat, offset, skip_offset) + if self.skip: + feat = feat + self.proj_skip_act( + self.proj_skip_norm( + self.proj_skip_linear(skip_feat), condition, context + ) + ) + return [skip_coord, feat, skip_offset, condition, context] + + +class Encoder(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + norm_fn, + grid_size=None, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + ): + super(Encoder, self).__init__() + + self.down = GridPool( + in_channels=in_channels, + out_channels=embed_channels, + grid_size=grid_size, + norm_fn=norm_fn, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + points, cluster = self.down(points) + return self.blocks(points), cluster + + +class Decoder(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + groups, + depth, + norm_fn, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + unpool_backend="map", + ): + super(Decoder, self).__init__() + + self.up = UnpoolWithSkip( + in_channels=in_channels, + out_channels=embed_channels, + skip_channels=skip_channels, + backend=unpool_backend, + norm_fn=norm_fn, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points, skip_points, cluster): + points = self.up(points, skip_points, cluster) + return self.blocks(points) + + +class GVAPatchEmbed(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + norm_fn, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(GVAPatchEmbed, self).__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + self.proj_linear = nn.Linear(in_channels, embed_channels, bias=False) + self.proj_norm = norm_fn(embed_channels) + self.proj_act = nn.ReLU(inplace=True) + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rate, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + coord, feat, offset, condition, context = points + feat = self.proj_act(self.proj_norm(self.proj_linear(feat), condition, context)) + return self.blocks([coord, feat, offset, condition, context]) + + +@MODELS.register_module("PT-v2m3") +class PointTransformerV2(nn.Module): + def __init__( + self, + in_channels, + num_classes, + patch_embed_depth=1, + patch_embed_channels=48, + patch_embed_groups=6, + patch_embed_neighbours=8, + enc_depths=(2, 2, 6, 2), + enc_channels=(96, 192, 384, 512), + enc_groups=(12, 24, 48, 64), + enc_neighbours=(16, 16, 16, 16), + dec_depths=(1, 1, 1, 1), + dec_channels=(48, 96, 192, 384), + dec_groups=(6, 12, 24, 48), + dec_neighbours=(16, 16, 16, 16), + grid_sizes=(0.06, 0.12, 0.24, 0.48), + attn_qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0, + enable_checkpoint=False, + unpool_backend="map", + context_channels=256, + conditions=("ScanNet", "S3DIS", "Structured3D"), + norm_decouple=True, + norm_adaptive=True, + norm_affine=False, + ): + super(PointTransformerV2, self).__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_depths) + assert self.num_stages == len(dec_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(dec_channels) + assert self.num_stages == len(enc_groups) + assert self.num_stages == len(dec_groups) + assert self.num_stages == len(enc_neighbours) + assert self.num_stages == len(dec_neighbours) + assert self.num_stages == len(grid_sizes) + + norm_fn = partial( + PDBatchNorm, + eps=1e-3, + momentum=0.01, + conditions=conditions, + context_channels=context_channels, + decouple=norm_decouple, + adaptive=norm_adaptive, + affine=norm_affine, + ) + + self.patch_embed = GVAPatchEmbed( + in_channels=in_channels, + embed_channels=patch_embed_channels, + groups=patch_embed_groups, + depth=patch_embed_depth, + neighbours=patch_embed_neighbours, + norm_fn=norm_fn, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + enable_checkpoint=enable_checkpoint, + ) + + enc_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(enc_depths)) + ] + dec_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(dec_depths)) + ] + enc_channels = [patch_embed_channels] + list(enc_channels) + dec_channels = list(dec_channels) + [enc_channels[-1]] + self.enc_stages = nn.ModuleList() + self.dec_stages = nn.ModuleList() + for i in range(self.num_stages): + enc = Encoder( + depth=enc_depths[i], + in_channels=enc_channels[i], + embed_channels=enc_channels[i + 1], + groups=enc_groups[i], + grid_size=grid_sizes[i], + neighbours=enc_neighbours[i], + norm_fn=norm_fn, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=enc_dp_rates[ + sum(enc_depths[:i]) : sum(enc_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + ) + dec = Decoder( + depth=dec_depths[i], + in_channels=dec_channels[i + 1], + skip_channels=enc_channels[i], + embed_channels=dec_channels[i], + groups=dec_groups[i], + neighbours=dec_neighbours[i], + norm_fn=norm_fn, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=dec_dp_rates[ + sum(dec_depths[:i]) : sum(dec_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + unpool_backend=unpool_backend, + ) + self.enc_stages.append(enc) + self.dec_stages.append(dec) + self.seg_head = ( + nn.Sequential(nn.Linear(dec_channels[0], num_classes)) + if num_classes > 0 + else nn.Identity() + ) + + def forward(self, data_dict): + coord = data_dict["coord"] + feat = data_dict["feat"] + offset = data_dict["offset"].int() + condition = data_dict["condition"][0] + context = data_dict["context"] if "context" in data_dict.keys() else None + + # a batch of point cloud is a list of coord, feat and offset + points = [coord, feat, offset, condition, context] + points = self.patch_embed(points) + skips = [[points]] + for i in range(self.num_stages): + points, cluster = self.enc_stages[i](points) + skips[-1].append(cluster) # record grid cluster of pooling + skips.append([points]) # record points info of current stage + + points = skips.pop(-1)[0] # unpooling points info in the last enc stage + for i in reversed(range(self.num_stages)): + skip_points, cluster = skips.pop(-1) + points = self.dec_stages[i](points, skip_points, cluster) + coord, feat, offset, _, _ = points + seg_logits = self.seg_head(feat) + return seg_logits diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v3/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v3/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5fe25f32abaf4d60241dcf21507f85a47e46f070 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v3/__init__.py @@ -0,0 +1 @@ +from .point_transformer_v3m1_base import * diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v3/point_transformer_v3m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v3/point_transformer_v3m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..f9f567162dc424324ee5c30a0803fe3ea465f9b1 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/point_transformer_v3/point_transformer_v3m1_base.py @@ -0,0 +1,714 @@ +""" +Point Transformer - V3 Mode1 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from addict import Dict +import math +import torch +import torch.nn as nn +import spconv.pytorch as spconv +import torch_scatter +from timm.models.layers import DropPath + +try: + import flash_attn +except ImportError: + flash_attn = None + +from pointcept.models.point_prompt_training import PDNorm +from pointcept.models.builder import MODELS +from pointcept.models.utils.misc import offset2bincount +from pointcept.models.utils.structure import Point +from pointcept.models.modules import PointModule, PointSequential + + +class RPE(torch.nn.Module): + def __init__(self, patch_size, num_heads): + super().__init__() + self.patch_size = patch_size + self.num_heads = num_heads + self.pos_bnd = int((4 * patch_size) ** (1 / 3) * 2) + self.rpe_num = 2 * self.pos_bnd + 1 + self.rpe_table = torch.nn.Parameter(torch.zeros(3 * self.rpe_num, num_heads)) + torch.nn.init.trunc_normal_(self.rpe_table, std=0.02) + + def forward(self, coord): + idx = ( + coord.clamp(-self.pos_bnd, self.pos_bnd) # clamp into bnd + + self.pos_bnd # relative position to positive index + + torch.arange(3, device=coord.device) * self.rpe_num # x, y, z stride + ) + out = self.rpe_table.index_select(0, idx.reshape(-1)) + out = out.view(idx.shape + (-1,)).sum(3) + out = out.permute(0, 3, 1, 2) # (N, K, K, H) -> (N, H, K, K) + return out + + +class SerializedAttention(PointModule): + def __init__( + self, + channels, + num_heads, + patch_size, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + order_index=0, + enable_rpe=False, + enable_flash=True, + upcast_attention=True, + upcast_softmax=True, + ): + super().__init__() + assert channels % num_heads == 0 + self.channels = channels + self.num_heads = num_heads + self.scale = qk_scale or (channels // num_heads) ** -0.5 + self.order_index = order_index + self.upcast_attention = upcast_attention + self.upcast_softmax = upcast_softmax + self.enable_rpe = enable_rpe + self.enable_flash = enable_flash + if enable_flash: + assert ( + enable_rpe is False + ), "Set enable_rpe to False when enable Flash Attention" + assert ( + upcast_attention is False + ), "Set upcast_attention to False when enable Flash Attention" + assert ( + upcast_softmax is False + ), "Set upcast_softmax to False when enable Flash Attention" + assert flash_attn is not None, "Make sure flash_attn is installed." + self.patch_size = patch_size + self.attn_drop = attn_drop + else: + # when disable flash attention, we still don't want to use mask + # consequently, patch size will auto set to the + # min number of patch_size_max and number of points + self.patch_size_max = patch_size + self.patch_size = 0 + self.attn_drop = torch.nn.Dropout(attn_drop) + + self.qkv = torch.nn.Linear(channels, channels * 3, bias=qkv_bias) + self.proj = torch.nn.Linear(channels, channels) + self.proj_drop = torch.nn.Dropout(proj_drop) + self.softmax = torch.nn.Softmax(dim=-1) + self.rpe = RPE(patch_size, num_heads) if self.enable_rpe else None + + @torch.no_grad() + def get_rel_pos(self, point, order): + K = self.patch_size + rel_pos_key = f"rel_pos_{self.order_index}" + if rel_pos_key not in point.keys(): + grid_coord = point.grid_coord[order] + grid_coord = grid_coord.reshape(-1, K, 3) + point[rel_pos_key] = grid_coord.unsqueeze(2) - grid_coord.unsqueeze(1) + return point[rel_pos_key] + + @torch.no_grad() + def get_padding_and_inverse(self, point): + pad_key = "pad" + unpad_key = "unpad" + cu_seqlens_key = "cu_seqlens_key" + if ( + pad_key not in point.keys() + or unpad_key not in point.keys() + or cu_seqlens_key not in point.keys() + ): + offset = point.offset + bincount = offset2bincount(offset) + bincount_pad = ( + torch.div( + bincount + self.patch_size - 1, + self.patch_size, + rounding_mode="trunc", + ) + * self.patch_size + ) + # only pad point when num of points larger than patch_size + mask_pad = bincount > self.patch_size + bincount_pad = ~mask_pad * bincount + mask_pad * bincount_pad + _offset = nn.functional.pad(offset, (1, 0)) + _offset_pad = nn.functional.pad(torch.cumsum(bincount_pad, dim=0), (1, 0)) + pad = torch.arange(_offset_pad[-1], device=offset.device) + unpad = torch.arange(_offset[-1], device=offset.device) + cu_seqlens = [] + for i in range(len(offset)): + unpad[_offset[i] : _offset[i + 1]] += _offset_pad[i] - _offset[i] + if bincount[i] != bincount_pad[i]: + pad[ + _offset_pad[i + 1] + - self.patch_size + + (bincount[i] % self.patch_size) : _offset_pad[i + 1] + ] = pad[ + _offset_pad[i + 1] + - 2 * self.patch_size + + (bincount[i] % self.patch_size) : _offset_pad[i + 1] + - self.patch_size + ] + pad[_offset_pad[i] : _offset_pad[i + 1]] -= _offset_pad[i] - _offset[i] + cu_seqlens.append( + torch.arange( + _offset_pad[i], + _offset_pad[i + 1], + step=self.patch_size, + dtype=torch.int32, + device=offset.device, + ) + ) + point[pad_key] = pad + point[unpad_key] = unpad + point[cu_seqlens_key] = nn.functional.pad( + torch.concat(cu_seqlens), (0, 1), value=_offset_pad[-1] + ) + return point[pad_key], point[unpad_key], point[cu_seqlens_key] + + def forward(self, point): + if not self.enable_flash: + self.patch_size = min( + offset2bincount(point.offset).min().tolist(), self.patch_size_max + ) + + H = self.num_heads + K = self.patch_size + C = self.channels + + pad, unpad, cu_seqlens = self.get_padding_and_inverse(point) + + order = point.serialized_order[self.order_index][pad] + inverse = unpad[point.serialized_inverse[self.order_index]] + + # padding and reshape feat and batch for serialized point patch + qkv = self.qkv(point.feat)[order] + + if not self.enable_flash: + # encode and reshape qkv: (N', K, 3, H, C') => (3, N', H, K, C') + q, k, v = ( + qkv.reshape(-1, K, 3, H, C // H).permute(2, 0, 3, 1, 4).unbind(dim=0) + ) + # attn + if self.upcast_attention: + q = q.float() + k = k.float() + attn = (q * self.scale) @ k.transpose(-2, -1) # (N', H, K, K) + if self.enable_rpe: + attn = attn + self.rpe(self.get_rel_pos(point, order)) + if self.upcast_softmax: + attn = attn.float() + attn = self.softmax(attn) + attn = self.attn_drop(attn).to(qkv.dtype) + feat = (attn @ v).transpose(1, 2).reshape(-1, C) + else: + feat = flash_attn.flash_attn_varlen_qkvpacked_func( + qkv.half().reshape(-1, 3, H, C // H), + cu_seqlens, + max_seqlen=self.patch_size, + dropout_p=self.attn_drop if self.training else 0, + softmax_scale=self.scale, + ).reshape(-1, C) + feat = feat.to(qkv.dtype) + feat = feat[inverse] + + # ffn + feat = self.proj(feat) + feat = self.proj_drop(feat) + point.feat = feat + return point + + +class MLP(nn.Module): + def __init__( + self, + in_channels, + hidden_channels=None, + out_channels=None, + act_layer=nn.GELU, + drop=0.0, + ): + super().__init__() + out_channels = out_channels or in_channels + hidden_channels = hidden_channels or in_channels + self.fc1 = nn.Linear(in_channels, hidden_channels) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_channels, out_channels) + self.drop = nn.Dropout(drop) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class Block(PointModule): + def __init__( + self, + channels, + num_heads, + patch_size=48, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + drop_path=0.0, + norm_layer=nn.LayerNorm, + act_layer=nn.GELU, + pre_norm=True, + order_index=0, + cpe_indice_key=None, + enable_rpe=False, + enable_flash=True, + upcast_attention=True, + upcast_softmax=True, + ): + super().__init__() + self.channels = channels + self.pre_norm = pre_norm + + self.cpe = PointSequential( + spconv.SubMConv3d( + channels, + channels, + kernel_size=3, + bias=True, + indice_key=cpe_indice_key, + ), + nn.Linear(channels, channels), + norm_layer(channels), + ) + + self.norm1 = PointSequential(norm_layer(channels)) + self.attn = SerializedAttention( + channels=channels, + patch_size=patch_size, + num_heads=num_heads, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + order_index=order_index, + enable_rpe=enable_rpe, + enable_flash=enable_flash, + upcast_attention=upcast_attention, + upcast_softmax=upcast_softmax, + ) + self.norm2 = PointSequential(norm_layer(channels)) + self.mlp = PointSequential( + MLP( + in_channels=channels, + hidden_channels=int(channels * mlp_ratio), + out_channels=channels, + act_layer=act_layer, + drop=proj_drop, + ) + ) + self.drop_path = PointSequential( + DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + ) + + def forward(self, point: Point): + shortcut = point.feat + point = self.cpe(point) + point.feat = shortcut + point.feat + shortcut = point.feat + if self.pre_norm: + point = self.norm1(point) + point = self.drop_path(self.attn(point)) + point.feat = shortcut + point.feat + if not self.pre_norm: + point = self.norm1(point) + + shortcut = point.feat + if self.pre_norm: + point = self.norm2(point) + point = self.drop_path(self.mlp(point)) + point.feat = shortcut + point.feat + if not self.pre_norm: + point = self.norm2(point) + point.sparse_conv_feat = point.sparse_conv_feat.replace_feature(point.feat) + return point + + +class SerializedPooling(PointModule): + def __init__( + self, + in_channels, + out_channels, + stride=2, + norm_layer=None, + act_layer=None, + reduce="max", + shuffle_orders=True, + traceable=True, # record parent and cluster + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + + assert stride == 2 ** (math.ceil(stride) - 1).bit_length() # 2, 4, 8 + # TODO: add support to grid pool (any stride) + self.stride = stride + assert reduce in ["sum", "mean", "min", "max"] + self.reduce = reduce + self.shuffle_orders = shuffle_orders + self.traceable = traceable + + self.proj = nn.Linear(in_channels, out_channels) + if norm_layer is not None: + self.norm = PointSequential(norm_layer(out_channels)) + if act_layer is not None: + self.act = PointSequential(act_layer()) + + def forward(self, point: Point): + pooling_depth = (math.ceil(self.stride) - 1).bit_length() + if pooling_depth > point.serialized_depth: + pooling_depth = 0 + assert { + "serialized_code", + "serialized_order", + "serialized_inverse", + "serialized_depth", + }.issubset( + point.keys() + ), "Run point.serialization() point cloud before SerializedPooling" + + code = point.serialized_code >> pooling_depth * 3 + code_, cluster, counts = torch.unique( + code[0], + sorted=True, + return_inverse=True, + return_counts=True, + ) + # indices of point sorted by cluster, for torch_scatter.segment_csr + _, indices = torch.sort(cluster) + # index pointer for sorted point, for torch_scatter.segment_csr + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + # head_indices of each cluster, for reduce attr e.g. code, batch + head_indices = indices[idx_ptr[:-1]] + # generate down code, order, inverse + code = code[:, head_indices] + order = torch.argsort(code) + inverse = torch.zeros_like(order).scatter_( + dim=1, + index=order, + src=torch.arange(0, code.shape[1], device=order.device).repeat( + code.shape[0], 1 + ), + ) + + if self.shuffle_orders: + perm = torch.randperm(code.shape[0]) + code = code[perm] + order = order[perm] + inverse = inverse[perm] + + # collect information + point_dict = Dict( + feat=torch_scatter.segment_csr( + self.proj(point.feat)[indices], idx_ptr, reduce=self.reduce + ), + coord=torch_scatter.segment_csr( + point.coord[indices], idx_ptr, reduce="mean" + ), + grid_coord=point.grid_coord[head_indices] >> pooling_depth, + serialized_code=code, + serialized_order=order, + serialized_inverse=inverse, + serialized_depth=point.serialized_depth - pooling_depth, + batch=point.batch[head_indices], + ) + + if "condition" in point.keys(): + point_dict["condition"] = point.condition + if "context" in point.keys(): + point_dict["context"] = point.context + + if self.traceable: + point_dict["pooling_inverse"] = cluster + point_dict["pooling_parent"] = point + point = Point(point_dict) + if self.norm is not None: + point = self.norm(point) + if self.act is not None: + point = self.act(point) + point.sparsify() + return point + + +class SerializedUnpooling(PointModule): + def __init__( + self, + in_channels, + skip_channels, + out_channels, + norm_layer=None, + act_layer=None, + traceable=False, # record parent and cluster + ): + super().__init__() + self.proj = PointSequential(nn.Linear(in_channels, out_channels)) + self.proj_skip = PointSequential(nn.Linear(skip_channels, out_channels)) + + if norm_layer is not None: + self.proj.add(norm_layer(out_channels)) + self.proj_skip.add(norm_layer(out_channels)) + + if act_layer is not None: + self.proj.add(act_layer()) + self.proj_skip.add(act_layer()) + + self.traceable = traceable + + def forward(self, point): + assert "pooling_parent" in point.keys() + assert "pooling_inverse" in point.keys() + parent = point.pop("pooling_parent") + inverse = point.pop("pooling_inverse") + point = self.proj(point) + parent = self.proj_skip(parent) + parent.feat = parent.feat + point.feat[inverse] + + if self.traceable: + parent["unpooling_parent"] = point + return parent + + +class Embedding(PointModule): + def __init__( + self, + in_channels, + embed_channels, + norm_layer=None, + act_layer=None, + ): + super().__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + + # TODO: check remove spconv + self.stem = PointSequential( + conv=spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ) + ) + if norm_layer is not None: + self.stem.add(norm_layer(embed_channels), name="norm") + if act_layer is not None: + self.stem.add(act_layer(), name="act") + + def forward(self, point: Point): + point = self.stem(point) + return point + + +@MODELS.register_module("PT-v3m1") +class PointTransformerV3(PointModule): + def __init__( + self, + in_channels=6, + order=("z", "z-trans"), + stride=(2, 2, 2, 2), + enc_depths=(2, 2, 2, 6, 2), + enc_channels=(32, 64, 128, 256, 512), + enc_num_head=(2, 4, 8, 16, 32), + enc_patch_size=(48, 48, 48, 48, 48), + dec_depths=(2, 2, 2, 2), + dec_channels=(64, 64, 128, 256), + dec_num_head=(4, 4, 8, 16), + dec_patch_size=(48, 48, 48, 48), + mlp_ratio=4, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + drop_path=0.3, + pre_norm=True, + shuffle_orders=True, + enable_rpe=False, + enable_flash=True, + upcast_attention=False, + upcast_softmax=False, + cls_mode=False, + pdnorm_bn=False, + pdnorm_ln=False, + pdnorm_decouple=True, + pdnorm_adaptive=False, + pdnorm_affine=True, + pdnorm_conditions=("ScanNet", "S3DIS", "Structured3D"), + ): + super().__init__() + self.num_stages = len(enc_depths) + self.order = [order] if isinstance(order, str) else order + self.cls_mode = cls_mode + self.shuffle_orders = shuffle_orders + + assert self.num_stages == len(stride) + 1 + assert self.num_stages == len(enc_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(enc_num_head) + assert self.num_stages == len(enc_patch_size) + assert self.cls_mode or self.num_stages == len(dec_depths) + 1 + assert self.cls_mode or self.num_stages == len(dec_channels) + 1 + assert self.cls_mode or self.num_stages == len(dec_num_head) + 1 + assert self.cls_mode or self.num_stages == len(dec_patch_size) + 1 + + # norm layers + if pdnorm_bn: + bn_layer = partial( + PDNorm, + norm_layer=partial( + nn.BatchNorm1d, eps=1e-3, momentum=0.01, affine=pdnorm_affine + ), + conditions=pdnorm_conditions, + decouple=pdnorm_decouple, + adaptive=pdnorm_adaptive, + ) + else: + bn_layer = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + if pdnorm_ln: + ln_layer = partial( + PDNorm, + norm_layer=partial(nn.LayerNorm, elementwise_affine=pdnorm_affine), + conditions=pdnorm_conditions, + decouple=pdnorm_decouple, + adaptive=pdnorm_adaptive, + ) + else: + ln_layer = nn.LayerNorm + # activation layers + act_layer = nn.GELU + + self.embedding = Embedding( + in_channels=in_channels, + embed_channels=enc_channels[0], + norm_layer=bn_layer, + act_layer=act_layer, + ) + + # encoder + enc_drop_path = [ + x.item() for x in torch.linspace(0, drop_path, sum(enc_depths)) + ] + self.enc = PointSequential() + for s in range(self.num_stages): + enc_drop_path_ = enc_drop_path[ + sum(enc_depths[:s]) : sum(enc_depths[: s + 1]) + ] + enc = PointSequential() + if s > 0: + enc.add( + SerializedPooling( + in_channels=enc_channels[s - 1], + out_channels=enc_channels[s], + stride=stride[s - 1], + norm_layer=bn_layer, + act_layer=act_layer, + ), + name="down", + ) + for i in range(enc_depths[s]): + enc.add( + Block( + channels=enc_channels[s], + num_heads=enc_num_head[s], + patch_size=enc_patch_size[s], + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + drop_path=enc_drop_path_[i], + norm_layer=ln_layer, + act_layer=act_layer, + pre_norm=pre_norm, + order_index=i % len(self.order), + cpe_indice_key=f"stage{s}", + enable_rpe=enable_rpe, + enable_flash=enable_flash, + upcast_attention=upcast_attention, + upcast_softmax=upcast_softmax, + ), + name=f"block{i}", + ) + if len(enc) != 0: + self.enc.add(module=enc, name=f"enc{s}") + + # decoder + if not self.cls_mode: + dec_drop_path = [ + x.item() for x in torch.linspace(0, drop_path, sum(dec_depths)) + ] + self.dec = PointSequential() + dec_channels = list(dec_channels) + [enc_channels[-1]] + for s in reversed(range(self.num_stages - 1)): + dec_drop_path_ = dec_drop_path[ + sum(dec_depths[:s]) : sum(dec_depths[: s + 1]) + ] + dec_drop_path_.reverse() + dec = PointSequential() + dec.add( + SerializedUnpooling( + in_channels=dec_channels[s + 1], + skip_channels=enc_channels[s], + out_channels=dec_channels[s], + norm_layer=bn_layer, + act_layer=act_layer, + ), + name="up", + ) + for i in range(dec_depths[s]): + dec.add( + Block( + channels=dec_channels[s], + num_heads=dec_num_head[s], + patch_size=dec_patch_size[s], + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + drop_path=dec_drop_path_[i], + norm_layer=ln_layer, + act_layer=act_layer, + pre_norm=pre_norm, + order_index=i % len(self.order), + cpe_indice_key=f"stage{s}", + enable_rpe=enable_rpe, + enable_flash=enable_flash, + upcast_attention=upcast_attention, + upcast_softmax=upcast_softmax, + ), + name=f"block{i}", + ) + self.dec.add(module=dec, name=f"dec{s}") + + def forward(self, data_dict): + point = Point(data_dict) + point.serialization(order=self.order, shuffle_orders=self.shuffle_orders) + point.sparsify() + + point = self.embedding(point) + point = self.enc(point) + if not self.cls_mode: + point = self.dec(point) + # else: + # point.feat = torch_scatter.segment_csr( + # src=point.feat, + # indptr=nn.functional.pad(point.offset, (1, 0)), + # reduce="mean", + # ) + return point diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..aafc3859f43bd47da8cd966a57d4307cc771525f --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/__init__.py @@ -0,0 +1,4 @@ +from .mink_unet import * +from .spconv_unet_v1m1_base import * +from .spconv_unet_v1m2_bn_momentum import * +from .spconv_unet_v1m3_pdnorm import * diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/mink_unet.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/mink_unet.py new file mode 100644 index 0000000000000000000000000000000000000000..1ff8a01d0500abc207b82a8252a8131b5e671469 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/mink_unet.py @@ -0,0 +1,442 @@ +""" +SparseUNet Driven by MinkowskiEngine + +Modified from chrischoy/SpatioTemporalSegmentation + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn + +try: + import MinkowskiEngine as ME +except ImportError: + ME = None + +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +class BasicBlock(nn.Module): + expansion = 1 + + def __init__( + self, + inplanes, + planes, + stride=1, + dilation=1, + downsample=None, + bn_momentum=0.1, + dimension=-1, + ): + super(BasicBlock, self).__init__() + assert dimension > 0 + + self.conv1 = ME.MinkowskiConvolution( + inplanes, + planes, + kernel_size=3, + stride=stride, + dilation=dilation, + dimension=dimension, + ) + self.norm1 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + self.conv2 = ME.MinkowskiConvolution( + planes, + planes, + kernel_size=3, + stride=1, + dilation=dilation, + dimension=dimension, + ) + self.norm2 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + self.relu = ME.MinkowskiReLU(inplace=True) + self.downsample = downsample + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.norm1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.norm2(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class Bottleneck(nn.Module): + expansion = 4 + + def __init__( + self, + inplanes, + planes, + stride=1, + dilation=1, + downsample=None, + bn_momentum=0.1, + dimension=-1, + ): + super(Bottleneck, self).__init__() + assert dimension > 0 + + self.conv1 = ME.MinkowskiConvolution( + inplanes, planes, kernel_size=1, dimension=dimension + ) + self.norm1 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + + self.conv2 = ME.MinkowskiConvolution( + planes, + planes, + kernel_size=3, + stride=stride, + dilation=dilation, + dimension=dimension, + ) + self.norm2 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + + self.conv3 = ME.MinkowskiConvolution( + planes, planes * self.expansion, kernel_size=1, dimension=dimension + ) + self.norm3 = ME.MinkowskiBatchNorm( + planes * self.expansion, momentum=bn_momentum + ) + + self.relu = ME.MinkowskiReLU(inplace=True) + self.downsample = downsample + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.norm1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.norm2(out) + out = self.relu(out) + + out = self.conv3(out) + out = self.norm3(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class MinkUNetBase(nn.Module): + BLOCK = None + PLANES = None + DILATIONS = (1, 1, 1, 1, 1, 1, 1, 1) + LAYERS = (2, 2, 2, 2, 2, 2, 2, 2) + PLANES = (32, 64, 128, 256, 256, 128, 96, 96) + INIT_DIM = 32 + OUT_TENSOR_STRIDE = 1 + + def __init__(self, in_channels, out_channels, dimension=3): + super().__init__() + assert ME is not None, "Please follow `README.md` to install MinkowskiEngine.`" + self.D = dimension + assert self.BLOCK is not None + # Output of the first conv concated to conv6 + self.inplanes = self.INIT_DIM + self.conv0p1s1 = ME.MinkowskiConvolution( + in_channels, self.inplanes, kernel_size=5, dimension=self.D + ) + + self.bn0 = ME.MinkowskiBatchNorm(self.inplanes) + + self.conv1p1s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + self.bn1 = ME.MinkowskiBatchNorm(self.inplanes) + + self.block1 = self._make_layer(self.BLOCK, self.PLANES[0], self.LAYERS[0]) + + self.conv2p2s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + self.bn2 = ME.MinkowskiBatchNorm(self.inplanes) + + self.block2 = self._make_layer(self.BLOCK, self.PLANES[1], self.LAYERS[1]) + + self.conv3p4s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + + self.bn3 = ME.MinkowskiBatchNorm(self.inplanes) + self.block3 = self._make_layer(self.BLOCK, self.PLANES[2], self.LAYERS[2]) + + self.conv4p8s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + self.bn4 = ME.MinkowskiBatchNorm(self.inplanes) + self.block4 = self._make_layer(self.BLOCK, self.PLANES[3], self.LAYERS[3]) + + self.convtr4p16s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[4], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr4 = ME.MinkowskiBatchNorm(self.PLANES[4]) + + self.inplanes = self.PLANES[4] + self.PLANES[2] * self.BLOCK.expansion + self.block5 = self._make_layer(self.BLOCK, self.PLANES[4], self.LAYERS[4]) + self.convtr5p8s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[5], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr5 = ME.MinkowskiBatchNorm(self.PLANES[5]) + + self.inplanes = self.PLANES[5] + self.PLANES[1] * self.BLOCK.expansion + self.block6 = self._make_layer(self.BLOCK, self.PLANES[5], self.LAYERS[5]) + self.convtr6p4s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[6], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr6 = ME.MinkowskiBatchNorm(self.PLANES[6]) + + self.inplanes = self.PLANES[6] + self.PLANES[0] * self.BLOCK.expansion + self.block7 = self._make_layer(self.BLOCK, self.PLANES[6], self.LAYERS[6]) + self.convtr7p2s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[7], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr7 = ME.MinkowskiBatchNorm(self.PLANES[7]) + + self.inplanes = self.PLANES[7] + self.INIT_DIM + self.block8 = self._make_layer(self.BLOCK, self.PLANES[7], self.LAYERS[7]) + + self.final = ME.MinkowskiConvolution( + self.PLANES[7] * self.BLOCK.expansion, + out_channels, + kernel_size=1, + bias=True, + dimension=self.D, + ) + self.relu = ME.MinkowskiReLU(inplace=True) + + self.weight_initialization() + + def weight_initialization(self): + for m in self.modules(): + if isinstance(m, ME.MinkowskiConvolution): + ME.utils.kaiming_normal_(m.kernel, mode="fan_out", nonlinearity="relu") + + if isinstance(m, ME.MinkowskiBatchNorm): + nn.init.constant_(m.bn.weight, 1) + nn.init.constant_(m.bn.bias, 0) + + def _make_layer(self, block, planes, blocks, stride=1, dilation=1, bn_momentum=0.1): + downsample = None + if stride != 1 or self.inplanes != planes * block.expansion: + downsample = nn.Sequential( + ME.MinkowskiConvolution( + self.inplanes, + planes * block.expansion, + kernel_size=1, + stride=stride, + dimension=self.D, + ), + ME.MinkowskiBatchNorm(planes * block.expansion), + ) + layers = [] + layers.append( + block( + self.inplanes, + planes, + stride=stride, + dilation=dilation, + downsample=downsample, + dimension=self.D, + ) + ) + self.inplanes = planes * block.expansion + for i in range(1, blocks): + layers.append( + block( + self.inplanes, planes, stride=1, dilation=dilation, dimension=self.D + ) + ) + + return nn.Sequential(*layers) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + in_field = ME.TensorField( + feat, + coordinates=torch.cat([batch.unsqueeze(-1).int(), grid_coord.int()], dim=1), + quantization_mode=ME.SparseTensorQuantizationMode.UNWEIGHTED_AVERAGE, + minkowski_algorithm=ME.MinkowskiAlgorithm.SPEED_OPTIMIZED, + device=feat.device, + ) + x = in_field.sparse() + + out = self.conv0p1s1(x) + out = self.bn0(out) + out_p1 = self.relu(out) + + out = self.conv1p1s2(out_p1) + out = self.bn1(out) + out = self.relu(out) + out_b1p2 = self.block1(out) + + out = self.conv2p2s2(out_b1p2) + out = self.bn2(out) + out = self.relu(out) + out_b2p4 = self.block2(out) + + out = self.conv3p4s2(out_b2p4) + out = self.bn3(out) + out = self.relu(out) + out_b3p8 = self.block3(out) + + # tensor_stride=16 + out = self.conv4p8s2(out_b3p8) + out = self.bn4(out) + out = self.relu(out) + out = self.block4(out) + + # tensor_stride=8 + out = self.convtr4p16s2(out) + out = self.bntr4(out) + out = self.relu(out) + + out = ME.cat(out, out_b3p8) + out = self.block5(out) + + # tensor_stride=4 + out = self.convtr5p8s2(out) + out = self.bntr5(out) + out = self.relu(out) + + out = ME.cat(out, out_b2p4) + out = self.block6(out) + + # tensor_stride=2 + out = self.convtr6p4s2(out) + out = self.bntr6(out) + out = self.relu(out) + + out = ME.cat(out, out_b1p2) + out = self.block7(out) + + # tensor_stride=1 + out = self.convtr7p2s2(out) + out = self.bntr7(out) + out = self.relu(out) + + out = ME.cat(out, out_p1) + out = self.block8(out) + + return self.final(out).slice(in_field).F + + +@MODELS.register_module() +class MinkUNet14(MinkUNetBase): + BLOCK = BasicBlock + LAYERS = (1, 1, 1, 1, 1, 1, 1, 1) + + +@MODELS.register_module() +class MinkUNet18(MinkUNetBase): + BLOCK = BasicBlock + LAYERS = (2, 2, 2, 2, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet34(MinkUNetBase): + BLOCK = BasicBlock + LAYERS = (2, 3, 4, 6, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet50(MinkUNetBase): + BLOCK = Bottleneck + LAYERS = (2, 3, 4, 6, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet101(MinkUNetBase): + BLOCK = Bottleneck + LAYERS = (2, 3, 4, 23, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet14A(MinkUNet14): + PLANES = (32, 64, 128, 256, 128, 128, 96, 96) + + +@MODELS.register_module() +class MinkUNet14B(MinkUNet14): + PLANES = (32, 64, 128, 256, 128, 128, 128, 128) + + +@MODELS.register_module() +class MinkUNet14C(MinkUNet14): + PLANES = (32, 64, 128, 256, 192, 192, 128, 128) + + +@MODELS.register_module() +class MinkUNet14D(MinkUNet14): + PLANES = (32, 64, 128, 256, 384, 384, 384, 384) + + +@MODELS.register_module() +class MinkUNet18A(MinkUNet18): + PLANES = (32, 64, 128, 256, 128, 128, 96, 96) + + +@MODELS.register_module() +class MinkUNet18B(MinkUNet18): + PLANES = (32, 64, 128, 256, 128, 128, 128, 128) + + +@MODELS.register_module() +class MinkUNet18D(MinkUNet18): + PLANES = (32, 64, 128, 256, 384, 384, 384, 384) + + +@MODELS.register_module() +class MinkUNet34A(MinkUNet34): + PLANES = (32, 64, 128, 256, 256, 128, 96, 96) + + +@MODELS.register_module() +class MinkUNet34B(MinkUNet34): + PLANES = (32, 64, 128, 256, 256, 128, 64, 32) + + +@MODELS.register_module() +class MinkUNet34C(MinkUNet34): + PLANES = (32, 64, 128, 256, 256, 128, 96, 96) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..dfcacb00b8dfb8a38aa9ab6968b0c9c63a63301c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m1_base.py @@ -0,0 +1,463 @@ +""" +SparseUNet Driven by SpConv (recommend) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn + +import spconv.pytorch as spconv +from torch_geometric.utils import scatter + +from timm.models.layers import trunc_normal_ + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch + + +class BasicBlock(spconv.SparseModule): + expansion = 1 + + def __init__( + self, + in_channels, + embed_channels, + stride=1, + norm_fn=None, + indice_key=None, + bias=False, + ): + super().__init__() + + assert norm_fn is not None + + if in_channels == embed_channels: + self.proj = spconv.SparseSequential(nn.Identity()) + else: + self.proj = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, embed_channels, kernel_size=1, bias=False + ), + norm_fn(embed_channels), + ) + + self.conv1 = spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn1 = norm_fn(embed_channels) + self.relu = nn.ReLU() + self.conv2 = spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn2 = norm_fn(embed_channels) + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = out.replace_feature(self.bn1(out.features)) + out = out.replace_feature(self.relu(out.features)) + + out = self.conv2(out) + out = out.replace_feature(self.bn2(out.features)) + + out = out.replace_feature(out.features + self.proj(residual).features) + out = out.replace_feature(self.relu(out.features)) + + return out + + +@MODELS.register_module("SpUNet-v1m1") +class SpUNetBase(nn.Module): + def __init__( + self, + in_channels, + num_classes, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + cls_mode=False, + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.num_classes = num_classes + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + self.cls_mode = cls_mode + + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + block = BasicBlock + + self.conv_input = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + base_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ), + norm_fn(base_channels), + nn.ReLU(), + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() if not self.cls_mode else None + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + spconv.SparseSequential( + spconv.SparseConv3d( + enc_channels, + channels[s], + kernel_size=2, + stride=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(channels[s]), + nn.ReLU(), + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + if not self.cls_mode: + # decode num_stages + self.up.append( + spconv.SparseSequential( + spconv.SparseInverseConv3d( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(dec_channels), + nn.ReLU(), + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels + enc_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + final_in_channels = ( + channels[-1] if not self.cls_mode else channels[self.num_stages - 1] + ) + self.final = ( + spconv.SubMConv3d( + final_in_channels, num_classes, kernel_size=1, padding=1, bias=True + ) + if num_classes > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + def forward(self, input_dict): + grid_coord = input_dict["grid_coord"] + feat = input_dict["feat"] + offset = input_dict["offset"] + + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 96).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input(x) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s](x) + x = self.enc[s](x) + skips.append(x) + x = skips.pop(-1) + if not self.cls_mode: + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s](x) + skip = skips.pop(-1) + x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x = self.dec[s](x) + + x = self.final(x) + if self.cls_mode: + x = x.replace_feature( + scatter(x.features, x.indices[:, 0].long(), reduce="mean", dim=0) + ) + return x.features + + +@MODELS.register_module() +class SpUNetNoSkipBase(nn.Module): + def __init__( + self, + in_channels, + out_channels, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.out_channels = out_channels + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + block = BasicBlock + + self.conv_input = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + base_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ), + norm_fn(base_channels), + nn.ReLU(), + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + spconv.SparseSequential( + spconv.SparseConv3d( + enc_channels, + channels[s], + kernel_size=2, + stride=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(channels[s]), + nn.ReLU(), + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + + # decode num_stages + self.up.append( + spconv.SparseSequential( + spconv.SparseInverseConv3d( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(dec_channels), + nn.ReLU(), + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + self.final = ( + spconv.SubMConv3d( + channels[-1], out_channels, kernel_size=1, padding=1, bias=True + ) + if out_channels > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 1).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input(x) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s](x) + x = self.enc[s](x) + skips.append(x) + x = skips.pop(-1) + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s](x) + # skip = skips.pop(-1) + # x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x = self.dec[s](x) + + x = self.final(x) + return x.features diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m2_bn_momentum.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m2_bn_momentum.py new file mode 100644 index 0000000000000000000000000000000000000000..979b1b8b5488d6c55bbc20ad0cede5002c8a5c67 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m2_bn_momentum.py @@ -0,0 +1,290 @@ +""" +SparseUNet Driven by SpConv (recommend) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn + +try: + import spconv.pytorch as spconv +except ImportError: + import warnings + + warnings.warn("Please follow `README.md` to install spconv2.`") + +from timm.models.layers import trunc_normal_ +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +class BasicBlock(spconv.SparseModule): + expansion = 1 + + def __init__( + self, + in_channels, + embed_channels, + stride=1, + norm_fn=None, + indice_key=None, + bias=False, + ): + super().__init__() + + assert norm_fn is not None + + if in_channels == embed_channels: + self.proj = spconv.SparseSequential(nn.Identity()) + else: + self.proj = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, embed_channels, kernel_size=1, bias=False + ), + norm_fn(embed_channels, momentum=0.02), + ) + + self.conv1 = spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn1 = norm_fn(embed_channels) + self.relu = nn.ReLU() + self.conv2 = spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn2 = norm_fn(embed_channels) + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = out.replace_feature(self.bn1(out.features)) + out = out.replace_feature(self.relu(out.features)) + + out = self.conv2(out) + out = out.replace_feature(self.bn2(out.features)) + + out = out.replace_feature(out.features + self.proj(residual).features) + out = out.replace_feature(self.relu(out.features)) + + return out + + +@MODELS.register_module("SpUNet-v1m2") +class SpUNetBase(nn.Module): + def __init__( + self, + in_channels, + num_classes, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + bn_momentum=0.1, + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.num_classes = num_classes + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + + norm_fn = partial(nn.BatchNorm1d, eps=1e-5, momentum=bn_momentum) + block = BasicBlock + + self.conv_input = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + base_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ), + norm_fn(base_channels, momentum=0.02), + nn.ReLU(), + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + spconv.SparseSequential( + spconv.SparseConv3d( + enc_channels, + channels[s], + kernel_size=2, + stride=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(channels[s], momentum=0.02), + nn.ReLU(), + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + + # decode num_stages + self.up.append( + spconv.SparseSequential( + spconv.SparseInverseConv3d( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(dec_channels, momentum=0.02), + nn.ReLU(), + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels + enc_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + self.final = ( + spconv.SubMConv3d( + channels[-1], num_classes, kernel_size=1, padding=1, bias=True + ) + if num_classes > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 1).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input(x) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s](x) + x = self.enc[s](x) + skips.append(x) + x = skips.pop(-1) + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s](x) + skip = skips.pop(-1) + x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x = self.dec[s](x) + + x = self.final(x) + return x.features diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m3_pdnorm.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m3_pdnorm.py new file mode 100644 index 0000000000000000000000000000000000000000..968f8f2c5a19cf016f9427812a8071ca83d612d5 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/sparse_unet/spconv_unet_v1m3_pdnorm.py @@ -0,0 +1,429 @@ +""" +SparseUNet V1M3 + +Enable Prompt-Driven Normalization for Point Prompt Training + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn + +import spconv.pytorch as spconv +from torch_geometric.utils import scatter + +from timm.models.layers import trunc_normal_ + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch + + +class PDBatchNorm(torch.nn.Module): + def __init__( + self, + num_features, + context_channels=256, + eps=1e-3, + momentum=0.01, + conditions=("ScanNet", "S3DIS", "Structured3D"), + decouple=True, + adaptive=False, + affine=True, + ): + super().__init__() + self.conditions = conditions + self.decouple = decouple + self.adaptive = adaptive + self.affine = affine + if self.decouple: + self.bns = nn.ModuleList( + [ + nn.BatchNorm1d( + num_features=num_features, + eps=eps, + momentum=momentum, + affine=affine, + ) + for _ in conditions + ] + ) + else: + self.bn = nn.BatchNorm1d( + num_features=num_features, eps=eps, momentum=momentum, affine=affine + ) + if self.adaptive: + self.modulation = nn.Sequential( + nn.SiLU(), nn.Linear(context_channels, 2 * num_features, bias=True) + ) + + def forward(self, feat, condition=None, context=None): + if self.decouple: + assert condition in self.conditions + bn = self.bns[self.conditions.index(condition)] + else: + bn = self.bn + feat = bn(feat) + if self.adaptive: + assert context is not None + shift, scale = self.modulation(context).chunk(2, dim=1) + feat = feat * (1.0 + scale) + shift + return feat + + +class BasicBlock(spconv.SparseModule): + expansion = 1 + + def __init__( + self, + in_channels, + embed_channels, + stride=1, + norm_fn=None, + indice_key=None, + bias=False, + ): + super().__init__() + + assert norm_fn is not None + + self.in_channels = in_channels + self.embed_channels = embed_channels + if in_channels == embed_channels: + self.proj = spconv.SparseSequential(nn.Identity()) + else: + # TODO remove norm after project + self.proj_conv = spconv.SubMConv3d( + in_channels, embed_channels, kernel_size=1, bias=False + ) + self.proj_norm = norm_fn(embed_channels) + + self.conv1 = spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn1 = norm_fn(embed_channels) + self.relu = nn.ReLU() + self.conv2 = spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn2 = norm_fn(embed_channels) + self.stride = stride + + def forward(self, x): + x, condition, context = x + residual = x + + out = self.conv1(x) + out = out.replace_feature(self.bn1(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + + out = self.conv2(out) + out = out.replace_feature(self.bn2(out.features, condition, context)) + + if self.in_channels == self.embed_channels: + residual = self.proj(residual) + else: + residual = residual.replace_feature( + self.proj_norm(self.proj_conv(residual).features, condition, context) + ) + out = out.replace_feature(out.features + residual.features) + out = out.replace_feature(self.relu(out.features)) + return out, condition, context + + +class SPConvDown(nn.Module): + def __init__( + self, + in_channels, + out_channels, + indice_key, + kernel_size=2, + bias=False, + norm_fn=None, + ): + super().__init__() + self.conv = spconv.SparseConv3d( + in_channels, + out_channels, + kernel_size=kernel_size, + stride=kernel_size, + bias=bias, + indice_key=indice_key, + ) + self.bn = norm_fn(out_channels) + self.relu = nn.ReLU() + + def forward(self, x): + x, condition, context = x + out = self.conv(x) + out = out.replace_feature(self.bn(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + return out + + +class SPConvUp(nn.Module): + def __init__( + self, + in_channels, + out_channels, + indice_key, + kernel_size=2, + bias=False, + norm_fn=None, + ): + super().__init__() + self.conv = spconv.SparseInverseConv3d( + in_channels, + out_channels, + kernel_size=kernel_size, + bias=bias, + indice_key=indice_key, + ) + self.bn = norm_fn(out_channels) + self.relu = nn.ReLU() + + def forward(self, x): + x, condition, context = x + out = self.conv(x) + out = out.replace_feature(self.bn(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + return out + + +class SPConvPatchEmbedding(nn.Module): + def __init__(self, in_channels, out_channels, kernel_size=5, norm_fn=None): + super().__init__() + self.conv = spconv.SubMConv3d( + in_channels, + out_channels, + kernel_size=kernel_size, + padding=1, + bias=False, + indice_key="stem", + ) + self.bn = norm_fn(out_channels) + self.relu = nn.ReLU() + + def forward(self, x): + x, condition, context = x + out = self.conv(x) + out = out.replace_feature(self.bn(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + return out + + +@MODELS.register_module("SpUNet-v1m3") +class SpUNetBase(nn.Module): + def __init__( + self, + in_channels, + num_classes=0, + base_channels=32, + context_channels=256, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + cls_mode=False, + conditions=("ScanNet", "S3DIS", "Structured3D"), + zero_init=True, + norm_decouple=True, + norm_adaptive=True, + norm_affine=False, + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.num_classes = num_classes + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + self.cls_mode = cls_mode + self.conditions = conditions + self.zero_init = zero_init + + norm_fn = partial( + PDBatchNorm, + eps=1e-3, + momentum=0.01, + conditions=conditions, + context_channels=context_channels, + decouple=norm_decouple, + adaptive=norm_adaptive, + affine=norm_affine, + ) + block = BasicBlock + + self.conv_input = SPConvPatchEmbedding( + in_channels, base_channels, kernel_size=5, norm_fn=norm_fn + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() if not self.cls_mode else None + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + SPConvDown( + enc_channels, + channels[s], + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + norm_fn=norm_fn, + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + if not self.cls_mode: + # decode num_stages + self.up.append( + SPConvUp( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + norm_fn=norm_fn, + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels + enc_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + final_in_channels = ( + channels[-1] if not self.cls_mode else channels[self.num_stages - 1] + ) + self.final = ( + spconv.SubMConv3d( + final_in_channels, num_classes, kernel_size=1, padding=1, bias=True + ) + if num_classes > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + if m.affine: + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, PDBatchNorm): + if self.zero_init: + nn.init.constant_(m.modulation[-1].weight, 0) + nn.init.constant_(m.modulation[-1].bias, 0) + + def forward(self, input_dict): + grid_coord = input_dict["grid_coord"] + feat = input_dict["feat"] + offset = input_dict["offset"] + condition = input_dict["condition"][0] + context = input_dict["context"] if "context" in input_dict.keys() else None + + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 96).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input([x, condition, context]) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s]([x, condition, context]) + x, _, _ = self.enc[s]([x, condition, context]) + skips.append(x) + x = skips.pop(-1) + if not self.cls_mode: + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s]([x, condition, context]) + skip = skips.pop(-1) + x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x, _, _ = self.dec[s]([x, condition, context]) + + x = self.final(x) + if self.cls_mode: + x = x.replace_feature( + scatter(x.features, x.indices[:, 0].long(), reduce="mean", dim=0) + ) + return x.features diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/spvcnn/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/spvcnn/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ecdc75a6878026437124c187323ca9676bf35c76 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/spvcnn/__init__.py @@ -0,0 +1 @@ +from .ts_spvcnn import * diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/spvcnn/ts_spvcnn.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/spvcnn/ts_spvcnn.py new file mode 100644 index 0000000000000000000000000000000000000000..c26f1ea8d41a8edfbd1542b0f9e607e660441b38 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/spvcnn/ts_spvcnn.py @@ -0,0 +1,438 @@ +""" +SPVCNN + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn + +try: + import torchsparse + import torchsparse.nn as spnn + import torchsparse.nn.functional as F + from torchsparse.nn.utils import get_kernel_offsets + from torchsparse import PointTensor, SparseTensor +except ImportError: + torchsparse = None + + +from pointcept.models.utils import offset2batch +from pointcept.models.builder import MODELS + + +def initial_voxelize(z): + pc_hash = F.sphash(torch.floor(z.C).int()) + sparse_hash = torch.unique(pc_hash) + idx_query = F.sphashquery(pc_hash, sparse_hash) + counts = F.spcount(idx_query.int(), len(sparse_hash)) + + inserted_coords = F.spvoxelize(torch.floor(z.C), idx_query, counts) + inserted_coords = torch.round(inserted_coords).int() + inserted_feat = F.spvoxelize(z.F, idx_query, counts) + + new_tensor = SparseTensor(inserted_feat, inserted_coords, 1) + new_tensor.cmaps.setdefault(new_tensor.stride, new_tensor.coords) + z.additional_features["idx_query"][1] = idx_query + z.additional_features["counts"][1] = counts + return new_tensor + + +# x: SparseTensor, z: PointTensor +# return: SparseTensor +def point_to_voxel(x, z): + if ( + z.additional_features is None + or z.additional_features.get("idx_query") is None + or z.additional_features["idx_query"].get(x.s) is None + ): + pc_hash = F.sphash( + torch.cat( + [ + torch.floor(z.C[:, :3] / x.s[0]).int() * x.s[0], + z.C[:, -1].int().view(-1, 1), + ], + 1, + ) + ) + sparse_hash = F.sphash(x.C) + idx_query = F.sphashquery(pc_hash, sparse_hash) + counts = F.spcount(idx_query.int(), x.C.shape[0]) + z.additional_features["idx_query"][x.s] = idx_query + z.additional_features["counts"][x.s] = counts + else: + idx_query = z.additional_features["idx_query"][x.s] + counts = z.additional_features["counts"][x.s] + + inserted_feat = F.spvoxelize(z.F, idx_query, counts) + new_tensor = SparseTensor(inserted_feat, x.C, x.s) + new_tensor.cmaps = x.cmaps + new_tensor.kmaps = x.kmaps + + return new_tensor + + +# x: SparseTensor, z: PointTensor +# return: PointTensor +def voxel_to_point(x, z, nearest=False): + if ( + z.idx_query is None + or z.weights is None + or z.idx_query.get(x.s) is None + or z.weights.get(x.s) is None + ): + off = spnn.utils.get_kernel_offsets(2, x.s, 1, device=z.F.device) + old_hash = F.sphash( + torch.cat( + [ + torch.floor(z.C[:, :3] / x.s[0]).int() * x.s[0], + z.C[:, -1].int().view(-1, 1), + ], + 1, + ), + off, + ) + pc_hash = F.sphash(x.C.to(z.F.device)) + idx_query = F.sphashquery(old_hash, pc_hash) + weights = ( + F.calc_ti_weights(z.C, idx_query, scale=x.s[0]).transpose(0, 1).contiguous() + ) + idx_query = idx_query.transpose(0, 1).contiguous() + if nearest: + weights[:, 1:] = 0.0 + idx_query[:, 1:] = -1 + new_feat = F.spdevoxelize(x.F, idx_query, weights) + new_tensor = PointTensor( + new_feat, z.C, idx_query=z.idx_query, weights=z.weights + ) + new_tensor.additional_features = z.additional_features + new_tensor.idx_query[x.s] = idx_query + new_tensor.weights[x.s] = weights + z.idx_query[x.s] = idx_query + z.weights[x.s] = weights + + else: + new_feat = F.spdevoxelize(x.F, z.idx_query.get(x.s), z.weights.get(x.s)) + new_tensor = PointTensor( + new_feat, z.C, idx_query=z.idx_query, weights=z.weights + ) + new_tensor.additional_features = z.additional_features + + return new_tensor + + +class BasicConvolutionBlock(nn.Module): + def __init__(self, inc, outc, ks=3, stride=1, dilation=1): + super().__init__() + self.net = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=ks, dilation=dilation, stride=stride), + spnn.BatchNorm(outc), + spnn.ReLU(True), + ) + + def forward(self, x): + out = self.net(x) + return out + + +class BasicDeconvolutionBlock(nn.Module): + def __init__(self, inc, outc, ks=3, stride=1): + super().__init__() + self.net = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=ks, stride=stride, transposed=True), + spnn.BatchNorm(outc), + spnn.ReLU(True), + ) + + def forward(self, x): + return self.net(x) + + +class ResidualBlock(nn.Module): + def __init__(self, inc, outc, ks=3, stride=1, dilation=1): + super().__init__() + self.net = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=ks, dilation=dilation, stride=stride), + spnn.BatchNorm(outc), + spnn.ReLU(True), + spnn.Conv3d(outc, outc, kernel_size=ks, dilation=dilation, stride=1), + spnn.BatchNorm(outc), + ) + + if inc == outc and stride == 1: + self.downsample = nn.Identity() + else: + self.downsample = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=1, dilation=1, stride=stride), + spnn.BatchNorm(outc), + ) + + self.relu = spnn.ReLU(True) + + def forward(self, x): + out = self.relu(self.net(x) + self.downsample(x)) + return out + + +@MODELS.register_module() +class SPVCNN(nn.Module): + def __init__( + self, + in_channels, + out_channels, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 2, 2, 2, 2, 2, 2, 2), + ): # not implement + super().__init__() + + assert ( + torchsparse is not None + ), "Please follow `README.md` to install torchsparse.`" + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.out_channels = out_channels + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + + self.stem = nn.Sequential( + spnn.Conv3d(in_channels, base_channels, kernel_size=3, stride=1), + spnn.BatchNorm(base_channels), + spnn.ReLU(True), + spnn.Conv3d(base_channels, base_channels, kernel_size=3, stride=1), + spnn.BatchNorm(base_channels), + spnn.ReLU(True), + ) + + self.stage1 = nn.Sequential( + *[ + BasicConvolutionBlock( + base_channels, base_channels, ks=2, stride=2, dilation=1 + ), + ResidualBlock(base_channels, channels[0], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[0], channels[0], ks=3, stride=1, dilation=1) + for _ in range(layers[0] - 1) + ] + ) + + self.stage2 = nn.Sequential( + *[ + BasicConvolutionBlock( + channels[0], channels[0], ks=2, stride=2, dilation=1 + ), + ResidualBlock(channels[0], channels[1], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[1], channels[1], ks=3, stride=1, dilation=1) + for _ in range(layers[1] - 1) + ] + ) + + self.stage3 = nn.Sequential( + *[ + BasicConvolutionBlock( + channels[1], channels[1], ks=2, stride=2, dilation=1 + ), + ResidualBlock(channels[1], channels[2], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[2], channels[2], ks=3, stride=1, dilation=1) + for _ in range(layers[2] - 1) + ] + ) + + self.stage4 = nn.Sequential( + *[ + BasicConvolutionBlock( + channels[2], channels[2], ks=2, stride=2, dilation=1 + ), + ResidualBlock(channels[2], channels[3], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[3], channels[3], ks=3, stride=1, dilation=1) + for _ in range(layers[3] - 1) + ] + ) + + self.up1 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[3], channels[4], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[4] + channels[2], + channels[4], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[4], channels[4], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[4] - 1) + ] + ), + ] + ) + + self.up2 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[4], channels[5], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[5] + channels[1], + channels[5], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[5], channels[5], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[5] - 1) + ] + ), + ] + ) + + self.up3 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[5], channels[6], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[6] + channels[0], + channels[6], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[6], channels[6], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[6] - 1) + ] + ), + ] + ) + + self.up4 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[6], channels[7], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[7] + base_channels, + channels[7], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[7], channels[7], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[7] - 1) + ] + ), + ] + ) + + self.classifier = nn.Sequential(nn.Linear(channels[7], out_channels)) + + self.point_transforms = nn.ModuleList( + [ + nn.Sequential( + nn.Linear(base_channels, channels[3]), + nn.BatchNorm1d(channels[3]), + nn.ReLU(True), + ), + nn.Sequential( + nn.Linear(channels[3], channels[5]), + nn.BatchNorm1d(channels[5]), + nn.ReLU(True), + ), + nn.Sequential( + nn.Linear(channels[5], channels[7]), + nn.BatchNorm1d(channels[7]), + nn.ReLU(True), + ), + ] + ) + + self.weight_initialization() + self.dropout = nn.Dropout(0.3, True) + + def weight_initialization(self): + for m in self.modules(): + if isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.weight, 1) + nn.init.constant_(m.bias, 0) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + + # x: SparseTensor z: PointTensor + z = PointTensor( + feat, + torch.cat( + [grid_coord.float(), batch.unsqueeze(-1).float()], dim=1 + ).contiguous(), + ) + x0 = initial_voxelize(z) + + x0 = self.stem(x0) + z0 = voxel_to_point(x0, z, nearest=False) + z0.F = z0.F + + x1 = point_to_voxel(x0, z0) + x1 = self.stage1(x1) + x2 = self.stage2(x1) + x3 = self.stage3(x2) + x4 = self.stage4(x3) + z1 = voxel_to_point(x4, z0) + z1.F = z1.F + self.point_transforms[0](z0.F) + + y1 = point_to_voxel(x4, z1) + y1.F = self.dropout(y1.F) + y1 = self.up1[0](y1) + y1 = torchsparse.cat([y1, x3]) + y1 = self.up1[1](y1) + + y2 = self.up2[0](y1) + y2 = torchsparse.cat([y2, x2]) + y2 = self.up2[1](y2) + z2 = voxel_to_point(y2, z1) + z2.F = z2.F + self.point_transforms[1](z1.F) + + y3 = point_to_voxel(y2, z2) + y3.F = self.dropout(y3.F) + y3 = self.up3[0](y3) + y3 = torchsparse.cat([y3, x1]) + y3 = self.up3[1](y3) + + y4 = self.up4[0](y3) + y4 = torchsparse.cat([y4, x0]) + y4 = self.up4[1](y4) + z3 = voxel_to_point(y4, z2) + z3.F = z3.F + self.point_transforms[2](z2.F) + + out = self.classifier(z3.F) + return out diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..24712d2bc0fe76a52a273172fe9c4f37c807a6c3 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/__init__.py @@ -0,0 +1,2 @@ +from .stratified_transformer_v1m1_origin import StratifiedTransformer +from .stratified_transformer_v1m2_refine import StratifiedTransformer diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/stratified_transformer_v1m1_origin.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/stratified_transformer_v1m1_origin.py new file mode 100644 index 0000000000000000000000000000000000000000..5bf18f71298efa1e96f0697c96e26d2127140c36 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/stratified_transformer_v1m1_origin.py @@ -0,0 +1,830 @@ +import torch +import torch.nn as nn + +try: + import torch_points_kernels as tp +except ImportError: + tp = None + +try: + from torch_points3d.modules.KPConv.kernels import KPConvLayer + from torch_points3d.core.common_modules import FastBatchNorm1d +except ImportError: + KPConvLayer = None + FastBatchNorm1d = None + +from torch_scatter import scatter_softmax +from timm.models.layers import DropPath, trunc_normal_ +from torch_geometric.nn.pool import voxel_grid + +try: + import pointops2.pointops as pointops +except ImportError: + pointops = None + +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +def get_indice_pairs( + p2v_map, counts, new_p2v_map, new_counts, downsample_idx, batch, xyz, window_size, i +): + # p2v_map: [n, k] + # counts: [n, ] + + n, k = p2v_map.shape + mask = torch.arange(k).unsqueeze(0).cuda() < counts.unsqueeze(-1) # [n, k] + mask_mat = mask.unsqueeze(-1) & mask.unsqueeze(-2) # [n, k, k] + index_0 = p2v_map.unsqueeze(-1).expand(-1, -1, k)[mask_mat] # [M, ] + index_1 = p2v_map.unsqueeze(1).expand(-1, k, -1)[mask_mat] # [M, ] + + downsample_mask = torch.zeros_like(batch).bool() # [N, ] + downsample_mask[downsample_idx.long()] = True + + downsample_mask = downsample_mask[new_p2v_map] # [n, k] + n, k = new_p2v_map.shape + mask = torch.arange(k).unsqueeze(0).cuda() < new_counts.unsqueeze(-1) # [n, k] + downsample_mask = downsample_mask & mask + mask_mat = mask.unsqueeze(-1) & downsample_mask.unsqueeze(-2) # [n, k, k] + xyz_min = xyz.min(0)[0] + if i % 2 == 0: + window_coord = (xyz[new_p2v_map] - xyz_min) // window_size # [n, k, 3] + else: + window_coord = ( + xyz[new_p2v_map] + 1 / 2 * window_size - xyz_min + ) // window_size # [n, k, 3] + + mask_mat_prev = (window_coord.unsqueeze(2) != window_coord.unsqueeze(1)).any( + -1 + ) # [n, k, k] + mask_mat = mask_mat & mask_mat_prev # [n, k, k] + + new_index_0 = new_p2v_map.unsqueeze(-1).expand(-1, -1, k)[mask_mat] # [M, ] + new_index_1 = new_p2v_map.unsqueeze(1).expand(-1, k, -1)[mask_mat] # [M, ] + + index_0 = torch.cat([index_0, new_index_0], 0) + index_1 = torch.cat([index_1, new_index_1], 0) + return index_0, index_1 + + +def grid_sample(pos, batch, size, start, return_p2v=True): + # pos: float [N, 3] + # batch: long [N] + # size: float [3, ] + # start: float [3, ] / None + + cluster = voxel_grid(pos, batch, size, start=start) # [N, ] + + if return_p2v == False: + unique, cluster = torch.unique(cluster, sorted=True, return_inverse=True) + return cluster + + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + + # obtain p2v_map + n = unique.shape[0] + k = counts.max().item() + p2v_map = cluster.new_zeros(n, k) # [n, k] + mask = torch.arange(k).cuda().unsqueeze(0) < counts.unsqueeze(-1) # [n, k] + p2v_map[mask] = torch.argsort(cluster) + + return cluster, p2v_map, counts + + +class Mlp(nn.Module): + """Multilayer perceptron.""" + + def __init__( + self, + in_features, + hidden_features=None, + out_features=None, + act_layer=nn.GELU, + drop=0.0, + ): + super().__init__() + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.fc1 = nn.Linear(in_features, hidden_features) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_features, out_features) + self.drop = nn.Dropout(drop, inplace=True) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class TransitionDown(nn.Module): + def __init__(self, in_channels, out_channels, ratio, k, norm_layer=nn.LayerNorm): + super().__init__() + self.ratio = ratio + self.k = k + self.norm = norm_layer(in_channels) if norm_layer else None + self.linear = nn.Linear(in_channels, out_channels, bias=False) + self.pool = nn.MaxPool1d(k) + + def forward(self, feats, xyz, offset): + n_offset, count = [int(offset[0].item() * self.ratio) + 1], int( + offset[0].item() * self.ratio + ) + 1 + for i in range(1, offset.shape[0]): + count += ((offset[i].item() - offset[i - 1].item()) * self.ratio) + 1 + n_offset.append(count) + n_offset = torch.cuda.IntTensor(n_offset) + idx = pointops.furthestsampling(xyz, offset, n_offset) # (m) + n_xyz = xyz[idx.long(), :] # (m, 3) + + feats = pointops.queryandgroup( + self.k, xyz, n_xyz, feats, None, offset, n_offset, use_xyz=False + ) # (m, nsample, 3+c) + m, k, c = feats.shape + feats = ( + self.linear(self.norm(feats.view(m * k, c)).view(m, k, c)) + .transpose(1, 2) + .contiguous() + ) + feats = self.pool(feats).squeeze(-1) # (m, c) + + return feats, n_xyz, n_offset + + +class WindowAttention(nn.Module): + """Window based multi-head self attention (W-MSA) module with relative position bias. + It supports both of shifted and non-shifted window. + + Args: + dim (int): Number of input channels. + window_size (tuple[int]): The height and width of the window. + num_heads (int): Number of attention heads. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set + attn_drop (float, optional): Dropout ratio of attention weight. Default: 0.0 + proj_drop (float, optional): Dropout ratio of output. Default: 0.0 + """ + + def __init__( + self, + dim, + window_size, + num_heads, + quant_size, + rel_query=True, + rel_key=False, + rel_value=False, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + ): + super().__init__() + self.dim = dim + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim**-0.5 + self.window_size = window_size + + self.quant_size = quant_size + self.rel_query = rel_query + self.rel_key = rel_key + self.rel_value = rel_value + + quant_grid_length = int((2 * window_size + 1e-4) // quant_size) + + if rel_query: + self.relative_pos_query_table = nn.Parameter( + torch.zeros(2 * quant_grid_length, num_heads, head_dim, 3) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + if rel_key: + self.relative_pos_key_table = nn.Parameter( + torch.zeros(2 * quant_grid_length, num_heads, head_dim, 3) + ) + trunc_normal_(self.relative_pos_key_table, std=0.02) + if rel_value: + self.relative_pos_value_table = nn.Parameter( + torch.zeros(2 * quant_grid_length, num_heads, head_dim, 3) + ) + trunc_normal_(self.relative_pos_value_table, std=0.02) + + self.quant_grid_length = quant_grid_length + + self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop, inplace=True) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop, inplace=True) + + self.softmax = nn.Softmax(dim=-1) + + # def forward(self, feats, xyz, index_0, index_1): + def forward(self, feats, xyz, index_0, index_1, index_0_offsets, n_max): + """Forward function. + + Args: + feats: N, C + xyz: N, 3 + index_0: M, + index_1: M, + """ + + N, C = feats.shape + M = index_0.shape[0] + + assert index_0.shape[0] == index_1.shape[0] + + # Query, Key, Value + qkv = ( + self.qkv(feats) + .reshape(N, 3, self.num_heads, C // self.num_heads) + .permute(1, 0, 2, 3) + .contiguous() + ) + query, key, value = qkv[0], qkv[1], qkv[2] # [N, num_heads, C//num_heads] + query = query * self.scale + attn_flat = pointops.attention_step1_v2( + query.float(), key.float(), index_1.int(), index_0_offsets.int(), n_max + ) + + # # Position embedding + relative_position = xyz[index_0] - xyz[index_1] + relative_position = torch.round(relative_position * 100000) / 100000 + relative_position_index = ( + relative_position + 2 * self.window_size - 0.0001 + ) // self.quant_size + assert (relative_position_index >= 0).all() + assert (relative_position_index <= 2 * self.quant_grid_length - 1).all() + + assert self.rel_query and self.rel_key + if self.rel_query and self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx_v3( + query.float(), + index_0_offsets.int(), + n_max, + key.float(), + index_1.int(), + self.relative_pos_query_table.float(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) + elif self.rel_query: + relative_position_bias = pointops.dot_prod_with_idx( + query.float(), + index_0.int(), + self.relative_pos_query_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + elif self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx( + key.float(), + index_1.int(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + else: + relative_position_bias = 0.0 + + attn_flat = attn_flat + relative_position_bias # [M, num_heads] + + softmax_attn_flat = scatter_softmax( + src=attn_flat, index=index_0, dim=0 + ) # [M, num_heads] + + if self.rel_value: + x = pointops.attention_step2_with_rel_pos_value_v2( + softmax_attn_flat.float(), + value.float(), + index_0_offsets.int(), + n_max, + index_1.int(), + self.relative_pos_value_table.float(), + relative_position_index.int(), + ) + else: + x = pointops.attention_step2( + softmax_attn_flat.float(), value.float(), index_0.int(), index_1.int() + ) + + x = x.view(N, C) + + x = self.proj(x) + x = self.proj_drop(x) # [N, C] + + return x + + +class SwinTransformerBlock(nn.Module): + def __init__( + self, + dim, + num_heads, + window_size, + quant_size, + rel_query=True, + rel_key=False, + rel_value=False, + drop_path=0.0, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + act_layer=nn.GELU, + norm_layer=nn.LayerNorm, + mode=4, + ): # mode=4:mean + super().__init__() + self.mode = mode + + self.norm1 = norm_layer(dim) + self.attn = WindowAttention( + dim, + window_size, + num_heads=num_heads, + quant_size=quant_size, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + ) + + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + self.norm2 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp( + in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer + ) + + def forward(self, feats, xyz, index_0, index_1, index_0_offsets, n_max): + # feats: [N, c] + # pos: [N, 3] + + short_cut = feats + + feats = self.norm1(feats) + + feats = self.attn( + feats, xyz, index_0, index_1, index_0_offsets, n_max + ) # index_0 MUST be in ascending order + + feats = short_cut + self.drop_path(feats) + feats = feats + self.drop_path(self.mlp(self.norm2(feats))) + + return feats + + +class BasicLayer(nn.Module): + def __init__( + self, + downsample_scale, + depth, + channel, + num_heads, + window_size, + grid_size, + quant_size, + rel_query=True, + rel_key=False, + rel_value=False, + drop_path=0.0, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + norm_layer=nn.LayerNorm, + downsample=None, + ratio=0.25, + k=16, + out_channels=None, + ): + super().__init__() + self.depth = depth + self.grid_size = grid_size + self.max_window_counts = 64 + self.window_size = window_size + self.downsample_scale = downsample_scale + + self.blocks = nn.ModuleList( + [ + SwinTransformerBlock( + channel, + num_heads, + window_size, + quant_size, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + drop_path=( + drop_path[i] if isinstance(drop_path, list) else drop_path + ), + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + norm_layer=norm_layer, + ) + for i in range(depth) + ] + ) + + self.downsample = ( + downsample(channel, out_channels, ratio, k) if downsample else None + ) + + def forward(self, feats, xyz, offset): + # feats: N, C + # xyz: N, 3 + + window_size = torch.tensor([self.window_size] * 3).type_as(xyz).to(xyz.device) + + offset_ = offset.clone() + offset_[1:] = offset_[1:] - offset_[:-1] + batch = ( + torch.cat([torch.tensor([ii] * o) for ii, o in enumerate(offset_)], 0) + .long() + .cuda() + ) + + v2p_map, p2v_map, counts = grid_sample(xyz, batch, window_size, start=None) + + shift_size = 1 / 2 * window_size + shift_v2p_map, shift_p2v_map, shift_counts = grid_sample( + xyz + shift_size, batch, window_size, start=xyz.min(0)[0] + ) + + downsample_scale = self.downsample_scale + new_offset, count = [offset[0].item() // downsample_scale + 1], offset[ + 0 + ].item() // downsample_scale + 1 + for i in range(1, offset.shape[0]): + count += (offset[i].item() - offset[i - 1].item()) // downsample_scale + 1 + new_offset.append(count) + + new_offset = torch.cuda.IntTensor(new_offset) + downsample_idx = pointops.furthestsampling( + xyz, offset.int(), new_offset.int() + ) # [N/16,] + + new_window_size = 2 * torch.tensor([self.window_size] * 3).type_as(xyz).to( + xyz.device + ) + + # offset_ = new_offset.clone() + # offset_[1:] = offset_[1:] - offset_[:-1] + # new_batch = torch.cat([torch.tensor([ii]*o) for ii,o in enumerate(offset_)], 0).long().cuda() + + new_v2p_map, new_p2v_map, new_counts = grid_sample( + xyz, batch, new_window_size, start=None + ) + + shift_size = 1 / 2 * new_window_size + shift_new_v2p_map, shift_new_p2v_map, shift_new_counts = grid_sample( + xyz + shift_size, batch, new_window_size, start=xyz.min(0)[0] + ) + + for i, blk in enumerate(self.blocks): + p2v_map_blk = p2v_map if i % 2 == 0 else shift_p2v_map + counts_blk = counts if i % 2 == 0 else shift_counts + + new_p2v_map_blk = new_p2v_map if i % 2 == 0 else shift_new_p2v_map + new_counts_blk = new_counts if i % 2 == 0 else shift_new_counts + + index_0, index_1 = get_indice_pairs( + p2v_map_blk, + counts_blk, + new_p2v_map_blk, + new_counts_blk, + downsample_idx, + batch, + xyz, + window_size, + i, + ) + + # rearrange index for acceleration + index_0, indices = torch.sort(index_0) # [M,] + index_1 = index_1[indices] # [M,] + index_0_counts = index_0.bincount() + n_max = index_0_counts.max() + index_0_offsets = index_0_counts.cumsum(dim=-1) # [N] + index_0_offsets = torch.cat( + [torch.zeros(1, dtype=torch.long).cuda(), index_0_offsets], 0 + ) # [N+1] + + feats = blk(feats, xyz, index_0, index_1, index_0_offsets, n_max) + + if self.downsample: + feats_down, xyz_down, offset_down = self.downsample(feats, xyz, offset) + else: + feats_down, xyz_down, offset_down = None, None, None + + return feats, xyz, offset, feats_down, xyz_down, offset_down + + +class Upsample(nn.Module): + def __init__(self, k, in_channels, out_channels, bn_momentum=0.02): + super().__init__() + self.k = k + self.in_channels = in_channels + self.out_channels = out_channels + + self.linear1 = nn.Sequential( + nn.LayerNorm(out_channels), nn.Linear(out_channels, out_channels) + ) + self.linear2 = nn.Sequential( + nn.LayerNorm(in_channels), nn.Linear(in_channels, out_channels) + ) + + def forward( + self, feats, xyz, support_xyz, offset, support_offset, support_feats=None + ): + feats = self.linear1(support_feats) + pointops.interpolation( + xyz, support_xyz, self.linear2(feats), offset, support_offset + ) + return feats, support_xyz, support_offset + + +class KPConvSimpleBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + self.kpconv = KPConvLayer( + in_channels, + out_channels, + point_influence=prev_grid_size * sigma, + add_one=False, + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = nn.LeakyReLU(negative_slope=negative_slope) + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # xyz: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.activation(self.bn(feats)) + return feats + + +class KPConvResBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + d_2 = out_channels // 4 + activation = nn.LeakyReLU(negative_slope=negative_slope) + self.unary_1 = torch.nn.Sequential( + nn.Linear(in_channels, d_2, bias=False), + FastBatchNorm1d(d_2, momentum=bn_momentum), + activation, + ) + self.unary_2 = torch.nn.Sequential( + nn.Linear(d_2, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + activation, + ) + self.kpconv = KPConvLayer( + d_2, d_2, point_influence=prev_grid_size * sigma, add_one=False + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = activation + + if in_channels != out_channels: + self.shortcut_op = torch.nn.Sequential( + nn.Linear(in_channels, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + ) + else: + self.shortcut_op = nn.Identity() + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # xyz: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + shortcut = feats + feats = self.unary_1(feats) + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.unary_2(feats) + shortcut = self.shortcut_op(shortcut) + feats += shortcut + return feats + + +@MODELS.register_module("ST-v1m1") +class StratifiedTransformer(nn.Module): + def __init__( + self, + downsample_scale, + depths, + channels, + num_heads, + window_size, + up_k, + grid_sizes, + quant_sizes, + rel_query=True, + rel_key=False, + rel_value=False, + drop_path_rate=0.2, + num_layers=4, + concat_xyz=False, + num_classes=13, + ratio=0.25, + k=16, + prev_grid_size=0.04, + sigma=1.0, + stem_transformer=False, + kp_ball_radius=0.02 * 2.5, + kp_max_neighbor=34, + ): + super().__init__() + assert ( + KPConvLayer is not None and FastBatchNorm1d is not None + ), "Please make sure torch_points3d is installed" + assert tp is not None, "Please make sure torch_points_kernels is installed" + assert pointops is not None, "Please make sure pointops2 is installed" + + dpr = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(depths)) + ] # stochastic depth decay rule + + self.kp_ball_radius = kp_ball_radius + self.kp_max_neighbor = kp_max_neighbor + if stem_transformer: + self.stem_layer = nn.ModuleList( + [ + KPConvSimpleBlock( + 3 if not concat_xyz else 6, + channels[0], + prev_grid_size, + sigma=sigma, + ) + ] + ) + self.layer_start = 0 + else: + self.stem_layer = nn.ModuleList( + [ + KPConvSimpleBlock( + 3 if not concat_xyz else 6, + channels[0], + prev_grid_size, + sigma=sigma, + ), + KPConvResBlock( + channels[0], channels[0], prev_grid_size, sigma=sigma + ), + ] + ) + self.downsample = TransitionDown(channels[0], channels[1], ratio, k) + self.layer_start = 1 + + self.layers = nn.ModuleList( + [ + BasicLayer( + downsample_scale, + depths[i], + channels[i], + num_heads[i], + window_size[i], + grid_sizes[i], + quant_sizes[i], + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + drop_path=dpr[sum(depths[:i]) : sum(depths[: i + 1])], + downsample=TransitionDown if i < num_layers - 1 else None, + ratio=ratio, + k=k, + out_channels=channels[i + 1] if i < num_layers - 1 else None, + ) + for i in range(self.layer_start, num_layers) + ] + ) + + self.upsamples = nn.ModuleList( + [ + Upsample(up_k, channels[i], channels[i - 1]) + for i in range(num_layers - 1, 0, -1) + ] + ) + + self.classifier = nn.Sequential( + nn.Linear(channels[0], channels[0]), + nn.BatchNorm1d(channels[0]), + nn.ReLU(inplace=True), + nn.Linear(channels[0], num_classes), + ) + + self.init_weights() + + def forward(self, data_dict): + feats = data_dict["feat"] + xyz = data_dict["coord"] + offset = data_dict["offset"].int() + batch = offset2batch(offset) + neighbor_idx = tp.ball_query( + self.kp_ball_radius, + self.kp_max_neighbor, + xyz, + xyz, + mode="partial_dense", + batch_x=batch, + batch_y=batch, + )[0] + + feats_stack = [] + xyz_stack = [] + offset_stack = [] + + for i, layer in enumerate(self.stem_layer): + feats = layer(feats, xyz, batch, neighbor_idx) + + feats = feats.contiguous() + + if self.layer_start == 1: + feats_stack.append(feats) + xyz_stack.append(xyz) + offset_stack.append(offset) + feats, xyz, offset = self.downsample(feats, xyz, offset) + + for i, layer in enumerate(self.layers): + feats, xyz, offset, feats_down, xyz_down, offset_down = layer( + feats, xyz, offset + ) + + feats_stack.append(feats) + xyz_stack.append(xyz) + offset_stack.append(offset) + + feats = feats_down + xyz = xyz_down + offset = offset_down + + feats = feats_stack.pop() + xyz = xyz_stack.pop() + offset = offset_stack.pop() + + for i, upsample in enumerate(self.upsamples): + feats, xyz, offset = upsample( + feats, + xyz, + xyz_stack.pop(), + offset, + offset_stack.pop(), + support_feats=feats_stack.pop(), + ) + + out = self.classifier(feats) + + return out + + def init_weights(self): + """Initialize the weights in backbone.""" + + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm) or isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + self.apply(_init_weights) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/stratified_transformer_v1m2_refine.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/stratified_transformer_v1m2_refine.py new file mode 100644 index 0000000000000000000000000000000000000000..234afc12a7be6ea1feb87259c8c77e1bf0a8b3d3 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/stratified_transformer/stratified_transformer_v1m2_refine.py @@ -0,0 +1,763 @@ +""" +Stratified Transformer + +Modified from https://github.com/dvlab-research/Stratified-Transformer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from copy import deepcopy +import torch +import torch.nn as nn + +try: + import torch_points_kernels as tp +except ImportError: + tp = None + +try: + from torch_points3d.modules.KPConv.kernels import KPConvLayer + from torch_points3d.core.common_modules import FastBatchNorm1d +except ImportError: + KPConvLayer = None + FastBatchNorm1d = None + +from torch_scatter import scatter_softmax +from timm.models.layers import DropPath, trunc_normal_ +from torch_geometric.nn.pool import voxel_grid + +try: + import pointops2.pointops as pointops +except ImportError: + pointops = None + +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +def grid_sample(coords, batch, size, start, return_p2v=True): + cluster = voxel_grid(coords, batch, size, start=start) + + if not return_p2v: + unique, cluster = torch.unique(cluster, sorted=True, return_inverse=True) + return cluster + else: + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + + # obtain p2v_map + n = unique.shape[0] + k = counts.max().item() + p2v_map = cluster.new_zeros(n, k) + mask = torch.arange(k).cuda().unsqueeze(0) < counts.unsqueeze(-1) + p2v_map[mask] = torch.argsort(cluster) + return cluster, p2v_map, counts + + +class WindowAttention(nn.Module): + """Window based multi-head self attention (W-MSA) module with relative position bias. + It supports both of shifted and non-shifted window. + """ + + def __init__( + self, + embed_channels, + num_heads, + window_size, + quant_size, + attn_drop=0.0, + proj_drop=0.0, + scale=None, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + ): + super().__init__() + self.embed_channels = embed_channels + self.head_channels = embed_channels // num_heads + self.num_heads = num_heads + self.scale = scale or self.head_channels**-0.5 + + self.window_size = window_size + self.quant_size = quant_size + + self.rel_query = rel_query + self.rel_key = rel_key + self.rel_value = rel_value + + self.quant_grid_length = int((2 * window_size + 1e-4) // quant_size) + + assert self.rel_query and self.rel_key + if rel_query: + self.relative_pos_query_table = nn.Parameter( + torch.zeros( + 2 * self.quant_grid_length, self.num_heads, self.head_channels, 3 + ) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + + if rel_key: + self.relative_pos_key_table = nn.Parameter( + torch.zeros( + 2 * self.quant_grid_length, self.num_heads, self.head_channels, 3 + ) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + + if rel_value: + self.relative_pos_value_table = nn.Parameter( + torch.zeros( + 2 * self.quant_grid_length, self.num_heads, self.head_channels, 3 + ) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + + self.qkv = nn.Linear(embed_channels, embed_channels * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop, inplace=True) + self.proj = nn.Linear(embed_channels, embed_channels) + self.proj_drop = nn.Dropout(proj_drop, inplace=True) + + self.softmax = nn.Softmax(dim=-1) + + def forward(self, feats, coords, index_0, index_1, index_0_offsets, n_max): + n, c = feats.shape + m = index_0.shape[0] + + assert index_0.shape[0] == index_1.shape[0] + + qkv = ( + self.qkv(feats) + .reshape(n, 3, self.num_heads, c // self.num_heads) + .permute(1, 0, 2, 3) + .contiguous() + ) + query, key, value = qkv[0], qkv[1], qkv[2] + query = query * self.scale + attn_flat = pointops.attention_step1_v2( + query.float(), key.float(), index_1.int(), index_0_offsets.int(), n_max + ) + + # Position embedding + relative_position = coords[index_0] - coords[index_1] + relative_position = torch.round(relative_position * 100000) / 100000 + relative_position_index = torch.div( + relative_position + 2 * self.window_size - 1e-4, + self.quant_size, + rounding_mode="trunc", + ) + # relative_position_index = (relative_position + 2 * self.window_size - 1e-4) // self.quant_size + assert (relative_position_index >= 0).all() + assert (relative_position_index <= 2 * self.quant_grid_length - 1).all() + + if self.rel_query and self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx_v3( + query.float(), + index_0_offsets.int(), + n_max, + key.float(), + index_1.int(), + self.relative_pos_query_table.float(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) + elif self.rel_query: + relative_position_bias = pointops.dot_prod_with_idx( + query.float(), + index_0.int(), + self.relative_pos_query_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + elif self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx( + key.float(), + index_1.int(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + else: + relative_position_bias = 0.0 + + attn_flat += relative_position_bias + softmax_attn_flat = scatter_softmax(src=attn_flat, index=index_0, dim=0) + + if self.rel_value: + x = pointops.attention_step2_with_rel_pos_value_v2( + softmax_attn_flat.float(), + value.float(), + index_0_offsets.int(), + n_max, + index_1.int(), + self.relative_pos_value_table.float(), + relative_position_index.int(), + ) + else: + x = pointops.attention_step2( + softmax_attn_flat.float(), value.float(), index_0.int(), index_1.int() + ) + + x = x.view(n, c) + x = self.proj(x) + x = self.proj_drop(x) + return x + + +class MLP(nn.Module): + def __init__(self, in_channels, hidden_channels=None, out_channels=None, drop=0.0): + super().__init__() + out_channels = out_channels or in_channels + hidden_channels = hidden_channels or in_channels + self.fc1 = nn.Linear(in_channels, hidden_channels) + self.act = nn.GELU() + self.fc2 = nn.Linear(hidden_channels, out_channels) + self.drop = nn.Dropout(drop, inplace=True) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + num_heads, + window_size, + quant_size, + mlp_expend_ratio=4.0, + drop_path=0.0, + qk_scale=None, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + ): + super().__init__() + self.norm1 = nn.LayerNorm(embed_channels) + self.attn = WindowAttention( + embed_channels, + num_heads, + window_size, + quant_size, + scale=qk_scale, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + ) + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + self.norm2 = nn.LayerNorm(embed_channels) + self.mlp = MLP( + in_channels=embed_channels, + hidden_channels=int(embed_channels * mlp_expend_ratio), + ) + + def forward(self, feats, coords, index_0, index_1, index_0_offsets, n_max): + short_cut = feats + feats = self.norm1(feats) + feats = self.attn(feats, coords, index_0, index_1, index_0_offsets, n_max) + + feats = short_cut + self.drop_path(feats) + feats += self.drop_path(self.mlp(self.norm2(feats))) + return feats + + +class BasicLayer(nn.Module): + def __init__( + self, + embed_channels, + out_channels, + depth, + num_heads, + window_size, + quant_size, + mlp_expend_ratio=4.0, + down_ratio=0.25, + down_num_sample=16, + drop_path=None, + qk_scale=None, + down=True, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + ): + super().__init__() + self.depth = depth + self.window_size = window_size + self.quant_size = quant_size + self.down_ratio = down_ratio + + if isinstance(drop_path, list): + drop_path = drop_path + assert len(drop_path) == depth + elif isinstance(drop_path, float): + drop_path = [deepcopy(drop_path) for _ in range(depth)] + else: + drop_path = [0.0 for _ in range(depth)] + + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels, + num_heads, + window_size, + quant_size, + mlp_expend_ratio=mlp_expend_ratio, + drop_path=drop_path[i], + qk_scale=qk_scale, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + ) + self.blocks.append(block) + + self.down = ( + TransitionDown(embed_channels, out_channels, down_ratio, down_num_sample) + if down + else None + ) + + def forward(self, feats, coords, offset): + # window_size -> [window_size, window_size, window_size] + window_size = torch.tensor( + [self.window_size] * 3, dtype=coords.dtype, device=coords.device + ) + new_window_size = 2 * torch.tensor( + [self.window_size] * 3, dtype=coords.dtype, device=coords.device + ) + batch = offset2batch(offset) + + # compute new offset + new_offset = [int(offset[0].item() * self.down_ratio) + 1] + count = int(offset[0].item() * self.down_ratio) + 1 + for i in range(1, offset.shape[0]): + count += ( + int((offset[i].item() - offset[i - 1].item()) * self.down_ratio) + 1 + ) + new_offset.append(count) + new_offset = torch.cuda.IntTensor(new_offset) + down_idx = pointops.furthestsampling(coords, offset.int(), new_offset.int()) + + # compute window mapping + coords_min = coords.min(0).values + v2p_map, p2v_map, counts = grid_sample(coords, batch, window_size, start=None) + shift_size = window_size * 1 / 2 + shift_v2p_map, shift_p2v_map, shift_counts = grid_sample( + coords + shift_size, batch, window_size, start=coords_min + ) + + new_v2p_map, new_p2v_map, new_counts = grid_sample( + coords, batch, new_window_size, start=None + ) + shift_size = new_window_size * 1 / 2 + shift_new_v2p_map, shift_new_p2v_map, shift_new_counts = grid_sample( + coords + shift_size, batch, new_window_size, start=coords_min + ) + + # stratified attention + for i, blk in enumerate(self.blocks): + p2v_map_blk = p2v_map if i % 2 == 0 else shift_p2v_map + counts_blk = counts if i % 2 == 0 else shift_counts + + new_p2v_map_blk = new_p2v_map if i % 2 == 0 else shift_new_p2v_map + new_counts_blk = new_counts if i % 2 == 0 else shift_new_counts + + n, k = p2v_map_blk.shape + mask = torch.arange(k).unsqueeze(0).cuda() < counts_blk.unsqueeze(-1) + mask_mat = mask.unsqueeze(-1) & mask.unsqueeze(-2) + index_0 = p2v_map_blk.unsqueeze(-1).expand(-1, -1, k)[mask_mat] + index_1 = p2v_map_blk.unsqueeze(1).expand(-1, k, -1)[mask_mat] + + down_mask = torch.zeros_like(batch).bool() + down_mask[down_idx.long()] = True + down_mask = down_mask[new_p2v_map_blk] # [n, k], down sample mask + n, k = new_p2v_map_blk.shape + mask = torch.arange(k).unsqueeze(0).cuda() < new_counts_blk.unsqueeze( + -1 + ) # [n, k] + down_mask = down_mask & mask # down sample and window mask + # [n, k, k] query: dense point in large windows; key: sparse point in large windows + mask_mat = mask.unsqueeze(-1) & down_mask.unsqueeze(-2) + + if i % 2 == 0: + # [n, k, 3] + # window_coord = (coords[new_p2v_map_blk] - coords_min) // window_size + window_coord = torch.div( + coords[new_p2v_map_blk] - coords_min, + window_size, + rounding_mode="trunc", + ) + else: + # [n, k, 3] + # window_coord = (coords[new_p2v_map_blk] - coords_min + 1/2 * window_size) // window_size + window_coord = torch.div( + coords[new_p2v_map_blk] - coords_min + 1 / 2 * window_size, + window_size, + rounding_mode="trunc", + ) + # [n, k, k], whether pair points are in same small windows + mask_mat_prev = ( + window_coord.unsqueeze(2) != window_coord.unsqueeze(1) + ).any(-1) + mask_mat = mask_mat & mask_mat_prev + + new_index_0 = new_p2v_map_blk.unsqueeze(-1).expand(-1, -1, k)[mask_mat] + new_index_1 = new_p2v_map_blk.unsqueeze(1).expand(-1, k, -1)[mask_mat] + + index_0 = torch.cat([index_0, new_index_0], 0) + index_1 = torch.cat([index_1, new_index_1], 0) + + # rearrange index for acceleration + index_0, indices = torch.sort(index_0) + index_1 = index_1[indices] + index_0_counts = index_0.bincount() + n_max = index_0_counts.max() + index_0_offsets = index_0_counts.cumsum(dim=-1) + index_0_offsets = torch.cat( + [torch.zeros(1, dtype=torch.long).cuda(), index_0_offsets], 0 + ) + + feats = blk(feats, coords, index_0, index_1, index_0_offsets, n_max) + + if self.down: + feats_down, coords_down, offset_down = self.down(feats, coords, offset) + else: + feats_down, coords_down, offset_down = None, None, None + + return feats, coords, offset, feats_down, coords_down, offset_down + + +class TransitionDown(nn.Module): + def __init__(self, in_channels, out_channels, ratio, k, norm_layer=nn.LayerNorm): + super().__init__() + self.ratio = ratio + self.k = k + self.norm = norm_layer(in_channels) if norm_layer else None + self.linear = nn.Linear(in_channels, out_channels, bias=False) + self.pool = nn.MaxPool1d(k) + + def forward(self, feats, coords, offset): + new_offset, count = [int(offset[0].item() * self.ratio) + 1], int( + offset[0].item() * self.ratio + ) + 1 + for i in range(1, offset.shape[0]): + count += ((offset[i].item() - offset[i - 1].item()) * self.ratio) + 1 + new_offset.append(count) + new_offset = torch.cuda.IntTensor(new_offset) + idx = pointops.furthestsampling(coords, offset, new_offset) # (m) + new_coords = coords[idx.long(), :] # (m, 3) + + feats = pointops.queryandgroup( + self.k, coords, new_coords, feats, None, offset, new_offset, use_xyz=False + ) # (m, nsample, 3+c) + m, k, c = feats.shape + feats = ( + self.linear(self.norm(feats.view(m * k, c)).view(m, k, c)) + .transpose(1, 2) + .contiguous() + ) + feats = self.pool(feats).squeeze(-1) # (m, c) + return feats, new_coords, new_offset + + +class TransitionUp(nn.Module): + def __init__(self, in_channels, out_channels): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + + self.linear1 = nn.Sequential( + nn.LayerNorm(out_channels), nn.Linear(out_channels, out_channels) + ) + + self.linear2 = nn.Sequential( + nn.LayerNorm(in_channels), nn.Linear(in_channels, out_channels) + ) + + def forward(self, feats, coords, offset, skip_feats, skip_coords, skip_offset): + feats = self.linear1(skip_feats) + pointops.interpolation( + coords, skip_coords, self.linear2(feats), offset, skip_offset + ) + return feats, skip_coords, skip_offset + + +class KPConvSimpleBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + self.kpconv = KPConvLayer( + in_channels, + out_channels, + point_influence=prev_grid_size * sigma, + add_one=False, + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = nn.LeakyReLU(negative_slope=negative_slope) + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # coords: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.activation(self.bn(feats)) + return feats + + +class KPConvResBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + d_2 = out_channels // 4 + activation = nn.LeakyReLU(negative_slope=negative_slope) + self.unary_1 = torch.nn.Sequential( + nn.Linear(in_channels, d_2, bias=False), + FastBatchNorm1d(d_2, momentum=bn_momentum), + activation, + ) + self.unary_2 = torch.nn.Sequential( + nn.Linear(d_2, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + activation, + ) + self.kpconv = KPConvLayer( + d_2, d_2, point_influence=prev_grid_size * sigma, add_one=False + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = activation + + if in_channels != out_channels: + self.shortcut_op = torch.nn.Sequential( + nn.Linear(in_channels, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + ) + else: + self.shortcut_op = nn.Identity() + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # coords: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + shortcut = feats + feats = self.unary_1(feats) + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.unary_2(feats) + shortcut = self.shortcut_op(shortcut) + feats += shortcut + return feats + + +@MODELS.register_module("ST-v1m2") +class StratifiedTransformer(nn.Module): + def __init__( + self, + in_channels, + num_classes, + channels=(48, 96, 192, 384, 384), + num_heads=(6, 12, 24, 24), + depths=(3, 9, 3, 3), + window_size=(0.2, 0.4, 0.8, 1.6), + quant_size=(0.01, 0.02, 0.04, 0.08), + mlp_expend_ratio=4.0, + down_ratio=0.25, + down_num_sample=16, + kp_ball_radius=2.5 * 0.02, + kp_max_neighbor=34, + kp_grid_size=0.02, + kp_sigma=1.0, + drop_path_rate=0.2, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + stem=True, + ): + super().__init__() + assert ( + KPConvLayer is not None and FastBatchNorm1d is not None + ), "Please make sure torch_points3d is installed" + assert tp is not None, "Please make sure torch_points_kernels is installed" + assert pointops is not None, "Please make sure pointops2 is installed" + # stochastic depth decay rule + dpr = [x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))] + self.kp_ball_radius = kp_ball_radius + self.kp_max_neighbor = kp_max_neighbor + self.stem = stem + if stem: + self.point_embed = nn.ModuleList( + [ + KPConvSimpleBlock( + in_channels, channels[0], kp_grid_size, sigma=kp_sigma + ), + KPConvResBlock( + channels[0], channels[0], kp_grid_size, sigma=kp_sigma + ), + ] + ) + self.down = TransitionDown( + channels[0], channels[1], down_ratio, down_num_sample + ) + else: + assert channels[0] == channels[1] + self.point_embed = nn.ModuleList( + [ + KPConvSimpleBlock( + in_channels, channels[1], kp_grid_size, sigma=kp_sigma + ), + ] + ) + + num_layers = len(depths) + self.layers = nn.ModuleList() + for i in range(num_layers): + layer = BasicLayer( + embed_channels=channels[i + 1], + out_channels=channels[i + 2] if i < num_layers - 1 else channels[i + 1], + depth=depths[i], + num_heads=num_heads[i], + window_size=window_size[i], + quant_size=quant_size[i], + mlp_expend_ratio=mlp_expend_ratio, + down_ratio=down_ratio, + down_num_sample=down_num_sample, + drop_path=dpr[sum(depths[:i]) : sum(depths[: i + 1])], + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + down=True if i < num_layers - 1 else False, + ) + self.layers.append(layer) + + self.up = nn.ModuleList( + [ + TransitionUp(channels[i + 1], channels[i]) + for i in reversed(range(1, num_layers)) + ] + ) + if self.stem: + self.up.append(TransitionUp(channels[1], channels[0])) + + self.classifier = nn.Sequential( + nn.Linear(channels[0], channels[0]), + nn.BatchNorm1d(channels[0]), + nn.ReLU(inplace=True), + nn.Linear(channels[0], num_classes), + ) + + self.init_weights() + + def forward(self, data_dict): + feats = data_dict["feat"] + coords = data_dict["coord"] + offset = data_dict["offset"].int() + batch = offset2batch(offset) + neighbor_idx = tp.ball_query( + self.kp_ball_radius, + self.kp_max_neighbor, + coords, + coords, + mode="partial_dense", + batch_x=batch, + batch_y=batch, + )[0] + + feats_stack = [] + coords_stack = [] + offset_stack = [] + + for i, layer in enumerate(self.point_embed): + feats = layer(feats, coords, batch, neighbor_idx) + + feats = feats.contiguous() + if self.stem: + feats_stack.append(feats) + coords_stack.append(coords) + offset_stack.append(offset) + feats, coords, offset = self.down(feats, coords, offset) + + for i, layer in enumerate(self.layers): + feats, coords, offset, feats_down, coords_down, offset_down = layer( + feats, coords, offset + ) + + feats_stack.append(feats) + coords_stack.append(coords) + offset_stack.append(offset) + + feats = feats_down + coords = coords_down + offset = offset_down + + feats = feats_stack.pop() + coords = coords_stack.pop() + offset = offset_stack.pop() + + for i, up in enumerate(self.up): + feats, coords, offset = up( + feats, + coords, + offset, + feats_stack.pop(), + coords_stack.pop(), + offset_stack.pop(), + ) + + out = self.classifier(feats) + return out + + def init_weights(self): + """Initialize the weights in backbone.""" + + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm) or isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + self.apply(_init_weights) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..36050969d9abb027778008e4d6d8f77710f52392 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/__init__.py @@ -0,0 +1 @@ +from .swin3d_v1m1_base import Swin3DUNet diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/mink_layers.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/mink_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..ee3e8cfc002e8311ac196335592c337644659612 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/mink_layers.py @@ -0,0 +1,249 @@ +""" +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F +import MinkowskiEngine as ME +import numpy as np + + +def assign_feats(sp, x): + return ME.SparseTensor( + features=x.float(), + coordinate_map_key=sp.coordinate_map_key, + coordinate_manager=sp.coordinate_manager, + ) + + +class MinkConvBN(nn.Module): + def __init__( + self, + in_channels, + out_channels, + kernel_size=3, + stride=1, + dilation=1, + bias=False, + dimension=3, + ): + super().__init__() + self.conv_layers = nn.Sequential( + ME.MinkowskiConvolution( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + dilation=dilation, + bias=bias, + dimension=dimension, + ), + ME.MinkowskiBatchNorm(out_channels), + ) + + def forward(self, x): + x = self.conv_layers(x) + return x + + +class MinkConvBNRelu(nn.Module): + def __init__( + self, + in_channels, + out_channels, + kernel_size=3, + stride=1, + dilation=1, + bias=False, + dimension=3, + ): + super().__init__() + self.conv_layers = nn.Sequential( + ME.MinkowskiConvolution( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + dilation=dilation, + bias=bias, + dimension=dimension, + ), + ME.MinkowskiBatchNorm(out_channels), + ME.MinkowskiReLU(inplace=True), + ) + + def forward(self, x): + x = self.conv_layers(x) + if x.F.dtype == torch.float16: + x = assign_feats(x, x.F.float()) + return x + + +class MinkDeConvBNRelu(nn.Module): + def __init__( + self, + in_channels, + out_channels, + kernel_size, + stride, + dilation=1, + bias=False, + dimension=3, + ): + super().__init__() + self.conv_layers = nn.Sequential( + ME.MinkowskiConvolutionTranspose( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + dilation=dilation, + bias=bias, + dimension=dimension, + ), + ME.MinkowskiBatchNorm(out_channels), + ME.MinkowskiReLU(), + ) + + def forward(self, x): + x = self.conv_layers(x) + return x + + +class MinkResBlock(nn.Module): + def __init__(self, in_channels, out_channels, stride=1, dilation=1): + super(MinkResBlock, self).__init__() + + self.conv1 = ME.MinkowskiConvolution( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=3, + stride=stride, + dilation=dilation, + bias=False, + dimension=3, + ) + self.norm1 = ME.MinkowskiBatchNorm(out_channels) + self.conv2 = ME.MinkowskiConvolution( + in_channels=out_channels, + out_channels=out_channels, + kernel_size=3, + stride=1, + dilation=dilation, + bias=False, + dimension=3, + ) + + self.norm2 = ME.MinkowskiBatchNorm(out_channels) + self.relu = ME.MinkowskiReLU(inplace=True) + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.norm1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.norm2(out) + + out += residual + out = self.relu(out) + + return out + + +class SparseTensorLinear(nn.Module): + def __init__(self, in_channels, out_channels, bias=False): + super().__init__() + self.linear = nn.Linear(in_channels, out_channels, bias=bias) + + def forward(self, sp): + x = self.linear(sp.F) + return assign_feats(sp, x.float()) + + +class SparseTensorLayerNorm(nn.Module): + def __init__(self, dim): + super().__init__() + self.norm = nn.LayerNorm(dim) + + def forward(self, sp): + x = self.norm(sp.F) + return assign_feats(sp, x.float()) + + +class MinkResBlock_v2(nn.Module): + def __init__(self, in_channels, out_channels): + super().__init__() + d_2 = out_channels // 4 + self.conv1 = torch.nn.Sequential( + SparseTensorLinear(in_channels, d_2, bias=False), + ME.MinkowskiBatchNorm(d_2), + ME.MinkowskiReLU(), + ) + self.unary_2 = torch.nn.Sequential( + SparseTensorLinear(d_2, out_channels, bias=False), + ME.MinkowskiBatchNorm(out_channels), + ME.MinkowskiReLU(), + ) + self.spconv = ME.MinkowskiConvolution( + in_channels=d_2, + out_channels=d_2, + kernel_size=5, + stride=1, + dilation=1, + bias=False, + dimension=3, + ) + if in_channels != out_channels: + self.shortcut_op = torch.nn.Sequential( + SparseTensorLinear(in_channels, out_channels, bias=False), + ME.MinkowskiBatchNorm(out_channels), + ) + else: + self.shortcut_op = nn.Identity() + + def forward(self, x): + # feats: [N, C] + # xyz: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + shortcut = x + x = self.unary_1(x) + x = self.spconv(x) + x = self.unary_2(x) + shortcut = self.shortcut_op(shortcut) + x += shortcut + return x + + +class MinkResBlock_BottleNeck(nn.Module): + def __init__(self, in_channels, out_channels): + super(MinkResBlock_BottleNeck, self).__init__() + bottle_neck = out_channels // 4 + self.conv1x1a = MinkConvBNRelu( + in_channels, bottle_neck, kernel_size=1, stride=1 + ) + self.conv3x3 = MinkConvBNRelu(bottle_neck, bottle_neck, kernel_size=3, stride=1) + self.conv1x1b = MinkConvBN(bottle_neck, out_channels, kernel_size=1, stride=1) + if in_channels != out_channels: + self.conv1x1c = MinkConvBN( + in_channels, out_channels, kernel_size=1, stride=1 + ) + else: + self.conv1x1c = None + self.relu = ME.MinkowskiReLU(inplace=True) + + def forward(self, x): + residual = x + out = self.conv1x1a(x) + out = self.conv3x3(out) + out = self.conv1x1b(out) + if self.conv1x1c is not None: + residual = self.conv1x1c(residual) + out = self.relu(out + residual) + + return out diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/swin3d_layers.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/swin3d_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..e737e9677ae93f8f5f9188ba774fcd1d0fa42443 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/swin3d_layers.py @@ -0,0 +1,876 @@ +""" +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. +""" + +import numpy as np +import torch +import torch.nn as nn +from timm.models.layers import DropPath, trunc_normal_ +import MinkowskiEngine as ME +from MinkowskiEngine import SparseTensor +from Swin3D.sparse_dl.attn.attn_coff import ( + SelfAttnAIOFunction, + PosEmb, + TableDims, + IndexMode, + PrecisionMode, +) +import Swin3D.sparse_dl.knn +from Swin3D.sparse_dl.knn import KNN + +from .mink_layers import ( + assign_feats, + SparseTensorLayerNorm, + SparseTensorLinear, +) + + +def query_knn_feature( + K, src_xyz, query_xyz, src_feat, src_offset, query_offset, return_idx=False +): + """ + gather feature in the KNN neighborhood + """ + assert ( + src_xyz.is_contiguous() + and query_xyz.is_contiguous() + and src_feat.is_contiguous() + ) + if query_xyz is None: + query_xyz = src_xyz + query_offset = src_offset + + idx, _ = KNN.apply(K, src_xyz, query_xyz, src_offset, query_offset) + + n, m, c = src_xyz.shape[0], query_xyz.shape[0], src_feat.shape[1] + grouped_feat = src_feat[idx.view(-1).long(), :].view(m, K, c) + + if return_idx: + return grouped_feat, idx + else: + return grouped_feat + + +def knn_linear_interpolation( + src_xyz, query_xyz, src_feat, src_offset, query_offset, K=3 +): + """ + interpolation feature using distance in KNN neighborhood + """ + N, C = query_xyz.shape[0], src_feat.shape[1] + assert ( + src_xyz.is_contiguous() + and query_xyz.is_contiguous() + and src_feat.is_contiguous() + ) + # (N, K) + idx, dist = KNN.apply(K, src_xyz, query_xyz, src_offset, query_offset) + weight = 1.0 / (dist + 1e-8) + norm = torch.sum(weight, dim=1, keepdim=True) + weight = weight / norm + query_feat = torch.zeros((N, C), dtype=src_feat.dtype, device=src_feat.device) + for i in range(K): + query_feat += src_feat[idx[:, i].long(), :] * weight[:, i].unsqueeze(-1) + return query_feat + + +def sparse_self_attention( + w_w_id: torch.Tensor, w_sizes: torch.Tensor, protocol: str = "v1" +): + """ + Args: + indices [torch.Tensor]: sparse window index with shape [N, 2], N is the total + number of non-empty voxels with indices (window_id, within_window_id). window_id + is ordered and starts from 0; within_window_id is a sparse index to indicate the + offset of kernel_size ** 3. + feats [torch.Tensor]: sprase features of each non-empty voxel with shape [N, C] + Outputs: + [M, 3]: sparse indices of cofficient matrix (window_id, att_a_id, att_b_id). att_a_id + and att_b_id are the within_window_id + [M, 1]: the sparse coffient matrix + + Spaces: + W: total number of windows + N: total number of input voxels + M: total number of output cofficients + """ + w_sizes_2 = w_sizes**2 + + # w2n_indices - [W], mapping window index to window global offset in input + # space + w_cumsum = torch.cumsum(w_sizes, dim=-1) + w2n_indices = torch.cat( + [torch.zeros(1, dtype=w_cumsum.dtype, device=w_cumsum.device), w_cumsum[:-1]] + ) + + # w2m indices - [W], mapping window index to window global offset in output + # space + w2_cumsum = torch.cumsum(w_sizes_2, dim=-1) + w2m_indices = torch.cat( + [torch.zeros(1, dtype=w2_cumsum.dtype, device=w2_cumsum.device), w2_cumsum[:-1]] + ) + + # m2w indices - [M], mapping element global offset to the window index + m2w_indices = torch.zeros( + [w2_cumsum[-1]], dtype=w_sizes.dtype, device=w_sizes.device + ) + m2w_offset = torch.zeros( + [w2_cumsum[-1]], dtype=w_sizes.dtype, device=w_sizes.device + ) + m2w_indices[w2m_indices[1:]] = 1 + m2w_offset[w2m_indices[1:]] = w_sizes_2[:-1] + m2w_indices = torch.cumsum(m2w_indices, dim=-1) + m2w_offset = torch.cumsum(m2w_offset, dim=-1) + + # m_indices = [M], element global offset in output space + m_indices = torch.arange( + 0, w2_cumsum[-1], dtype=w_sizes.dtype, device=w_sizes.device + ) + + # m2n_indices - [M], mapping element global offset to the window global offset + # in input space + m2n_indices = w2n_indices[m2w_indices] + + m_offset = m_indices - m2w_offset + m2w_sizes = w_sizes[m2w_indices] + + # print_log_main("m_offset:", m_offset, m_offset.shape) + # print_log_main("m2n_indices:", m2n_indices, m2n_indices.shape) + + y_offset = m2n_indices + m_offset % m2w_sizes + x_offset = m2n_indices + torch.div(m_offset, m2w_sizes, rounding_mode="floor") + + # print_log_main("=================================") + # print_log_main(w_sizes[:5]) + # print_log_main(x_offset[:50]) + # print_log_main(y_offset[:50]) + # coord = torch.stack([m2w_indices, w_w_id[x_offset], w_w_id[y_offset]], axis=-1) + if protocol == "v1": + return x_offset, y_offset + elif protocol == "v2": + return x_offset, y_offset, m2w_indices, w_sizes, w2n_indices, w2m_indices + + +class Mlp(nn.Module): + def __init__( + self, + in_features, + hidden_features=None, + out_features=None, + act_layer=nn.GELU, + drop=0.0, + ): + super().__init__() + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.fc1 = nn.Linear(in_features, hidden_features) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_features, out_features) + self.drop = nn.Dropout(drop) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class GridCoordsDown(nn.Module): + """ + downsample the grid coordinates + keep the nearest point to the average point of the downsampled grid + """ + + def __init__(self, stride): + super().__init__() + self.stride = stride + self.avg_pool = ME.MinkowskiAvgPooling( + kernel_size=self.stride, stride=self.stride, dimension=3 + ) + self.unpool = ME.MinkowskiPoolingTranspose( + kernel_size=stride, stride=stride, dimension=3 + ) + self.max_pool = ME.MinkowskiMaxPooling( + kernel_size=self.stride, stride=self.stride, dimension=3 + ) + + def forward(self, coords_sp, sp, return_map=False): + device = sp.C.device + # is_pool = True means pooling map + # is_pool = False means conv map (query as center) + + N = sp.shape[0] + avg_coords_sp = self.avg_pool(coords_sp) + dist_sp = self.unpool(avg_coords_sp) - coords_sp + dist = dist_sp.F + dist = -torch.sqrt((dist**2).sum(dim=1)).unsqueeze(1) + dist_sp = assign_feats(dist_sp, dist) + min_dist_sp = self.max_pool(dist_sp) + map_pair = sp.coordinate_manager.kernel_map( + dist_sp.coordinate_map_key, + min_dist_sp.coordinate_map_key, + stride=self.stride, + kernel_size=self.stride, + is_pool=True, + )[0] + in_map, out_map = map_pair + broad_min_dist_sp = self.unpool(min_dist_sp) + mask = (broad_min_dist_sp.F == dist_sp.F).squeeze(1) + in_map = in_map[mask].long() + out_map = out_map[mask].long() + downsample_map = torch.zeros(N, dtype=torch.long, device=device) - 1 + downsample_map[out_map] = in_map + assert (downsample_map >= 0).all() + assert (dist_sp.F[downsample_map] == min_dist_sp.F).all() + new_coords = coords_sp.F[downsample_map] + new_coords_sp = assign_feats(sp, new_coords) + if return_map: + return new_coords_sp, downsample_map + else: + return new_coords_sp + + +def get_offset(batch): + offset = [] + bs = batch.max() + 1 + for i in range(bs): + offset.append(torch.sum(batch == i)) + offset = torch.cuda.IntTensor(offset) + offset = offset.cumsum(dim=0).int() + return offset + + +class GridDownsample(nn.Module): + """ + use stride to downsample voxel + use grid maxpooling with kernel_size + """ + + def __init__(self, in_channels, out_channels, kernel_size=2, stride=2): + super().__init__() + self.kernel_size = kernel_size + self.stride = stride + self.in_channels = in_channels + self.out_channels = out_channels + self.sp_pool = ME.MinkowskiMaxPooling( + kernel_size=kernel_size, stride=stride, dimension=3 + ) + self.coords_pool = GridCoordsDown(stride=stride) + self.norm = SparseTensorLayerNorm(in_channels) + self.linear = SparseTensorLinear(in_channels, out_channels) + + def forward(self, sp, coords_sp): + sp_down = self.sp_pool(self.linear(self.norm(sp))) + coords_sp_down = self.coords_pool(coords_sp, sp_down) + return sp_down, coords_sp_down + + def extra_repr(self) -> str: + return f"kernel_size={self.kernel_size}, stride={self.stride}, in_channels={self.in_channels}, out_channels={self.out_channels}" + + +class GridKNNDownsample(nn.Module): + """ + use stride to downsample voxel + use KNN to do maxpooling + """ + + def __init__(self, in_channels, out_channels, kernel_size=2, stride=2): + super().__init__() + self.stride = stride + self.in_channels = in_channels + self.out_channels = out_channels + self.k = 16 + self.sp_pool = ME.MinkowskiMaxPooling( + kernel_size=stride, stride=stride, dimension=3 + ) + self.coords_pool = GridCoordsDown(stride=stride) + self.norm = nn.LayerNorm(in_channels) + self.linear = nn.Linear(in_channels, out_channels, bias=False) + self.pool = nn.MaxPool1d(self.k) + + def forward(self, sp, coords_sp): + # calculate the voxel + sp_down = self.sp_pool(sp) + # for downsampled cRSE + coords_sp_down = self.coords_pool(coords_sp, sp_down) + offset = get_offset(sp.C[:, 0]) + n_offset = get_offset(sp_down.C[:, 0]) + + xyz = coords_sp.F[:, 1:4].detach().contiguous() + n_xyz = coords_sp_down.F[:, 1:4].detach().contiguous() + feats = query_knn_feature(self.k, xyz, n_xyz, sp.F, offset, n_offset) + m, k, c = feats.shape + feats = ( + self.linear(self.norm(feats.view(m * k, c)).view(m, k, c)) + .transpose(1, 2) + .contiguous() + ) + feats = self.pool(feats).squeeze(-1) + sp = assign_feats(sp_down, feats.float()) + coords_sp = coords_sp_down + return sp, coords_sp + + def extra_repr(self) -> str: + return f"kernel_size={self.k}, stride={self.stride}, in_channels={self.in_channels}, out_channels={self.out_channels}" + + +class Upsample(nn.Module): + """ + upsample using trilinear interpolation + follower by attn block according to self.attn + """ + + def __init__( + self, + in_channels, + out_channels, + num_heads, + window_size, + quant_size, + attn=True, + up_k=3, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + + self.linear1 = nn.Sequential( + nn.LayerNorm(out_channels), nn.Linear(out_channels, out_channels) + ) + self.linear2 = nn.Sequential( + nn.LayerNorm(in_channels), nn.Linear(in_channels, out_channels) + ) + self.up_k = up_k + self.attn = attn and window_size > 0 + if self.attn: + self.block = BasicLayer( + dim=out_channels, + depth=1, + num_heads=num_heads, + window_size=window_size, + quant_size=quant_size, + drop_path=0.1, + downsample=None, + out_channels=None, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + + def forward(self, sp, coords_sp, sp_up, coords_sp_up): + feats = sp.F + support_feats = sp_up.F + xyz = coords_sp.F[:, 1:4].detach().contiguous() + support_xyz = coords_sp_up.F[:, 1:4].detach().contiguous() + offset = get_offset(sp.C[:, 0]) + support_offset = get_offset(sp_up.C[:, 0]) + + feats = self.linear1(support_feats) + knn_linear_interpolation( + xyz, support_xyz, self.linear2(feats), offset, support_offset, K=self.up_k + ) + sp_up = assign_feats(sp_up, feats) + if self.attn: + sp_up, _, _ = self.block(sp_up, coords_sp_up) + return sp_up + + def extra_repr(self) -> str: + return f"up_k={self.up_k}, in_channels={self.in_channels}, out_channels={self.out_channels}, attn={self.attn}" + + +class WindowAttention(nn.Module): + """ + Window based multi-head self attention (W-MSA) module with cRSE. + Designed for sparse structure + It supports both of shifted and non-shifted window. + + Args: + dim (int): Number of input channels. + window_size (tuple[int]): The height and width of the window. + quant_size (int): quant_size for for finer cRSE table + num_heads (int): Number of attention heads. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set + attn_drop (float, optional): Dropout ratio of attention weight. Default: 0.0 + proj_drop (float, optional): Dropout ratio of output. Default: 0.0 + cRSE (str | 'XYZ', 'XYZ_RGB', 'XYZ_RGB_NORM'): cRSE mode. Default: 'XYZ_RGB' + fp16_mode (int | 0, 1, 2): fp16 mode for attention module, Default: 0 + 0: fp32 forward and fp32 backward + 1: fp16 forward and fp32 backward + 2: fp16 forward and fp16 backward + """ + + def __init__( + self, + dim, + window_size, + quant_size, + num_heads, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.dim = dim + self.window_size = window_size + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim**-0.5 + + # color in [-1, 1], color_windowsize = 2 + # normal in [-1, 1], normal_windowsize = 2 + self.color_windowsize = 2 + self.normal_windowsize = 2 + + self.fp16_mode = fp16_mode + + table_offsets = [] + self.cRSE = cRSE + if "XYZ" in cRSE: + self.xyz_quant_size = quant_size + quant_grid_length_xyz = window_size * self.xyz_quant_size + table_shape_xyz = (3, 2 * quant_grid_length_xyz, num_heads, head_dim) + self.query_xyz_table = nn.Parameter(torch.zeros(table_shape_xyz)) + trunc_normal_(self.query_xyz_table, std=0.02) + self.key_xyz_table = nn.Parameter(torch.zeros(table_shape_xyz)) + trunc_normal_(self.key_xyz_table, std=0.02) + self.value_xyz_table = nn.Parameter(torch.zeros(table_shape_xyz)) + trunc_normal_(self.value_xyz_table, std=0.02) + table_offsets += [np.prod(table_shape_xyz[1:])] * 3 + + if "RGB" in cRSE: + self.color_quant_size = quant_size * 2 + quant_grid_length_rgb = self.color_windowsize * self.color_quant_size + table_shape_rgb = (3, 2 * quant_grid_length_rgb, num_heads, head_dim) + self.query_rgb_table = nn.Parameter(torch.zeros(table_shape_rgb)) + trunc_normal_(self.query_rgb_table, std=0.02) + self.key_rgb_table = nn.Parameter(torch.zeros(table_shape_rgb)) + trunc_normal_(self.key_rgb_table, std=0.02) + self.value_rgb_table = nn.Parameter(torch.zeros(table_shape_rgb)) + trunc_normal_(self.value_rgb_table, std=0.02) + table_offsets += [np.prod(table_shape_rgb[1:])] * 3 + + if "NORM" in cRSE: + self.normal_quant_size = quant_size * 2 + quant_grid_length_norm = self.normal_windowsize * self.normal_quant_size + table_shape_norm = (3, 2 * quant_grid_length_norm, num_heads, head_dim) + self.query_norm_table = nn.Parameter(torch.zeros(table_shape_norm)) + trunc_normal_(self.query_norm_table, std=0.02) + self.key_norm_table = nn.Parameter(torch.zeros(table_shape_norm)) + trunc_normal_(self.key_norm_table, std=0.02) + self.value_norm_table = nn.Parameter(torch.zeros(table_shape_norm)) + trunc_normal_(self.value_norm_table, std=0.02) + table_offsets += [np.prod(table_shape_norm[1:])] * 3 + + self.table_offsets = table_offsets + + self.quant_size = quant_size + + self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop, inplace=True) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop, inplace=True) + + self.softmax = nn.Softmax(dim=-1) + + def forward(self, feats: torch.Tensor, attn_args): + """Forward function. + + Args: + feats: N, C + attn_args: arguments for computing attention + """ + num_v, _ = feats.shape + num_sc = self.dim // self.num_heads + + ( + x_offset, + y_offset, + m2w_indices, + w_sizes, + w2n_indices, + n2n_indices, + w2m_indices, + n_coords, + ) = attn_args + + # Query, Key, Value + qkv = self.qkv(feats) + qkv = ( + qkv.reshape(num_v, 3, self.num_heads, num_sc) + .permute(1, 0, 2, 3) + .contiguous() + ) + query, key, value = qkv[0], qkv[1], qkv[2] # [N, num_heads, C//num_heads] + query = query * self.scale + + table_offsets = torch.IntTensor(self.table_offsets).cuda() + query_table, key_table, value_table = [], [], [] + n_cRSE = [] + if "XYZ" in self.cRSE: + n_xyz = n_coords[:, 0:3] + n_xyz = n_xyz * self.quant_size + n_cRSE.append(n_xyz) + query_table.append(self.query_xyz_table.view(-1)) + key_table.append(self.key_xyz_table.view(-1)) + value_table.append(self.value_xyz_table.view(-1)) + if "RGB" in self.cRSE: + n_rgb = n_coords[:, 3:6] + n_rgb = n_rgb * self.color_quant_size + n_cRSE.append(n_rgb) + query_table.append(self.query_rgb_table.view(-1)) + key_table.append(self.key_rgb_table.view(-1)) + value_table.append(self.value_rgb_table.view(-1)) + if "NORM" in self.cRSE: + n_norm = n_coords[:, 6:9] + n_norm = n_norm * self.normal_quant_size + n_cRSE.append(n_norm) + query_table.append(self.query_norm_table.view(-1)) + key_table.append(self.key_norm_table.view(-1)) + value_table.append(self.value_norm_table.view(-1)) + + n_cRSE = torch.cat(n_cRSE, dim=1) + + indices = [m2w_indices, w_sizes, w2m_indices, w2n_indices, n2n_indices, n_cRSE] + query_table = torch.cat(query_table) + key_table = torch.cat(key_table) + value_table = torch.cat(value_table) + + if self.fp16_mode == 0: + # do not use fp16 + # cast q,k,v to fp32 in forward and backward + fp16_mode = PrecisionMode.HALF_NONE + elif self.fp16_mode == 1: + # use fp16 only in forward + fp16_mode = PrecisionMode.HALF_FORWARD + elif self.fp16_mode == 2: + # use fp16 both in forward and backward + fp16_mode = PrecisionMode.HALF_ALL + + updated_values = SelfAttnAIOFunction.apply( + query, + key, + value, + query_table, + key_table, + value_table, + table_offsets, + indices, + PosEmb.SEPARATE, + TableDims.D0, + IndexMode.INDIRECT, + fp16_mode, + ) + + updated_values = updated_values.flatten(1) + updated_feats = updated_values.view(num_v, self.dim) + + updated_feats = self.proj(updated_feats) + updated_feats = self.proj_drop(updated_feats) # [N, C] + + return updated_feats + + +class SwinTransformerBlock(nn.Module): + def __init__( + self, + dim, + num_heads, + window_size, + quant_size, + drop_path=0.0, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + act_layer=nn.GELU, + norm_layer=nn.LayerNorm, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.window_size = window_size + + self.norm1 = norm_layer(dim) + self.attn = WindowAttention( + dim, + window_size=self.window_size, + quant_size=quant_size, + num_heads=num_heads, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + self.norm2 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp( + in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer + ) + + def forward(self, feats, attn_args): + # feats: [N, c] + short_cut = feats + feats = self.norm1(feats) + feats = self.attn(feats, attn_args) # [N, c] + + feats = short_cut + self.drop_path(feats) + feats = feats + self.drop_path(self.mlp(self.norm2(feats))) + + return feats + + +class BasicLayer(nn.Module): + """A basic Swin3D layer for one stage. + + Args: + dim (int): Number of input channels. + depth (int): Number of blocks. + num_heads (int): Number of attention heads. + window_size (int): Local window size. + quant_size (int): quant_size for for finer cRSE table + mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set. + drop_path (float | tuple[float], optional): Stochastic depth rate. Default: 0.0 + norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm + downsample (nn.Module | None, optional): Downsample layer at the end of the layer. Default: None + cRSE (str | 'XYZ', 'XYZ_RGB', 'XYZ_RGB_NORM'): cRSE mode. Default: 'XYZ_RGB' + fp16_mode (int | 0, 1, 2): fp16 mode for attention module, Default: 0 + 0: fp32 forward and fp32 backward + 1: fp16 forward and fp32 backward + 2: fp16 forward and fp16 backward + """ + + def __init__( + self, + dim, + depth, + num_heads, + window_size, + quant_size, + out_channels=None, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + drop_path=0.0, + norm_layer=nn.LayerNorm, + downsample=None, + down_stride=2, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.window_size = window_size + self.depth = depth + self.dim = dim + self.num_heads = num_heads + self.quant_size = quant_size + self.cRSE = cRSE + self.fp16_mode = fp16_mode + + self.shift_size = window_size // 2 + # build blocks + self.blocks = nn.ModuleList( + [ + SwinTransformerBlock( + dim, + num_heads, + window_size, + quant_size, + drop_path=( + drop_path[i] if isinstance(drop_path, list) else drop_path + ), + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + norm_layer=norm_layer, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + for i in range(depth) + ] + ) + + self.pool = ME.MinkowskiMaxPooling( + kernel_size=self.window_size, stride=self.window_size, dimension=3 + ) + + if downsample is not None: + if out_channels is None: + out_channels = dim * 2 + self.downsample = downsample( + dim, out_channels, kernel_size=down_stride, stride=down_stride + ) + else: + self.downsample = None + + def get_map_pair(self, sp): + """ + use minkowski pool to calculate windows + get the mapping from voxel to window + """ + window_size = [self.window_size] * 3 + pool_sp = self.pool(sp) + windows = pool_sp.C + window_N = windows.shape[0] + + stride_in = sp.coordinate_map_key.get_tensor_stride() + x, y, z = [ + torch.arange(window_size[i], device=self.device) * stride_in[i] + for i in range(3) + ] + x, y, z = torch.meshgrid(x, y, z) + i = torch.zeros_like(x, device=self.device) + local_window = torch.stack([i, x, y, z], dim=-1).flatten(0, -2) + all_windows = windows.unsqueeze(1) + local_window.unsqueeze(0) + all_windows = all_windows.flatten(0, -2).int() + cm = sp.coordinate_manager + query_key, (map, inverse_map) = cm.insert_and_map( + all_windows, tensor_stride=stride_in + ) + map_pair = cm.kernel_map(query_key, sp.coordinate_map_key, kernel_size=1)[0] + return map_pair, window_N + + def get_window_mapping(self, sp): + """ + calculate the relationshape in the window: + w_w_id: non-empty idx inside the window(sorted by window) + w_w_xyz: xyz inside the window(sorted by window) + nempty_num: non-empty voxel number in each window + sort_idx: sort voxel according to window_id, to gather the point inside the same window + inv_sort_idx: inverse sort index + """ + map_pair, window_N = self.get_map_pair(sp) + window_size = self.window_size + nW = window_size**3 + in_map, out_map = map_pair + in_map, sort_idx = torch.sort(in_map) + # assert out_map == arange(out_map.shape[0]) + out_map = out_map[sort_idx] + sort_idx = out_map.long() + inv_sort_idx = torch.zeros_like(sort_idx) + inv_sort_idx[sort_idx] = torch.arange( + sort_idx.shape[0], dtype=sort_idx.dtype, device=self.device + ) + N = window_N * nW + v2w_mask = torch.zeros(N, dtype=torch.bool, device=self.device) + w_id = ( + torch.arange(window_N, dtype=torch.long, device=self.device) + .unsqueeze(1) + .repeat(1, nW) + .view(-1) + ) + w_w_id = ( + torch.arange(nW, dtype=torch.long, device=self.device) + .unsqueeze(0) + .repeat(window_N, 1) + .view(-1) + ) + v2w_mask[in_map.long()] = True + nempty_num = v2w_mask.view(-1, nW).sum(dim=-1) + w_id = w_id[in_map.long()] + w_w_id = w_w_id[in_map.long()] + w_w_xyz = torch.stack( + [ + w_w_id // window_size // window_size, + w_w_id // window_size % window_size, + w_w_id % window_size, + ], + dim=-1, + ) + return w_w_id, w_w_xyz, nempty_num, sort_idx, inv_sort_idx + + def get_index01(self, sp, local_xyz, colors): + """ + calculate the arguments for sparse attention + """ + ( + w_w_id, + w_w_xyz, + nempty_num, + n2n_indices, + inv_sort_idx, + ) = self.get_window_mapping(sp) + local_xyz = local_xyz[n2n_indices] + colors = colors[n2n_indices] + # recover the relative pos in the voxel + n_coords = w_w_xyz + local_xyz + n_coords = torch.cat([n_coords, colors], dim=1) + ( + x_offset, + y_offset, + m2w_indices, + w_sizes, + w2n_indices, + w2m_indices, + ) = sparse_self_attention(w_w_id, nempty_num, protocol="v2") + return ( + x_offset, + y_offset, + m2w_indices, + w_sizes, + w2n_indices, + n2n_indices, + w2m_indices, + n_coords, + ) + + def get_shifted_sp(self, sp): + """ + get the shifted sparse tensor for shift-window + """ + stride_in = sp.coordinate_map_key.get_tensor_stride() + shift_size = self.shift_size * stride_in[0] + shifted_C = sp.C.clone() + shifted_C[:, 1:] += shift_size + shifted_sp = SparseTensor( + features=sp.F, + coordinates=shifted_C, + device=self.device, + tensor_stride=stride_in, + ) + return shifted_sp + + def get_window_pos(self, sp): + stride_in = sp.coordinate_map_key.get_tensor_stride() + return (sp.C[:, 1:] / stride_in[0]) % self.window_size + + def forward(self, sp, coords_sp): + """ + xyz: position of point inside voxel + colors: other signal for cRSE, include colors and normals + local_xyz: relative position of point indide voxel(using for finer cRSE table) + """ + colors = coords_sp.F[:, 4:] + xyz = coords_sp.F[:, :4] + local_xyz = (xyz - coords_sp.C)[ + :, 1: + ] / coords_sp.coordinate_map_key.get_tensor_stride()[0] + self.device = sp.device + sp_shift = self.get_shifted_sp(sp) + + attn_args = self.get_index01(sp, local_xyz, colors) + attn_args_shift = self.get_index01(sp_shift, local_xyz, colors) + + feats = sp.F + for i, blk in enumerate(self.blocks): + attn_args_blk = attn_args if i % 2 == 0 else attn_args_shift + feats = blk(feats, attn_args_blk) # [N, C] + + sp = assign_feats(sp, feats) + if self.downsample is not None: + sp_down, coords_sp = self.downsample(sp, coords_sp) + return sp, sp_down, coords_sp + else: + return sp, sp, coords_sp + + def extra_repr(self) -> str: + return f"window_size={self.window_size}, depth={self.depth}, channel={self.dim}, num_heads={self.num_heads}, quant_size={self.quant_size}, cRSE={self.cRSE}, fp16_mode={self.fp16_mode}" diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/swin3d_v1m1_base.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/swin3d_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..1295e5d791e8ac33d3d4c43be03d4f08ade1345f --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/swin3d/swin3d_v1m1_base.py @@ -0,0 +1,190 @@ +import torch +import torch.nn as nn +import MinkowskiEngine as ME +from MinkowskiEngine import SparseTensor +from timm.models.layers import trunc_normal_ + +from .mink_layers import MinkConvBNRelu, MinkResBlock +from .swin3d_layers import GridDownsample, GridKNNDownsample, BasicLayer, Upsample +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +@MODELS.register_module("Swin3D-v1m1") +class Swin3DUNet(nn.Module): + def __init__( + self, + in_channels, + num_classes, + base_grid_size, + depths, + channels, + num_heads, + window_sizes, + quant_size, + drop_path_rate=0.2, + up_k=3, + num_layers=5, + stem_transformer=True, + down_stride=2, + upsample="linear", + knn_down=True, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + dpr = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(depths)) + ] # stochastic depth decay rule + if knn_down: + downsample = GridKNNDownsample + else: + downsample = GridDownsample + + self.cRSE = cRSE + if stem_transformer: + self.stem_layer = MinkConvBNRelu( + in_channels=in_channels, + out_channels=channels[0], + kernel_size=3, + stride=1, + ) + self.layer_start = 0 + else: + self.stem_layer = nn.Sequential( + MinkConvBNRelu( + in_channels=in_channels, + out_channels=channels[0], + kernel_size=3, + stride=1, + ), + MinkResBlock(in_channels=channels[0], out_channels=channels[0]), + ) + self.downsample = downsample( + channels[0], channels[1], kernel_size=down_stride, stride=down_stride + ) + self.layer_start = 1 + self.layers = nn.ModuleList( + [ + BasicLayer( + dim=channels[i], + depth=depths[i], + num_heads=num_heads[i], + window_size=window_sizes[i], + quant_size=quant_size, + drop_path=dpr[sum(depths[:i]) : sum(depths[: i + 1])], + downsample=downsample if i < num_layers - 1 else None, + down_stride=down_stride if i == 0 else 2, + out_channels=channels[i + 1] if i < num_layers - 1 else None, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + for i in range(self.layer_start, num_layers) + ] + ) + + if "attn" in upsample: + up_attn = True + else: + up_attn = False + + self.upsamples = nn.ModuleList( + [ + Upsample( + channels[i], + channels[i - 1], + num_heads[i - 1], + window_sizes[i - 1], + quant_size, + attn=up_attn, + up_k=up_k, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + for i in range(num_layers - 1, 0, -1) + ] + ) + + self.classifier = nn.Sequential( + nn.Linear(channels[0], channels[0]), + nn.BatchNorm1d(channels[0]), + nn.ReLU(inplace=True), + nn.Linear(channels[0], num_classes), + ) + self.num_classes = num_classes + self.base_grid_size = base_grid_size + self.init_weights() + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + coord_feat = data_dict["coord_feat"] + coord = data_dict["coord"] + offset = data_dict["offset"] + batch = offset2batch(offset) + in_field = ME.TensorField( + features=torch.cat( + [ + batch.unsqueeze(-1), + coord / self.base_grid_size, + coord_feat / 1.001, + feat, + ], + dim=1, + ), + coordinates=torch.cat([batch.unsqueeze(-1).int(), grid_coord.int()], dim=1), + quantization_mode=ME.SparseTensorQuantizationMode.UNWEIGHTED_AVERAGE, + minkowski_algorithm=ME.MinkowskiAlgorithm.SPEED_OPTIMIZED, + device=feat.device, + ) + + sp = in_field.sparse() + coords_sp = SparseTensor( + features=sp.F[:, : coord_feat.shape[-1] + 4], + coordinate_map_key=sp.coordinate_map_key, + coordinate_manager=sp.coordinate_manager, + ) + sp = SparseTensor( + features=sp.F[:, coord_feat.shape[-1] + 4 :], + coordinate_map_key=sp.coordinate_map_key, + coordinate_manager=sp.coordinate_manager, + ) + sp_stack = [] + coords_sp_stack = [] + sp = self.stem_layer(sp) + if self.layer_start > 0: + sp_stack.append(sp) + coords_sp_stack.append(coords_sp) + sp, coords_sp = self.downsample(sp, coords_sp) + + for i, layer in enumerate(self.layers): + coords_sp_stack.append(coords_sp) + sp, sp_down, coords_sp = layer(sp, coords_sp) + sp_stack.append(sp) + assert (coords_sp.C == sp_down.C).all() + sp = sp_down + + sp = sp_stack.pop() + coords_sp = coords_sp_stack.pop() + for i, upsample in enumerate(self.upsamples): + sp_i = sp_stack.pop() + coords_sp_i = coords_sp_stack.pop() + sp = upsample(sp, coords_sp, sp_i, coords_sp_i) + coords_sp = coords_sp_i + + output = self.classifier(sp.slice(in_field).F) + return output + + def init_weights(self): + """Initialize the weights in backbone.""" + + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm) or isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + self.apply(_init_weights) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..66e6bc0f62993abb3625a9598f54e7775aeb0008 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/__init__.py @@ -0,0 +1,4 @@ +from .misc import offset2batch, offset2bincount, batch2offset, off_diagonal +from .checkpoint import checkpoint +from .serialization import encode, decode +from .structure import Point diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/checkpoint.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..58820352bd5d1b37b3905b038816323253ffd3de --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/checkpoint.py @@ -0,0 +1,57 @@ +""" +Checkpoint Utils for Models + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch + + +class CheckpointFunction(torch.autograd.Function): + @staticmethod + def forward(ctx, run_function, length, *args): + ctx.run_function = run_function + ctx.input_tensors = list(args[:length]) + ctx.input_params = list(args[length:]) + + with torch.no_grad(): + output_tensors = ctx.run_function(*ctx.input_tensors) + return output_tensors + + @staticmethod + def backward(ctx, *output_grads): + ctx.input_tensors = [x.detach().requires_grad_(True) for x in ctx.input_tensors] + with torch.enable_grad(): + # Fixes a bug where the first op in run_function modifies the + # Tensor storage in place, which is not allowed for detach()'d + # Tensors. + shallow_copies = [x.view_as(x) for x in ctx.input_tensors] + output_tensors = ctx.run_function(*shallow_copies) + input_grads = torch.autograd.grad( + output_tensors, + ctx.input_tensors + ctx.input_params, + output_grads, + allow_unused=True, + ) + del ctx.input_tensors + del ctx.input_params + del output_tensors + return (None, None) + input_grads + + +def checkpoint(func, inputs, params, flag): + """ + Evaluate a function without caching intermediate activations, allowing for + reduced memory at the expense of extra compute in the backward pass. + :param func: the function to evaluate. + :param inputs: the argument sequence to pass to `func`. + :param params: a sequence of parameters `func` depends on but does not + explicitly take as arguments. + :param flag: if False, disable gradient checkpointing. + """ + if flag: + args = tuple(inputs) + tuple(params) + return CheckpointFunction.apply(func, len(inputs), *args) + else: + return func(*inputs) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/misc.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..61dfdfb44a82fc0ef585ca5732518fe85e466889 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/misc.py @@ -0,0 +1,35 @@ +""" +General Utils for Models + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch + + +@torch.inference_mode() +def offset2bincount(offset): + return torch.diff( + offset, prepend=torch.tensor([0], device=offset.device, dtype=torch.long) + ) + + +@torch.inference_mode() +def offset2batch(offset): + bincount = offset2bincount(offset) + return torch.arange( + len(bincount), device=offset.device, dtype=torch.long + ).repeat_interleave(bincount) + + +@torch.inference_mode() +def batch2offset(batch): + return torch.cumsum(batch.bincount(), dim=0).long() + + +def off_diagonal(x): + # return a flattened view of the off-diagonal elements of a square matrix + n, m = x.shape + assert n == m + return x.flatten()[:-1].view(n - 1, n + 1)[:, 1:].flatten() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..058c5e1001c76d9c7014bf0bbb824eec4f54f476 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/__init__.py @@ -0,0 +1,8 @@ +from .default import ( + encode, + decode, + z_order_encode, + z_order_decode, + hilbert_encode, + hilbert_decode, +) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/default.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/default.py new file mode 100644 index 0000000000000000000000000000000000000000..15898b55625fc0e1125db9b713e900892f04176c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/default.py @@ -0,0 +1,59 @@ +import torch +from .z_order import xyz2key as z_order_encode_ +from .z_order import key2xyz as z_order_decode_ +from .hilbert import encode as hilbert_encode_ +from .hilbert import decode as hilbert_decode_ + + +@torch.inference_mode() +def encode(grid_coord, batch=None, depth=16, order="z"): + assert order in {"z", "z-trans", "hilbert", "hilbert-trans"} + if order == "z": + code = z_order_encode(grid_coord, depth=depth) + elif order == "z-trans": + code = z_order_encode(grid_coord[:, [1, 0, 2]], depth=depth) + elif order == "hilbert": + code = hilbert_encode(grid_coord, depth=depth) + elif order == "hilbert-trans": + code = hilbert_encode(grid_coord[:, [1, 0, 2]], depth=depth) + else: + raise NotImplementedError + if batch is not None: + batch = batch.long() + code = batch << depth * 3 | code + return code + + +@torch.inference_mode() +def decode(code, depth=16, order="z"): + assert order in {"z", "hilbert"} + batch = code >> depth * 3 + code = code & ((1 << depth * 3) - 1) + if order == "z": + grid_coord = z_order_decode(code, depth=depth) + elif order == "hilbert": + grid_coord = hilbert_decode(code, depth=depth) + else: + raise NotImplementedError + return grid_coord, batch + + +def z_order_encode(grid_coord: torch.Tensor, depth: int = 16): + x, y, z = grid_coord[:, 0].long(), grid_coord[:, 1].long(), grid_coord[:, 2].long() + # we block the support to batch, maintain batched code in Point class + code = z_order_encode_(x, y, z, b=None, depth=depth) + return code + + +def z_order_decode(code: torch.Tensor, depth): + x, y, z = z_order_decode_(code, depth=depth) + grid_coord = torch.stack([x, y, z], dim=-1) # (N, 3) + return grid_coord + + +def hilbert_encode(grid_coord: torch.Tensor, depth: int = 16): + return hilbert_encode_(grid_coord, num_dims=3, num_bits=depth) + + +def hilbert_decode(code: torch.Tensor, depth: int = 16): + return hilbert_decode_(code, num_dims=3, num_bits=depth) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/hilbert.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/hilbert.py new file mode 100644 index 0000000000000000000000000000000000000000..c96a3a9e15be64059811eb86139f28c6016ad0fe --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/hilbert.py @@ -0,0 +1,303 @@ +""" +Hilbert Order +Modified from https://github.com/PrincetonLIPS/numpy-hilbert-curve + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Kaixin Xu +Please cite our work if the code is helpful to you. +""" + +import torch + + +def right_shift(binary, k=1, axis=-1): + """Right shift an array of binary values. + + Parameters: + ----------- + binary: An ndarray of binary values. + + k: The number of bits to shift. Default 1. + + axis: The axis along which to shift. Default -1. + + Returns: + -------- + Returns an ndarray with zero prepended and the ends truncated, along + whatever axis was specified.""" + + # If we're shifting the whole thing, just return zeros. + if binary.shape[axis] <= k: + return torch.zeros_like(binary) + + # Determine the padding pattern. + # padding = [(0,0)] * len(binary.shape) + # padding[axis] = (k,0) + + # Determine the slicing pattern to eliminate just the last one. + slicing = [slice(None)] * len(binary.shape) + slicing[axis] = slice(None, -k) + shifted = torch.nn.functional.pad( + binary[tuple(slicing)], (k, 0), mode="constant", value=0 + ) + + return shifted + + +def binary2gray(binary, axis=-1): + """Convert an array of binary values into Gray codes. + + This uses the classic X ^ (X >> 1) trick to compute the Gray code. + + Parameters: + ----------- + binary: An ndarray of binary values. + + axis: The axis along which to compute the gray code. Default=-1. + + Returns: + -------- + Returns an ndarray of Gray codes. + """ + shifted = right_shift(binary, axis=axis) + + # Do the X ^ (X >> 1) trick. + gray = torch.logical_xor(binary, shifted) + + return gray + + +def gray2binary(gray, axis=-1): + """Convert an array of Gray codes back into binary values. + + Parameters: + ----------- + gray: An ndarray of gray codes. + + axis: The axis along which to perform Gray decoding. Default=-1. + + Returns: + -------- + Returns an ndarray of binary values. + """ + + # Loop the log2(bits) number of times necessary, with shift and xor. + shift = 2 ** (torch.Tensor([gray.shape[axis]]).log2().ceil().int() - 1) + while shift > 0: + gray = torch.logical_xor(gray, right_shift(gray, shift)) + shift = torch.div(shift, 2, rounding_mode="floor") + return gray + + +def encode(locs, num_dims, num_bits): + """Decode an array of locations in a hypercube into a Hilbert integer. + + This is a vectorized-ish version of the Hilbert curve implementation by John + Skilling as described in: + + Skilling, J. (2004, April). Programming the Hilbert curve. In AIP Conference + Proceedings (Vol. 707, No. 1, pp. 381-387). American Institute of Physics. + + Params: + ------- + locs - An ndarray of locations in a hypercube of num_dims dimensions, in + which each dimension runs from 0 to 2**num_bits-1. The shape can + be arbitrary, as long as the last dimension of the same has size + num_dims. + + num_dims - The dimensionality of the hypercube. Integer. + + num_bits - The number of bits for each dimension. Integer. + + Returns: + -------- + The output is an ndarray of uint64 integers with the same shape as the + input, excluding the last dimension, which needs to be num_dims. + """ + + # Keep around the original shape for later. + orig_shape = locs.shape + bitpack_mask = 1 << torch.arange(0, 8).to(locs.device) + bitpack_mask_rev = bitpack_mask.flip(-1) + + if orig_shape[-1] != num_dims: + raise ValueError( + """ + The shape of locs was surprising in that the last dimension was of size + %d, but num_dims=%d. These need to be equal. + """ + % (orig_shape[-1], num_dims) + ) + + if num_dims * num_bits > 63: + raise ValueError( + """ + num_dims=%d and num_bits=%d for %d bits total, which can't be encoded + into a int64. Are you sure you need that many points on your Hilbert + curve? + """ + % (num_dims, num_bits, num_dims * num_bits) + ) + + # Treat the location integers as 64-bit unsigned and then split them up into + # a sequence of uint8s. Preserve the association by dimension. + locs_uint8 = locs.long().view(torch.uint8).reshape((-1, num_dims, 8)).flip(-1) + + # Now turn these into bits and truncate to num_bits. + gray = ( + locs_uint8.unsqueeze(-1) + .bitwise_and(bitpack_mask_rev) + .ne(0) + .byte() + .flatten(-2, -1)[..., -num_bits:] + ) + + # Run the decoding process the other way. + # Iterate forwards through the bits. + for bit in range(0, num_bits): + # Iterate forwards through the dimensions. + for dim in range(0, num_dims): + # Identify which ones have this bit active. + mask = gray[:, dim, bit] + + # Where this bit is on, invert the 0 dimension for lower bits. + gray[:, 0, bit + 1 :] = torch.logical_xor( + gray[:, 0, bit + 1 :], mask[:, None] + ) + + # Where the bit is off, exchange the lower bits with the 0 dimension. + to_flip = torch.logical_and( + torch.logical_not(mask[:, None]).repeat(1, gray.shape[2] - bit - 1), + torch.logical_xor(gray[:, 0, bit + 1 :], gray[:, dim, bit + 1 :]), + ) + gray[:, dim, bit + 1 :] = torch.logical_xor( + gray[:, dim, bit + 1 :], to_flip + ) + gray[:, 0, bit + 1 :] = torch.logical_xor(gray[:, 0, bit + 1 :], to_flip) + + # Now flatten out. + gray = gray.swapaxes(1, 2).reshape((-1, num_bits * num_dims)) + + # Convert Gray back to binary. + hh_bin = gray2binary(gray) + + # Pad back out to 64 bits. + extra_dims = 64 - num_bits * num_dims + padded = torch.nn.functional.pad(hh_bin, (extra_dims, 0), "constant", 0) + + # Convert binary values into uint8s. + hh_uint8 = ( + (padded.flip(-1).reshape((-1, 8, 8)) * bitpack_mask) + .sum(2) + .squeeze() + .type(torch.uint8) + ) + + # Convert uint8s into uint64s. + hh_uint64 = hh_uint8.view(torch.int64).squeeze() + + return hh_uint64 + + +def decode(hilberts, num_dims, num_bits): + """Decode an array of Hilbert integers into locations in a hypercube. + + This is a vectorized-ish version of the Hilbert curve implementation by John + Skilling as described in: + + Skilling, J. (2004, April). Programming the Hilbert curve. In AIP Conference + Proceedings (Vol. 707, No. 1, pp. 381-387). American Institute of Physics. + + Params: + ------- + hilberts - An ndarray of Hilbert integers. Must be an integer dtype and + cannot have fewer bits than num_dims * num_bits. + + num_dims - The dimensionality of the hypercube. Integer. + + num_bits - The number of bits for each dimension. Integer. + + Returns: + -------- + The output is an ndarray of unsigned integers with the same shape as hilberts + but with an additional dimension of size num_dims. + """ + + if num_dims * num_bits > 64: + raise ValueError( + """ + num_dims=%d and num_bits=%d for %d bits total, which can't be encoded + into a uint64. Are you sure you need that many points on your Hilbert + curve? + """ + % (num_dims, num_bits) + ) + + # Handle the case where we got handed a naked integer. + hilberts = torch.atleast_1d(hilberts) + + # Keep around the shape for later. + orig_shape = hilberts.shape + bitpack_mask = 2 ** torch.arange(0, 8).to(hilberts.device) + bitpack_mask_rev = bitpack_mask.flip(-1) + + # Treat each of the hilberts as a s equence of eight uint8. + # This treats all of the inputs as uint64 and makes things uniform. + hh_uint8 = ( + hilberts.ravel().type(torch.int64).view(torch.uint8).reshape((-1, 8)).flip(-1) + ) + + # Turn these lists of uints into lists of bits and then truncate to the size + # we actually need for using Skilling's procedure. + hh_bits = ( + hh_uint8.unsqueeze(-1) + .bitwise_and(bitpack_mask_rev) + .ne(0) + .byte() + .flatten(-2, -1)[:, -num_dims * num_bits :] + ) + + # Take the sequence of bits and Gray-code it. + gray = binary2gray(hh_bits) + + # There has got to be a better way to do this. + # I could index them differently, but the eventual packbits likes it this way. + gray = gray.reshape((-1, num_bits, num_dims)).swapaxes(1, 2) + + # Iterate backwards through the bits. + for bit in range(num_bits - 1, -1, -1): + # Iterate backwards through the dimensions. + for dim in range(num_dims - 1, -1, -1): + # Identify which ones have this bit active. + mask = gray[:, dim, bit] + + # Where this bit is on, invert the 0 dimension for lower bits. + gray[:, 0, bit + 1 :] = torch.logical_xor( + gray[:, 0, bit + 1 :], mask[:, None] + ) + + # Where the bit is off, exchange the lower bits with the 0 dimension. + to_flip = torch.logical_and( + torch.logical_not(mask[:, None]), + torch.logical_xor(gray[:, 0, bit + 1 :], gray[:, dim, bit + 1 :]), + ) + gray[:, dim, bit + 1 :] = torch.logical_xor( + gray[:, dim, bit + 1 :], to_flip + ) + gray[:, 0, bit + 1 :] = torch.logical_xor(gray[:, 0, bit + 1 :], to_flip) + + # Pad back out to 64 bits. + extra_dims = 64 - num_bits + padded = torch.nn.functional.pad(gray, (extra_dims, 0), "constant", 0) + + # Now chop these up into blocks of 8. + locs_chopped = padded.flip(-1).reshape((-1, num_dims, 8, 8)) + + # Take those blocks and turn them unto uint8s. + # from IPython import embed; embed() + locs_uint8 = (locs_chopped * bitpack_mask).sum(3).squeeze().type(torch.uint8) + + # Finally, treat these as uint64s. + flat_locs = locs_uint8.view(torch.int64) + + # Return them in the expected shape. + return flat_locs.reshape((*orig_shape, num_dims)) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/z_order.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/z_order.py new file mode 100644 index 0000000000000000000000000000000000000000..6fd01a5bcf4b6c76c5d75db4999326e174409ee3 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/serialization/z_order.py @@ -0,0 +1,126 @@ +# -------------------------------------------------------- +# Octree-based Sparse Convolutional Neural Networks +# Copyright (c) 2022 Peng-Shuai Wang +# Licensed under The MIT License [see LICENSE for details] +# Written by Peng-Shuai Wang +# -------------------------------------------------------- + +import torch +from typing import Optional, Union + + +class KeyLUT: + def __init__(self): + r256 = torch.arange(256, dtype=torch.int64) + r512 = torch.arange(512, dtype=torch.int64) + zero = torch.zeros(256, dtype=torch.int64) + device = torch.device("cpu") + + self._encode = { + device: ( + self.xyz2key(r256, zero, zero, 8), + self.xyz2key(zero, r256, zero, 8), + self.xyz2key(zero, zero, r256, 8), + ) + } + self._decode = {device: self.key2xyz(r512, 9)} + + def encode_lut(self, device=torch.device("cpu")): + if device not in self._encode: + cpu = torch.device("cpu") + self._encode[device] = tuple(e.to(device) for e in self._encode[cpu]) + return self._encode[device] + + def decode_lut(self, device=torch.device("cpu")): + if device not in self._decode: + cpu = torch.device("cpu") + self._decode[device] = tuple(e.to(device) for e in self._decode[cpu]) + return self._decode[device] + + def xyz2key(self, x, y, z, depth): + key = torch.zeros_like(x) + for i in range(depth): + mask = 1 << i + key = ( + key + | ((x & mask) << (2 * i + 2)) + | ((y & mask) << (2 * i + 1)) + | ((z & mask) << (2 * i + 0)) + ) + return key + + def key2xyz(self, key, depth): + x = torch.zeros_like(key) + y = torch.zeros_like(key) + z = torch.zeros_like(key) + for i in range(depth): + x = x | ((key & (1 << (3 * i + 2))) >> (2 * i + 2)) + y = y | ((key & (1 << (3 * i + 1))) >> (2 * i + 1)) + z = z | ((key & (1 << (3 * i + 0))) >> (2 * i + 0)) + return x, y, z + + +_key_lut = KeyLUT() + + +def xyz2key( + x: torch.Tensor, + y: torch.Tensor, + z: torch.Tensor, + b: Optional[Union[torch.Tensor, int]] = None, + depth: int = 16, +): + r"""Encodes :attr:`x`, :attr:`y`, :attr:`z` coordinates to the shuffled keys + based on pre-computed look up tables. The speed of this function is much + faster than the method based on for-loop. + + Args: + x (torch.Tensor): The x coordinate. + y (torch.Tensor): The y coordinate. + z (torch.Tensor): The z coordinate. + b (torch.Tensor or int): The batch index of the coordinates, and should be + smaller than 32768. If :attr:`b` is :obj:`torch.Tensor`, the size of + :attr:`b` must be the same as :attr:`x`, :attr:`y`, and :attr:`z`. + depth (int): The depth of the shuffled key, and must be smaller than 17 (< 17). + """ + + EX, EY, EZ = _key_lut.encode_lut(x.device) + x, y, z = x.long(), y.long(), z.long() + + mask = 255 if depth > 8 else (1 << depth) - 1 + key = EX[x & mask] | EY[y & mask] | EZ[z & mask] + if depth > 8: + mask = (1 << (depth - 8)) - 1 + key16 = EX[(x >> 8) & mask] | EY[(y >> 8) & mask] | EZ[(z >> 8) & mask] + key = key16 << 24 | key + + if b is not None: + b = b.long() + key = b << 48 | key + + return key + + +def key2xyz(key: torch.Tensor, depth: int = 16): + r"""Decodes the shuffled key to :attr:`x`, :attr:`y`, :attr:`z` coordinates + and the batch index based on pre-computed look up tables. + + Args: + key (torch.Tensor): The shuffled key. + depth (int): The depth of the shuffled key, and must be smaller than 17 (< 17). + """ + + DX, DY, DZ = _key_lut.decode_lut(key.device) + x, y, z = torch.zeros_like(key), torch.zeros_like(key), torch.zeros_like(key) + + b = key >> 48 + key = key & ((1 << 48) - 1) + + n = (depth + 2) // 3 + for i in range(n): + k = key >> (i * 9) & 511 + x = x | (DX[k] << (i * 3)) + y = y | (DY[k] << (i * 3)) + z = z | (DZ[k] << (i * 3)) + + return x, y, z, b diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/structure.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/structure.py new file mode 100644 index 0000000000000000000000000000000000000000..47fcd054067967f1ce5953d32df288ecc41c7aae --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/models/utils/structure.py @@ -0,0 +1,180 @@ +import torch +import spconv.pytorch as spconv + +try: + import ocnn +except ImportError: + ocnn = None +from addict import Dict + +from pointcept.models.utils.serialization import encode, decode +from pointcept.models.utils import offset2batch, batch2offset + + +class Point(Dict): + """ + Point Structure of Pointcept + + A Point (point cloud) in Pointcept is a dictionary that contains various properties of + a batched point cloud. The property with the following names have a specific definition + as follows: + + - "coord": original coordinate of point cloud; + - "grid_coord": grid coordinate for specific grid size (related to GridSampling); + Point also support the following optional attributes: + - "offset": if not exist, initialized as batch size is 1; + - "batch": if not exist, initialized as batch size is 1; + - "feat": feature of point cloud, default input of model; + - "grid_size": Grid size of point cloud (related to GridSampling); + (related to Serialization) + - "serialized_depth": depth of serialization, 2 ** depth * grid_size describe the maximum of point cloud range; + - "serialized_code": a list of serialization codes; + - "serialized_order": a list of serialization order determined by code; + - "serialized_inverse": a list of inverse mapping determined by code; + (related to Sparsify: SpConv) + - "sparse_shape": Sparse shape for Sparse Conv Tensor; + - "sparse_conv_feat": SparseConvTensor init with information provide by Point; + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + # If one of "offset" or "batch" do not exist, generate by the existing one + if "batch" not in self.keys() and "offset" in self.keys(): + self["batch"] = offset2batch(self.offset) + elif "offset" not in self.keys() and "batch" in self.keys(): + self["offset"] = batch2offset(self.batch) + + def serialization(self, order="z", depth=None, shuffle_orders=False): + """ + Point Cloud Serialization + + relay on ["grid_coord" or "coord" + "grid_size", "batch", "feat"] + """ + assert "batch" in self.keys() + if "grid_coord" not in self.keys(): + # if you don't want to operate GridSampling in data augmentation, + # please add the following augmentation into your pipline: + # dict(type="Copy", keys_dict={"grid_size": 0.01}), + # (adjust `grid_size` to what your want) + assert {"grid_size", "coord"}.issubset(self.keys()) + self["grid_coord"] = torch.div( + self.coord - self.coord.min(0)[0], self.grid_size, rounding_mode="trunc" + ).int() + + if depth is None: + # Adaptive measure the depth of serialization cube (length = 2 ^ depth) + depth = int(self.grid_coord.max()).bit_length() + self["serialized_depth"] = depth + # Maximum bit length for serialization code is 63 (int64) + assert depth * 3 + len(self.offset).bit_length() <= 63 + # Here we follow OCNN and set the depth limitation to 16 (48bit) for the point position. + # Although depth is limited to less than 16, we can encode a 655.36^3 (2^16 * 0.01) meter^3 + # cube with a grid size of 0.01 meter. We consider it is enough for the current stage. + # We can unlock the limitation by optimizing the z-order encoding function if necessary. + assert depth <= 16 + + # The serialization codes are arranged as following structures: + # [Order1 ([n]), + # Order2 ([n]), + # ... + # OrderN ([n])] (k, n) + code = [ + encode(self.grid_coord, self.batch, depth, order=order_) for order_ in order + ] + code = torch.stack(code) + order = torch.argsort(code) + inverse = torch.zeros_like(order).scatter_( + dim=1, + index=order, + src=torch.arange(0, code.shape[1], device=order.device).repeat( + code.shape[0], 1 + ), + ) + + if shuffle_orders: + perm = torch.randperm(code.shape[0]) + code = code[perm] + order = order[perm] + inverse = inverse[perm] + + self["serialized_code"] = code + self["serialized_order"] = order + self["serialized_inverse"] = inverse + + def sparsify(self, pad=96): + """ + Point Cloud Serialization + + Point cloud is sparse, here we use "sparsify" to specifically refer to + preparing "spconv.SparseConvTensor" for SpConv. + + relay on ["grid_coord" or "coord" + "grid_size", "batch", "feat"] + + pad: padding sparse for sparse shape. + """ + assert {"feat", "batch"}.issubset(self.keys()) + if "grid_coord" not in self.keys(): + # if you don't want to operate GridSampling in data augmentation, + # please add the following augmentation into your pipline: + # dict(type="Copy", keys_dict={"grid_size": 0.01}), + # (adjust `grid_size` to what your want) + assert {"grid_size", "coord"}.issubset(self.keys()) + self["grid_coord"] = torch.div( + self.coord - self.coord.min(0)[0], self.grid_size, rounding_mode="trunc" + ).int() + if "sparse_shape" in self.keys(): + sparse_shape = self.sparse_shape + else: + sparse_shape = torch.add( + torch.max(self.grid_coord, dim=0).values, pad + ).tolist() + sparse_conv_feat = spconv.SparseConvTensor( + features=self.feat, + indices=torch.cat( + [self.batch.unsqueeze(-1).int(), self.grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=self.batch[-1].tolist() + 1, + ) + self["sparse_shape"] = sparse_shape + self["sparse_conv_feat"] = sparse_conv_feat + + def octreetization(self, depth=None, full_depth=None): + """ + Point Cloud Octreelization + + Generate octree with OCNN + relay on ["grid_coord", "batch", "feat"] + """ + assert ( + ocnn is not None + ), "Please follow https://github.com/octree-nn/ocnn-pytorch install ocnn." + assert {"grid_coord", "feat", "batch"}.issubset(self.keys()) + # add 1 to make grid space support shift order + if depth is None: + if "depth" in self.keys(): + depth = self.depth + else: + depth = int(self.grid_coord.max() + 1).bit_length() + if full_depth is None: + full_depth = 2 + self["depth"] = depth + assert depth <= 16 # maximum in ocnn + + # [0, 2**depth] -> [0, 2] -> [-1, 1] + coord = self.grid_coord / 2 ** (self.depth - 1) - 1.0 + point = ocnn.octree.Points( + points=coord, + features=self.feat, + batch_id=self.batch.unsqueeze(-1), + batch_size=self.batch[-1] + 1, + ) + octree = ocnn.octree.Octree( + depth=depth, + full_depth=full_depth, + batch_size=self.batch[-1] + 1, + device=coord.device, + ) + octree.build_octree(point) + octree.construct_all_neigh() + self["octree"] = octree diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/__init__.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/cache.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/cache.py new file mode 100644 index 0000000000000000000000000000000000000000..623897e42a7a4256a65a1a0e9a7b5c0c46ce5a3e --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/cache.py @@ -0,0 +1,56 @@ +""" +Data Cache Utils + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import SharedArray + +try: + from multiprocessing.shared_memory import ShareableList +except ImportError: + import warnings + + warnings.warn("Please update python version >= 3.8 to enable shared_memory") +import numpy as np + + +def shared_array(name, var=None): + if var is not None: + # check exist + if os.path.exists(f"/dev/shm/{name}"): + return SharedArray.attach(f"shm://{name}") + # create shared_array + data = SharedArray.create(f"shm://{name}", var.shape, dtype=var.dtype) + data[...] = var[...] + data.flags.writeable = False + else: + data = SharedArray.attach(f"shm://{name}").copy() + return data + + +def shared_dict(name, var=None): + name = str(name) + assert "." not in name # '.' is used as sep flag + data = {} + if var is not None: + assert isinstance(var, dict) + keys = var.keys() + # current version only cache np.array + keys_valid = [] + for key in keys: + if isinstance(var[key], np.ndarray): + keys_valid.append(key) + keys = keys_valid + + ShareableList(sequence=keys, name=name + ".keys") + for key in keys: + if isinstance(var[key], np.ndarray): + data[key] = shared_array(name=f"{name}.{key}", var=var[key]) + else: + keys = list(ShareableList(name=name + ".keys")) + for key in keys: + data[key] = shared_array(name=f"{name}.{key}") + return data diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/comm.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/comm.py new file mode 100644 index 0000000000000000000000000000000000000000..69e29e7c690fe0500d3d9a84b6a8749e2f4f4655 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/comm.py @@ -0,0 +1,198 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +""" +This file contains primitives for multi-gpu communication. +This is useful when doing distributed training. +Modified from detectron2(https://github.com/facebookresearch/detectron2) + +Copyright (c) Xiaoyang Wu (xiaoyang.wu@connect.hku.hk). All Rights Reserved. +Please cite our work if you use any part of the code. +""" + +import functools +import numpy as np +import torch +import torch.distributed as dist + +_LOCAL_PROCESS_GROUP = None +""" +A torch process group which only includes processes that on the same machine as the current process. +This variable is set when processes are spawned by `launch()` in "engine/launch.py". +""" + + +def get_world_size() -> int: + if not dist.is_available(): + return 1 + if not dist.is_initialized(): + return 1 + return dist.get_world_size() + + +def get_rank() -> int: + if not dist.is_available(): + return 0 + if not dist.is_initialized(): + return 0 + return dist.get_rank() + + +def get_local_rank() -> int: + """ + Returns: + The rank of the current process within the local (per-machine) process group. + """ + if not dist.is_available(): + return 0 + if not dist.is_initialized(): + return 0 + assert ( + _LOCAL_PROCESS_GROUP is not None + ), "Local process group is not created! Please use launch() to spawn processes!" + return dist.get_rank(group=_LOCAL_PROCESS_GROUP) + + +def get_local_size() -> int: + """ + Returns: + The size of the per-machine process group, + i.e. the number of processes per machine. + """ + if not dist.is_available(): + return 1 + if not dist.is_initialized(): + return 1 + return dist.get_world_size(group=_LOCAL_PROCESS_GROUP) + + +def is_main_process() -> bool: + return get_rank() == 0 + + +def synchronize(): + """ + Helper function to synchronize (barrier) among all processes when + using distributed training + """ + if not dist.is_available(): + return + if not dist.is_initialized(): + return + world_size = dist.get_world_size() + if world_size == 1: + return + if dist.get_backend() == dist.Backend.NCCL: + # This argument is needed to avoid warnings. + # It's valid only for NCCL backend. + dist.barrier(device_ids=[torch.cuda.current_device()]) + else: + dist.barrier() + + +@functools.lru_cache() +def _get_global_gloo_group(): + """ + Return a process group based on gloo backend, containing all the ranks + The result is cached. + """ + if dist.get_backend() == "nccl": + return dist.new_group(backend="gloo") + else: + return dist.group.WORLD + + +def all_gather(data, group=None): + """ + Run all_gather on arbitrary picklable data (not necessarily tensors). + Args: + data: any picklable object + group: a torch process group. By default, will use a group which + contains all ranks on gloo backend. + Returns: + list[data]: list of data gathered from each rank + """ + if get_world_size() == 1: + return [data] + if group is None: + group = ( + _get_global_gloo_group() + ) # use CPU group by default, to reduce GPU RAM usage. + world_size = dist.get_world_size(group) + if world_size == 1: + return [data] + + output = [None for _ in range(world_size)] + dist.all_gather_object(output, data, group=group) + return output + + +def gather(data, dst=0, group=None): + """ + Run gather on arbitrary picklable data (not necessarily tensors). + Args: + data: any picklable object + dst (int): destination rank + group: a torch process group. By default, will use a group which + contains all ranks on gloo backend. + Returns: + list[data]: on dst, a list of data gathered from each rank. Otherwise, + an empty list. + """ + if get_world_size() == 1: + return [data] + if group is None: + group = _get_global_gloo_group() + world_size = dist.get_world_size(group=group) + if world_size == 1: + return [data] + rank = dist.get_rank(group=group) + + if rank == dst: + output = [None for _ in range(world_size)] + dist.gather_object(data, output, dst=dst, group=group) + return output + else: + dist.gather_object(data, None, dst=dst, group=group) + return [] + + +def shared_random_seed(): + """ + Returns: + int: a random number that is the same across all workers. + If workers need a shared RNG, they can use this shared seed to + create one. + All workers must call this function, otherwise it will deadlock. + """ + ints = np.random.randint(2**31) + all_ints = all_gather(ints) + return all_ints[0] + + +def reduce_dict(input_dict, average=True): + """ + Reduce the values in the dictionary from all processes so that process with rank + 0 has the reduced results. + Args: + input_dict (dict): inputs to be reduced. All the values must be scalar CUDA Tensor. + average (bool): whether to do average or sum + Returns: + a dict with the same keys as input_dict, after reduction. + """ + world_size = get_world_size() + if world_size < 2: + return input_dict + with torch.no_grad(): + names = [] + values = [] + # sort the keys so that they are consistent across processes + for k in sorted(input_dict.keys()): + names.append(k) + values.append(input_dict[k]) + values = torch.stack(values, dim=0) + dist.reduce(values, dst=0) + if dist.get_rank() == 0 and average: + # only main process gets accumulated, so only divide by + # world_size in this case + values /= world_size + reduced_dict = {k: v for k, v in zip(names, values)} + return reduced_dict diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/config.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/config.py new file mode 100644 index 0000000000000000000000000000000000000000..316dd458b3760b38feeb33d941ad9ad060364a61 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/config.py @@ -0,0 +1,694 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import ast +import copy +import os +import os.path as osp +import platform +import shutil +import sys +import tempfile +import uuid +import warnings +from argparse import Action, ArgumentParser +from collections import abc +from importlib import import_module + +from addict import Dict +from yapf.yapflib.yapf_api import FormatCode + +from .misc import import_modules_from_strings +from .path import check_file_exist + +if platform.system() == "Windows": + import regex as re +else: + import re + +BASE_KEY = "_base_" +DELETE_KEY = "_delete_" +DEPRECATION_KEY = "_deprecation_" +RESERVED_KEYS = ["filename", "text", "pretty_text"] + + +class ConfigDict(Dict): + def __missing__(self, name): + raise KeyError(name) + + def __getattr__(self, name): + try: + value = super(ConfigDict, self).__getattr__(name) + except KeyError: + ex = AttributeError( + f"'{self.__class__.__name__}' object has no " f"attribute '{name}'" + ) + except Exception as e: + ex = e + else: + return value + raise ex + + +def add_args(parser, cfg, prefix=""): + for k, v in cfg.items(): + if isinstance(v, str): + parser.add_argument("--" + prefix + k) + elif isinstance(v, int): + parser.add_argument("--" + prefix + k, type=int) + elif isinstance(v, float): + parser.add_argument("--" + prefix + k, type=float) + elif isinstance(v, bool): + parser.add_argument("--" + prefix + k, action="store_true") + elif isinstance(v, dict): + add_args(parser, v, prefix + k + ".") + elif isinstance(v, abc.Iterable): + parser.add_argument("--" + prefix + k, type=type(v[0]), nargs="+") + else: + print(f"cannot parse key {prefix + k} of type {type(v)}") + return parser + + +class Config: + """A facility for config and config files. + + It supports common file formats as configs: python/json/yaml. The interface + is the same as a dict object and also allows access config values as + attributes. + + Example: + >>> cfg = Config(dict(a=1, b=dict(b1=[0, 1]))) + >>> cfg.a + 1 + >>> cfg.b + {'b1': [0, 1]} + >>> cfg.b.b1 + [0, 1] + >>> cfg = Config.fromfile('tests/data/config/a.py') + >>> cfg.filename + "/home/kchen/projects/mmcv/tests/data/config/a.py" + >>> cfg.item4 + 'test' + >>> cfg + "Config [path: /home/kchen/projects/mmcv/tests/data/config/a.py]: " + "{'item1': [1, 2], 'item2': {'a': 0}, 'item3': True, 'item4': 'test'}" + """ + + @staticmethod + def _validate_py_syntax(filename): + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + content = f.read() + try: + ast.parse(content) + except SyntaxError as e: + raise SyntaxError( + "There are syntax errors in config " f"file {filename}: {e}" + ) + + @staticmethod + def _substitute_predefined_vars(filename, temp_config_name): + file_dirname = osp.dirname(filename) + file_basename = osp.basename(filename) + file_basename_no_extension = osp.splitext(file_basename)[0] + file_extname = osp.splitext(filename)[1] + support_templates = dict( + fileDirname=file_dirname, + fileBasename=file_basename, + fileBasenameNoExtension=file_basename_no_extension, + fileExtname=file_extname, + ) + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + config_file = f.read() + for key, value in support_templates.items(): + regexp = r"\{\{\s*" + str(key) + r"\s*\}\}" + value = value.replace("\\", "/") + config_file = re.sub(regexp, value, config_file) + with open(temp_config_name, "w", encoding="utf-8") as tmp_config_file: + tmp_config_file.write(config_file) + + @staticmethod + def _pre_substitute_base_vars(filename, temp_config_name): + """Substitute base variable placehoders to string, so that parsing + would work.""" + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + config_file = f.read() + base_var_dict = {} + regexp = r"\{\{\s*" + BASE_KEY + r"\.([\w\.]+)\s*\}\}" + base_vars = set(re.findall(regexp, config_file)) + for base_var in base_vars: + randstr = f"_{base_var}_{uuid.uuid4().hex.lower()[:6]}" + base_var_dict[randstr] = base_var + regexp = r"\{\{\s*" + BASE_KEY + r"\." + base_var + r"\s*\}\}" + config_file = re.sub(regexp, f'"{randstr}"', config_file) + with open(temp_config_name, "w", encoding="utf-8") as tmp_config_file: + tmp_config_file.write(config_file) + return base_var_dict + + @staticmethod + def _substitute_base_vars(cfg, base_var_dict, base_cfg): + """Substitute variable strings to their actual values.""" + cfg = copy.deepcopy(cfg) + + if isinstance(cfg, dict): + for k, v in cfg.items(): + if isinstance(v, str) and v in base_var_dict: + new_v = base_cfg + for new_k in base_var_dict[v].split("."): + new_v = new_v[new_k] + cfg[k] = new_v + elif isinstance(v, (list, tuple, dict)): + cfg[k] = Config._substitute_base_vars(v, base_var_dict, base_cfg) + elif isinstance(cfg, tuple): + cfg = tuple( + Config._substitute_base_vars(c, base_var_dict, base_cfg) for c in cfg + ) + elif isinstance(cfg, list): + cfg = [ + Config._substitute_base_vars(c, base_var_dict, base_cfg) for c in cfg + ] + elif isinstance(cfg, str) and cfg in base_var_dict: + new_v = base_cfg + for new_k in base_var_dict[cfg].split("."): + new_v = new_v[new_k] + cfg = new_v + + return cfg + + @staticmethod + def _file2dict(filename, use_predefined_variables=True): + filename = osp.abspath(osp.expanduser(filename)) + check_file_exist(filename) + fileExtname = osp.splitext(filename)[1] + if fileExtname not in [".py", ".json", ".yaml", ".yml"]: + raise IOError("Only py/yml/yaml/json type are supported now!") + + with tempfile.TemporaryDirectory() as temp_config_dir: + temp_config_file = tempfile.NamedTemporaryFile( + dir=temp_config_dir, suffix=fileExtname + ) + if platform.system() == "Windows": + temp_config_file.close() + temp_config_name = osp.basename(temp_config_file.name) + # Substitute predefined variables + if use_predefined_variables: + Config._substitute_predefined_vars(filename, temp_config_file.name) + else: + shutil.copyfile(filename, temp_config_file.name) + # Substitute base variables from placeholders to strings + base_var_dict = Config._pre_substitute_base_vars( + temp_config_file.name, temp_config_file.name + ) + + if filename.endswith(".py"): + temp_module_name = osp.splitext(temp_config_name)[0] + sys.path.insert(0, temp_config_dir) + Config._validate_py_syntax(filename) + mod = import_module(temp_module_name) + sys.path.pop(0) + cfg_dict = { + name: value + for name, value in mod.__dict__.items() + if not name.startswith("__") + } + # delete imported module + del sys.modules[temp_module_name] + elif filename.endswith((".yml", ".yaml", ".json")): + raise NotImplementedError + # close temp file + temp_config_file.close() + + # check deprecation information + if DEPRECATION_KEY in cfg_dict: + deprecation_info = cfg_dict.pop(DEPRECATION_KEY) + warning_msg = ( + f"The config file {filename} will be deprecated " "in the future." + ) + if "expected" in deprecation_info: + warning_msg += f' Please use {deprecation_info["expected"]} ' "instead." + if "reference" in deprecation_info: + warning_msg += ( + " More information can be found at " + f'{deprecation_info["reference"]}' + ) + warnings.warn(warning_msg) + + cfg_text = filename + "\n" + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + cfg_text += f.read() + + if BASE_KEY in cfg_dict: + cfg_dir = osp.dirname(filename) + base_filename = cfg_dict.pop(BASE_KEY) + base_filename = ( + base_filename if isinstance(base_filename, list) else [base_filename] + ) + + cfg_dict_list = list() + cfg_text_list = list() + for f in base_filename: + _cfg_dict, _cfg_text = Config._file2dict(osp.join(cfg_dir, f)) + cfg_dict_list.append(_cfg_dict) + cfg_text_list.append(_cfg_text) + + base_cfg_dict = dict() + for c in cfg_dict_list: + duplicate_keys = base_cfg_dict.keys() & c.keys() + if len(duplicate_keys) > 0: + raise KeyError( + "Duplicate key is not allowed among bases. " + f"Duplicate keys: {duplicate_keys}" + ) + base_cfg_dict.update(c) + + # Substitute base variables from strings to their actual values + cfg_dict = Config._substitute_base_vars( + cfg_dict, base_var_dict, base_cfg_dict + ) + + base_cfg_dict = Config._merge_a_into_b(cfg_dict, base_cfg_dict) + cfg_dict = base_cfg_dict + + # merge cfg_text + cfg_text_list.append(cfg_text) + cfg_text = "\n".join(cfg_text_list) + + return cfg_dict, cfg_text + + @staticmethod + def _merge_a_into_b(a, b, allow_list_keys=False): + """merge dict ``a`` into dict ``b`` (non-inplace). + + Values in ``a`` will overwrite ``b``. ``b`` is copied first to avoid + in-place modifications. + + Args: + a (dict): The source dict to be merged into ``b``. + b (dict): The origin dict to be fetch keys from ``a``. + allow_list_keys (bool): If True, int string keys (e.g. '0', '1') + are allowed in source ``a`` and will replace the element of the + corresponding index in b if b is a list. Default: False. + + Returns: + dict: The modified dict of ``b`` using ``a``. + + Examples: + # Normally merge a into b. + >>> Config._merge_a_into_b( + ... dict(obj=dict(a=2)), dict(obj=dict(a=1))) + {'obj': {'a': 2}} + + # Delete b first and merge a into b. + >>> Config._merge_a_into_b( + ... dict(obj=dict(_delete_=True, a=2)), dict(obj=dict(a=1))) + {'obj': {'a': 2}} + + # b is a list + >>> Config._merge_a_into_b( + ... {'0': dict(a=2)}, [dict(a=1), dict(b=2)], True) + [{'a': 2}, {'b': 2}] + """ + b = b.copy() + for k, v in a.items(): + if allow_list_keys and k.isdigit() and isinstance(b, list): + k = int(k) + if len(b) <= k: + raise KeyError(f"Index {k} exceeds the length of list {b}") + b[k] = Config._merge_a_into_b(v, b[k], allow_list_keys) + elif isinstance(v, dict) and k in b and not v.pop(DELETE_KEY, False): + allowed_types = (dict, list) if allow_list_keys else dict + if not isinstance(b[k], allowed_types): + raise TypeError( + f"{k}={v} in child config cannot inherit from base " + f"because {k} is a dict in the child config but is of " + f"type {type(b[k])} in base config. You may set " + f"`{DELETE_KEY}=True` to ignore the base config" + ) + b[k] = Config._merge_a_into_b(v, b[k], allow_list_keys) + else: + b[k] = v + return b + + @staticmethod + def fromfile(filename, use_predefined_variables=True, import_custom_modules=True): + cfg_dict, cfg_text = Config._file2dict(filename, use_predefined_variables) + if import_custom_modules and cfg_dict.get("custom_imports", None): + import_modules_from_strings(**cfg_dict["custom_imports"]) + return Config(cfg_dict, cfg_text=cfg_text, filename=filename) + + @staticmethod + def fromstring(cfg_str, file_format): + """Generate config from config str. + + Args: + cfg_str (str): Config str. + file_format (str): Config file format corresponding to the + config str. Only py/yml/yaml/json type are supported now! + + Returns: + obj:`Config`: Config obj. + """ + if file_format not in [".py", ".json", ".yaml", ".yml"]: + raise IOError("Only py/yml/yaml/json type are supported now!") + if file_format != ".py" and "dict(" in cfg_str: + # check if users specify a wrong suffix for python + warnings.warn('Please check "file_format", the file format may be .py') + with tempfile.NamedTemporaryFile( + "w", encoding="utf-8", suffix=file_format, delete=False + ) as temp_file: + temp_file.write(cfg_str) + # on windows, previous implementation cause error + # see PR 1077 for details + cfg = Config.fromfile(temp_file.name) + os.remove(temp_file.name) + return cfg + + @staticmethod + def auto_argparser(description=None): + """Generate argparser from config file automatically (experimental)""" + partial_parser = ArgumentParser(description=description) + partial_parser.add_argument("config", help="config file path") + cfg_file = partial_parser.parse_known_args()[0].config + cfg = Config.fromfile(cfg_file) + parser = ArgumentParser(description=description) + parser.add_argument("config", help="config file path") + add_args(parser, cfg) + return parser, cfg + + def __init__(self, cfg_dict=None, cfg_text=None, filename=None): + if cfg_dict is None: + cfg_dict = dict() + elif not isinstance(cfg_dict, dict): + raise TypeError("cfg_dict must be a dict, but " f"got {type(cfg_dict)}") + for key in cfg_dict: + if key in RESERVED_KEYS: + raise KeyError(f"{key} is reserved for config file") + + super(Config, self).__setattr__("_cfg_dict", ConfigDict(cfg_dict)) + super(Config, self).__setattr__("_filename", filename) + if cfg_text: + text = cfg_text + elif filename: + with open(filename, "r") as f: + text = f.read() + else: + text = "" + super(Config, self).__setattr__("_text", text) + + @property + def filename(self): + return self._filename + + @property + def text(self): + return self._text + + @property + def pretty_text(self): + indent = 4 + + def _indent(s_, num_spaces): + s = s_.split("\n") + if len(s) == 1: + return s_ + first = s.pop(0) + s = [(num_spaces * " ") + line for line in s] + s = "\n".join(s) + s = first + "\n" + s + return s + + def _format_basic_types(k, v, use_mapping=False): + if isinstance(v, str): + v_str = f"'{v}'" + else: + v_str = str(v) + + if use_mapping: + k_str = f"'{k}'" if isinstance(k, str) else str(k) + attr_str = f"{k_str}: {v_str}" + else: + attr_str = f"{str(k)}={v_str}" + attr_str = _indent(attr_str, indent) + + return attr_str + + def _format_list(k, v, use_mapping=False): + # check if all items in the list are dict + if all(isinstance(_, dict) for _ in v): + v_str = "[\n" + v_str += "\n".join( + f"dict({_indent(_format_dict(v_), indent)})," for v_ in v + ).rstrip(",") + if use_mapping: + k_str = f"'{k}'" if isinstance(k, str) else str(k) + attr_str = f"{k_str}: {v_str}" + else: + attr_str = f"{str(k)}={v_str}" + attr_str = _indent(attr_str, indent) + "]" + else: + attr_str = _format_basic_types(k, v, use_mapping) + return attr_str + + def _contain_invalid_identifier(dict_str): + contain_invalid_identifier = False + for key_name in dict_str: + contain_invalid_identifier |= not str(key_name).isidentifier() + return contain_invalid_identifier + + def _format_dict(input_dict, outest_level=False): + r = "" + s = [] + + use_mapping = _contain_invalid_identifier(input_dict) + if use_mapping: + r += "{" + for idx, (k, v) in enumerate(input_dict.items()): + is_last = idx >= len(input_dict) - 1 + end = "" if outest_level or is_last else "," + if isinstance(v, dict): + v_str = "\n" + _format_dict(v) + if use_mapping: + k_str = f"'{k}'" if isinstance(k, str) else str(k) + attr_str = f"{k_str}: dict({v_str}" + else: + attr_str = f"{str(k)}=dict({v_str}" + attr_str = _indent(attr_str, indent) + ")" + end + elif isinstance(v, list): + attr_str = _format_list(k, v, use_mapping) + end + else: + attr_str = _format_basic_types(k, v, use_mapping) + end + + s.append(attr_str) + r += "\n".join(s) + if use_mapping: + r += "}" + return r + + cfg_dict = self._cfg_dict.to_dict() + text = _format_dict(cfg_dict, outest_level=True) + # copied from setup.cfg + yapf_style = dict( + based_on_style="pep8", + blank_line_before_nested_class_or_def=True, + split_before_expression_after_opening_paren=True, + ) + text, _ = FormatCode(text, style_config=yapf_style, verify=True) + + return text + + def __repr__(self): + return f"Config (path: {self.filename}): {self._cfg_dict.__repr__()}" + + def __len__(self): + return len(self._cfg_dict) + + def __getattr__(self, name): + return getattr(self._cfg_dict, name) + + def __getitem__(self, name): + return self._cfg_dict.__getitem__(name) + + def __setattr__(self, name, value): + if isinstance(value, dict): + value = ConfigDict(value) + self._cfg_dict.__setattr__(name, value) + + def __setitem__(self, name, value): + if isinstance(value, dict): + value = ConfigDict(value) + self._cfg_dict.__setitem__(name, value) + + def __iter__(self): + return iter(self._cfg_dict) + + def __getstate__(self): + return (self._cfg_dict, self._filename, self._text) + + def __setstate__(self, state): + _cfg_dict, _filename, _text = state + super(Config, self).__setattr__("_cfg_dict", _cfg_dict) + super(Config, self).__setattr__("_filename", _filename) + super(Config, self).__setattr__("_text", _text) + + def dump(self, file=None): + cfg_dict = super(Config, self).__getattribute__("_cfg_dict").to_dict() + if self.filename.endswith(".py"): + if file is None: + return self.pretty_text + else: + with open(file, "w", encoding="utf-8") as f: + f.write(self.pretty_text) + else: + import mmcv + + if file is None: + file_format = self.filename.split(".")[-1] + return mmcv.dump(cfg_dict, file_format=file_format) + else: + mmcv.dump(cfg_dict, file) + + def merge_from_dict(self, options, allow_list_keys=True): + """Merge list into cfg_dict. + + Merge the dict parsed by MultipleKVAction into this cfg. + + Examples: + >>> options = {'models.backbone.depth': 50, + ... 'models.backbone.with_cp':True} + >>> cfg = Config(dict(models=dict(backbone=dict(type='ResNet')))) + >>> cfg.merge_from_dict(options) + >>> cfg_dict = super(Config, self).__getattribute__('_cfg_dict') + >>> assert cfg_dict == dict( + ... models=dict(backbone=dict(depth=50, with_cp=True))) + + # Merge list element + >>> cfg = Config(dict(pipeline=[ + ... dict(type='LoadImage'), dict(type='LoadAnnotations')])) + >>> options = dict(pipeline={'0': dict(type='SelfLoadImage')}) + >>> cfg.merge_from_dict(options, allow_list_keys=True) + >>> cfg_dict = super(Config, self).__getattribute__('_cfg_dict') + >>> assert cfg_dict == dict(pipeline=[ + ... dict(type='SelfLoadImage'), dict(type='LoadAnnotations')]) + + Args: + options (dict): dict of configs to merge from. + allow_list_keys (bool): If True, int string keys (e.g. '0', '1') + are allowed in ``options`` and will replace the element of the + corresponding index in the config if the config is a list. + Default: True. + """ + option_cfg_dict = {} + for full_key, v in options.items(): + d = option_cfg_dict + key_list = full_key.split(".") + for subkey in key_list[:-1]: + d.setdefault(subkey, ConfigDict()) + d = d[subkey] + subkey = key_list[-1] + d[subkey] = v + + cfg_dict = super(Config, self).__getattribute__("_cfg_dict") + super(Config, self).__setattr__( + "_cfg_dict", + Config._merge_a_into_b( + option_cfg_dict, cfg_dict, allow_list_keys=allow_list_keys + ), + ) + + +class DictAction(Action): + """ + argparse action to split an argument into KEY=VALUE form + on the first = and append to a dictionary. List options can + be passed as comma separated values, i.e 'KEY=V1,V2,V3', or with explicit + brackets, i.e. 'KEY=[V1,V2,V3]'. It also support nested brackets to build + list/tuple values. e.g. 'KEY=[(V1,V2),(V3,V4)]' + """ + + @staticmethod + def _parse_int_float_bool(val): + try: + return int(val) + except ValueError: + pass + try: + return float(val) + except ValueError: + pass + if val.lower() in ["true", "false"]: + return True if val.lower() == "true" else False + return val + + @staticmethod + def _parse_iterable(val): + """Parse iterable values in the string. + + All elements inside '()' or '[]' are treated as iterable values. + + Args: + val (str): Value string. + + Returns: + list | tuple: The expanded list or tuple from the string. + + Examples: + >>> DictAction._parse_iterable('1,2,3') + [1, 2, 3] + >>> DictAction._parse_iterable('[a, b, c]') + ['a', 'b', 'c'] + >>> DictAction._parse_iterable('[(1, 2, 3), [a, b], c]') + [(1, 2, 3), ['a', 'b'], 'c'] + """ + + def find_next_comma(string): + """Find the position of next comma in the string. + + If no ',' is found in the string, return the string length. All + chars inside '()' and '[]' are treated as one element and thus ',' + inside these brackets are ignored. + """ + assert (string.count("(") == string.count(")")) and ( + string.count("[") == string.count("]") + ), f"Imbalanced brackets exist in {string}" + end = len(string) + for idx, char in enumerate(string): + pre = string[:idx] + # The string before this ',' is balanced + if ( + (char == ",") + and (pre.count("(") == pre.count(")")) + and (pre.count("[") == pre.count("]")) + ): + end = idx + break + return end + + # Strip ' and " characters and replace whitespace. + val = val.strip("'\"").replace(" ", "") + is_tuple = False + if val.startswith("(") and val.endswith(")"): + is_tuple = True + val = val[1:-1] + elif val.startswith("[") and val.endswith("]"): + val = val[1:-1] + elif "," not in val: + # val is a single value + return DictAction._parse_int_float_bool(val) + + values = [] + while len(val) > 0: + comma_idx = find_next_comma(val) + element = DictAction._parse_iterable(val[:comma_idx]) + values.append(element) + val = val[comma_idx + 1 :] + if is_tuple: + values = tuple(values) + return values + + def __call__(self, parser, namespace, values, option_string=None): + options = {} + for kv in values: + key, val = kv.split("=", maxsplit=1) + options[key] = self._parse_iterable(val) + setattr(namespace, self.dest, options) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/env.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/env.py new file mode 100644 index 0000000000000000000000000000000000000000..653f007dde5c4a7564e732da88dd47e7d37adf97 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/env.py @@ -0,0 +1,36 @@ +""" +Environment Utils + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import random +import numpy as np +import torch +import torch.backends.cudnn as cudnn + +from datetime import datetime + + +def get_random_seed(): + seed = ( + os.getpid() + + int(datetime.now().strftime("%S%f")) + + int.from_bytes(os.urandom(2), "big") + ) + return seed + + +def set_seed(seed=None): + if seed is None: + seed = get_random_seed() + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + cudnn.benchmark = False + cudnn.deterministic = True + os.environ["PYTHONHASHSEED"] = str(seed) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/events.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/events.py new file mode 100644 index 0000000000000000000000000000000000000000..831638a2111f425113925cca5cd2d2bbb91c1c52 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/events.py @@ -0,0 +1,593 @@ +""" +Events Utils + +Modified from Detectron2 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import datetime +import json +import logging +import os +import time +import torch +import numpy as np + +from typing import List, Optional, Tuple +from collections import defaultdict +from contextlib import contextmanager + +__all__ = [ + "get_event_storage", + "JSONWriter", + "TensorboardXWriter", + "CommonMetricPrinter", + "EventStorage", +] + +_CURRENT_STORAGE_STACK = [] + + +def get_event_storage(): + """ + Returns: + The :class:`EventStorage` object that's currently being used. + Throws an error if no :class:`EventStorage` is currently enabled. + """ + assert len( + _CURRENT_STORAGE_STACK + ), "get_event_storage() has to be called inside a 'with EventStorage(...)' context!" + return _CURRENT_STORAGE_STACK[-1] + + +class EventWriter: + """ + Base class for writers that obtain events from :class:`EventStorage` and process them. + """ + + def write(self): + raise NotImplementedError + + def close(self): + pass + + +class JSONWriter(EventWriter): + """ + Write scalars to a json file. + It saves scalars as one json per line (instead of a big json) for easy parsing. + Examples parsing such a json file: + :: + $ cat metrics.json | jq -s '.[0:2]' + [ + { + "data_time": 0.008433341979980469, + "iteration": 19, + "loss": 1.9228371381759644, + "loss_box_reg": 0.050025828182697296, + "loss_classifier": 0.5316952466964722, + "loss_mask": 0.7236229181289673, + "loss_rpn_box": 0.0856662318110466, + "loss_rpn_cls": 0.48198649287223816, + "lr": 0.007173333333333333, + "time": 0.25401854515075684 + }, + { + "data_time": 0.007216215133666992, + "iteration": 39, + "loss": 1.282649278640747, + "loss_box_reg": 0.06222952902317047, + "loss_classifier": 0.30682939291000366, + "loss_mask": 0.6970193982124329, + "loss_rpn_box": 0.038663312792778015, + "loss_rpn_cls": 0.1471673548221588, + "lr": 0.007706666666666667, + "time": 0.2490077018737793 + } + ] + $ cat metrics.json | jq '.loss_mask' + 0.7126231789588928 + 0.689423680305481 + 0.6776131987571716 + ... + """ + + def __init__(self, json_file, window_size=20): + """ + Args: + json_file (str): path to the json file. New data will be appended if the file exists. + window_size (int): the window size of median smoothing for the scalars whose + `smoothing_hint` are True. + """ + self._file_handle = open(json_file, "a") + self._window_size = window_size + self._last_write = -1 + + def write(self): + storage = get_event_storage() + to_save = defaultdict(dict) + + for k, (v, iter) in storage.latest_with_smoothing_hint( + self._window_size + ).items(): + # keep scalars that have not been written + if iter <= self._last_write: + continue + to_save[iter][k] = v + if len(to_save): + all_iters = sorted(to_save.keys()) + self._last_write = max(all_iters) + + for itr, scalars_per_iter in to_save.items(): + scalars_per_iter["iteration"] = itr + self._file_handle.write(json.dumps(scalars_per_iter, sort_keys=True) + "\n") + self._file_handle.flush() + try: + os.fsync(self._file_handle.fileno()) + except AttributeError: + pass + + def close(self): + self._file_handle.close() + + +class TensorboardXWriter(EventWriter): + """ + Write all scalars to a tensorboard file. + """ + + def __init__(self, log_dir: str, window_size: int = 20, **kwargs): + """ + Args: + log_dir (str): the directory to save the output events + window_size (int): the scalars will be median-smoothed by this window size + kwargs: other arguments passed to `torch.utils.tensorboard.SummaryWriter(...)` + """ + self._window_size = window_size + from torch.utils.tensorboard import SummaryWriter + + self._writer = SummaryWriter(log_dir, **kwargs) + self._last_write = -1 + + def write(self): + storage = get_event_storage() + new_last_write = self._last_write + for k, (v, iter) in storage.latest_with_smoothing_hint( + self._window_size + ).items(): + if iter > self._last_write: + self._writer.add_scalar(k, v, iter) + new_last_write = max(new_last_write, iter) + self._last_write = new_last_write + + # storage.put_{image,histogram} is only meant to be used by + # tensorboard writer. So we access its internal fields directly from here. + if len(storage._vis_data) >= 1: + for img_name, img, step_num in storage._vis_data: + self._writer.add_image(img_name, img, step_num) + # Storage stores all image data and rely on this writer to clear them. + # As a result it assumes only one writer will use its image data. + # An alternative design is to let storage store limited recent + # data (e.g. only the most recent image) that all writers can access. + # In that case a writer may not see all image data if its period is long. + storage.clear_images() + + if len(storage._histograms) >= 1: + for params in storage._histograms: + self._writer.add_histogram_raw(**params) + storage.clear_histograms() + + def close(self): + if hasattr(self, "_writer"): # doesn't exist when the code fails at import + self._writer.close() + + +class CommonMetricPrinter(EventWriter): + """ + Print **common** metrics to the terminal, including + iteration time, ETA, memory, all losses, and the learning rate. + It also applies smoothing using a window of 20 elements. + It's meant to print common metrics in common ways. + To print something in more customized ways, please implement a similar printer by yourself. + """ + + def __init__(self, max_iter: Optional[int] = None, window_size: int = 20): + """ + Args: + max_iter: the maximum number of iterations to train. + Used to compute ETA. If not given, ETA will not be printed. + window_size (int): the losses will be median-smoothed by this window size + """ + self.logger = logging.getLogger(__name__) + self._max_iter = max_iter + self._window_size = window_size + self._last_write = ( + None # (step, time) of last call to write(). Used to compute ETA + ) + + def _get_eta(self, storage) -> Optional[str]: + if self._max_iter is None: + return "" + iteration = storage.iter + try: + eta_seconds = storage.history("time").median(1000) * ( + self._max_iter - iteration - 1 + ) + storage.put_scalar("eta_seconds", eta_seconds, smoothing_hint=False) + return str(datetime.timedelta(seconds=int(eta_seconds))) + except KeyError: + # estimate eta on our own - more noisy + eta_string = None + if self._last_write is not None: + estimate_iter_time = (time.perf_counter() - self._last_write[1]) / ( + iteration - self._last_write[0] + ) + eta_seconds = estimate_iter_time * (self._max_iter - iteration - 1) + eta_string = str(datetime.timedelta(seconds=int(eta_seconds))) + self._last_write = (iteration, time.perf_counter()) + return eta_string + + def write(self): + storage = get_event_storage() + iteration = storage.iter + if iteration == self._max_iter: + # This hook only reports training progress (loss, ETA, etc) but not other data, + # therefore do not write anything after training succeeds, even if this method + # is called. + return + + try: + data_time = storage.history("data_time").avg(20) + except KeyError: + # they may not exist in the first few iterations (due to warmup) + # or when SimpleTrainer is not used + data_time = None + try: + iter_time = storage.history("time").global_avg() + except KeyError: + iter_time = None + try: + lr = "{:.5g}".format(storage.history("lr").latest()) + except KeyError: + lr = "N/A" + + eta_string = self._get_eta(storage) + + if torch.cuda.is_available(): + max_mem_mb = torch.cuda.max_memory_allocated() / 1024.0 / 1024.0 + else: + max_mem_mb = None + + # NOTE: max_mem is parsed by grep in "dev/parse_results.sh" + self.logger.info( + " {eta}iter: {iter} {losses} {time}{data_time}lr: {lr} {memory}".format( + eta=f"eta: {eta_string} " if eta_string else "", + iter=iteration, + losses=" ".join( + [ + "{}: {:.4g}".format(k, v.median(self._window_size)) + for k, v in storage.histories().items() + if "loss" in k + ] + ), + time=( + "time: {:.4f} ".format(iter_time) if iter_time is not None else "" + ), + data_time=( + "data_time: {:.4f} ".format(data_time) + if data_time is not None + else "" + ), + lr=lr, + memory=( + "max_mem: {:.0f}M".format(max_mem_mb) + if max_mem_mb is not None + else "" + ), + ) + ) + + +class EventStorage: + """ + The user-facing class that provides metric storage functionalities. + In the future we may add support for storing / logging other types of data if needed. + """ + + def __init__(self, start_iter=0): + """ + Args: + start_iter (int): the iteration number to start with + """ + self._history = defaultdict(AverageMeter) + self._smoothing_hints = {} + self._latest_scalars = {} + self._iter = start_iter + self._current_prefix = "" + self._vis_data = [] + self._histograms = [] + + # def put_image(self, img_name, img_tensor): + # """ + # Add an `img_tensor` associated with `img_name`, to be shown on + # tensorboard. + # Args: + # img_name (str): The name of the image to put into tensorboard. + # img_tensor (torch.Tensor or numpy.array): An `uint8` or `float` + # Tensor of shape `[channel, height, width]` where `channel` is + # 3. The image format should be RGB. The elements in img_tensor + # can either have values in [0, 1] (float32) or [0, 255] (uint8). + # The `img_tensor` will be visualized in tensorboard. + # """ + # self._vis_data.append((img_name, img_tensor, self._iter)) + + def put_scalar(self, name, value, n=1, smoothing_hint=False): + """ + Add a scalar `value` to the `HistoryBuffer` associated with `name`. + Args: + smoothing_hint (bool): a 'hint' on whether this scalar is noisy and should be + smoothed when logged. The hint will be accessible through + :meth:`EventStorage.smoothing_hints`. A writer may ignore the hint + and apply custom smoothing rule. + It defaults to True because most scalars we save need to be smoothed to + provide any useful signal. + """ + name = self._current_prefix + name + history = self._history[name] + history.update(value, n) + self._latest_scalars[name] = (value, self._iter) + + existing_hint = self._smoothing_hints.get(name) + if existing_hint is not None: + assert ( + existing_hint == smoothing_hint + ), "Scalar {} was put with a different smoothing_hint!".format(name) + else: + self._smoothing_hints[name] = smoothing_hint + + # def put_scalars(self, *, smoothing_hint=True, **kwargs): + # """ + # Put multiple scalars from keyword arguments. + # Examples: + # storage.put_scalars(loss=my_loss, accuracy=my_accuracy, smoothing_hint=True) + # """ + # for k, v in kwargs.items(): + # self.put_scalar(k, v, smoothing_hint=smoothing_hint) + # + # def put_histogram(self, hist_name, hist_tensor, bins=1000): + # """ + # Create a histogram from a tensor. + # Args: + # hist_name (str): The name of the histogram to put into tensorboard. + # hist_tensor (torch.Tensor): A Tensor of arbitrary shape to be converted + # into a histogram. + # bins (int): Number of histogram bins. + # """ + # ht_min, ht_max = hist_tensor.min().item(), hist_tensor.max().item() + # + # # Create a histogram with PyTorch + # hist_counts = torch.histc(hist_tensor, bins=bins) + # hist_edges = torch.linspace(start=ht_min, end=ht_max, steps=bins + 1, dtype=torch.float32) + # + # # Parameter for the add_histogram_raw function of SummaryWriter + # hist_params = dict( + # tag=hist_name, + # min=ht_min, + # max=ht_max, + # num=len(hist_tensor), + # sum=float(hist_tensor.sum()), + # sum_squares=float(torch.sum(hist_tensor**2)), + # bucket_limits=hist_edges[1:].tolist(), + # bucket_counts=hist_counts.tolist(), + # global_step=self._iter, + # ) + # self._histograms.append(hist_params) + + def history(self, name): + """ + Returns: + AverageMeter: the history for name + """ + ret = self._history.get(name, None) + if ret is None: + raise KeyError("No history metric available for {}!".format(name)) + return ret + + def histories(self): + """ + Returns: + dict[name -> HistoryBuffer]: the HistoryBuffer for all scalars + """ + return self._history + + def latest(self): + """ + Returns: + dict[str -> (float, int)]: mapping from the name of each scalar to the most + recent value and the iteration number its added. + """ + return self._latest_scalars + + def latest_with_smoothing_hint(self, window_size=20): + """ + Similar to :meth:`latest`, but the returned values + are either the un-smoothed original latest value, + or a median of the given window_size, + depend on whether the smoothing_hint is True. + This provides a default behavior that other writers can use. + """ + result = {} + for k, (v, itr) in self._latest_scalars.items(): + result[k] = ( + self._history[k].median(window_size) if self._smoothing_hints[k] else v, + itr, + ) + return result + + def smoothing_hints(self): + """ + Returns: + dict[name -> bool]: the user-provided hint on whether the scalar + is noisy and needs smoothing. + """ + return self._smoothing_hints + + def step(self): + """ + User should either: (1) Call this function to increment storage.iter when needed. Or + (2) Set `storage.iter` to the correct iteration number before each iteration. + The storage will then be able to associate the new data with an iteration number. + """ + self._iter += 1 + + @property + def iter(self): + """ + Returns: + int: The current iteration number. When used together with a trainer, + this is ensured to be the same as trainer.iter. + """ + return self._iter + + @iter.setter + def iter(self, val): + self._iter = int(val) + + @property + def iteration(self): + # for backward compatibility + return self._iter + + def __enter__(self): + _CURRENT_STORAGE_STACK.append(self) + return self + + def __exit__(self, exc_type, exc_val, exc_tb): + assert _CURRENT_STORAGE_STACK[-1] == self + _CURRENT_STORAGE_STACK.pop() + + @contextmanager + def name_scope(self, name): + """ + Yields: + A context within which all the events added to this storage + will be prefixed by the name scope. + """ + old_prefix = self._current_prefix + self._current_prefix = name.rstrip("/") + "/" + yield + self._current_prefix = old_prefix + + def clear_images(self): + """ + Delete all the stored images for visualization. This should be called + after images are written to tensorboard. + """ + self._vis_data = [] + + def clear_histograms(self): + """ + Delete all the stored histograms for visualization. + This should be called after histograms are written to tensorboard. + """ + self._histograms = [] + + def reset_history(self, name): + ret = self._history.get(name, None) + if ret is None: + raise KeyError("No history metric available for {}!".format(name)) + ret.reset() + + def reset_histories(self): + for name in self._history.keys(): + self._history[name].reset() + + +class AverageMeter: + """Computes and stores the average and current value""" + + def __init__(self): + self.val = 0 + self.avg = 0 + self.total = 0 + self.count = 0 + + def reset(self): + self.val = 0 + self.avg = 0 + self.total = 0 + self.count = 0 + + def update(self, val, n=1): + self.val = val + self.total += val * n + self.count += n + self.avg = self.total / self.count + + +class HistoryBuffer: + """ + Track a series of scalar values and provide access to smoothed values over a + window or the global average of the series. + """ + + def __init__(self, max_length: int = 1000000) -> None: + """ + Args: + max_length: maximal number of values that can be stored in the + buffer. When the capacity of the buffer is exhausted, old + values will be removed. + """ + self._max_length: int = max_length + self._data: List[Tuple[float, float]] = [] # (value, iteration) pairs + self._count: int = 0 + self._global_avg: float = 0 + + def update(self, value: float, iteration: Optional[float] = None) -> None: + """ + Add a new scalar value produced at certain iteration. If the length + of the buffer exceeds self._max_length, the oldest element will be + removed from the buffer. + """ + if iteration is None: + iteration = self._count + if len(self._data) == self._max_length: + self._data.pop(0) + self._data.append((value, iteration)) + + self._count += 1 + self._global_avg += (value - self._global_avg) / self._count + + def latest(self) -> float: + """ + Return the latest scalar value added to the buffer. + """ + return self._data[-1][0] + + def median(self, window_size: int) -> float: + """ + Return the median of the latest `window_size` values in the buffer. + """ + return np.median([x[0] for x in self._data[-window_size:]]) + + def avg(self, window_size: int) -> float: + """ + Return the mean of the latest `window_size` values in the buffer. + """ + return np.mean([x[0] for x in self._data[-window_size:]]) + + def global_avg(self) -> float: + """ + Return the mean of all the elements in the buffer. Note that this + includes those getting removed due to limited buffer storage. + """ + return self._global_avg + + def values(self) -> List[Tuple[float, float]]: + """ + Returns: + list[(number, iteration)]: content of the current buffer. + """ + return self._data diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/logger.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/logger.py new file mode 100644 index 0000000000000000000000000000000000000000..ddaf2c5a765c9f1325737c3cbc73e1169f13cdd4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/logger.py @@ -0,0 +1,172 @@ +""" +Logger Utils + +Modified from mmcv + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import logging +import torch +import torch.distributed as dist + +from termcolor import colored + +logger_initialized = {} +root_status = 0 + + +class _ColorfulFormatter(logging.Formatter): + def __init__(self, *args, **kwargs): + self._root_name = kwargs.pop("root_name") + "." + super(_ColorfulFormatter, self).__init__(*args, **kwargs) + + def formatMessage(self, record): + log = super(_ColorfulFormatter, self).formatMessage(record) + if record.levelno == logging.WARNING: + prefix = colored("WARNING", "red", attrs=["blink"]) + elif record.levelno == logging.ERROR or record.levelno == logging.CRITICAL: + prefix = colored("ERROR", "red", attrs=["blink", "underline"]) + else: + return log + return prefix + " " + log + + +def get_logger(name, log_file=None, log_level=logging.INFO, file_mode="a", color=False): + """Initialize and get a logger by name. + + If the logger has not been initialized, this method will initialize the + logger by adding one or two handlers, otherwise the initialized logger will + be directly returned. During initialization, a StreamHandler will always be + added. If `log_file` is specified and the process rank is 0, a FileHandler + will also be added. + + Args: + name (str): Logger name. + log_file (str | None): The log filename. If specified, a FileHandler + will be added to the logger. + log_level (int): The logger level. Note that only the process of + rank 0 is affected, and other processes will set the level to + "Error" thus be silent most of the time. + file_mode (str): The file mode used in opening log file. + Defaults to 'a'. + color (bool): Colorful log output. Defaults to True + + Returns: + logging.Logger: The expected logger. + """ + logger = logging.getLogger(name) + + if name in logger_initialized: + return logger + # handle hierarchical names + # e.g., logger "a" is initialized, then logger "a.b" will skip the + # initialization since it is a child of "a". + for logger_name in logger_initialized: + if name.startswith(logger_name): + return logger + + logger.propagate = False + + stream_handler = logging.StreamHandler() + handlers = [stream_handler] + + if dist.is_available() and dist.is_initialized(): + rank = dist.get_rank() + else: + rank = 0 + + # only rank 0 will add a FileHandler + if rank == 0 and log_file is not None: + # Here, the default behaviour of the official logger is 'a'. Thus, we + # provide an interface to change the file mode to the default + # behaviour. + file_handler = logging.FileHandler(log_file, file_mode) + handlers.append(file_handler) + + plain_formatter = logging.Formatter( + "[%(asctime)s %(levelname)s %(filename)s line %(lineno)d %(process)d] %(message)s" + ) + if color: + formatter = _ColorfulFormatter( + colored("[%(asctime)s %(name)s]: ", "green") + "%(message)s", + datefmt="%m/%d %H:%M:%S", + root_name=name, + ) + else: + formatter = plain_formatter + for handler in handlers: + handler.setFormatter(formatter) + handler.setLevel(log_level) + logger.addHandler(handler) + + if rank == 0: + logger.setLevel(log_level) + else: + logger.setLevel(logging.ERROR) + + logger_initialized[name] = True + + return logger + + +def print_log(msg, logger=None, level=logging.INFO): + """Print a log message. + + Args: + msg (str): The message to be logged. + logger (logging.Logger | str | None): The logger to be used. + Some special loggers are: + - "silent": no message will be printed. + - other str: the logger obtained with `get_root_logger(logger)`. + - None: The `print()` method will be used to print log messages. + level (int): Logging level. Only available when `logger` is a Logger + object or "root". + """ + if logger is None: + print(msg) + elif isinstance(logger, logging.Logger): + logger.log(level, msg) + elif logger == "silent": + pass + elif isinstance(logger, str): + _logger = get_logger(logger) + _logger.log(level, msg) + else: + raise TypeError( + "logger should be either a logging.Logger object, str, " + f'"silent" or None, but got {type(logger)}' + ) + + +def get_root_logger(log_file=None, log_level=logging.INFO, file_mode="a"): + """Get the root logger. + + The logger will be initialized if it has not been initialized. By default a + StreamHandler will be added. If `log_file` is specified, a FileHandler will + also be added. The name of the root logger is the top-level package name. + + Args: + log_file (str | None): The log filename. If specified, a FileHandler + will be added to the root logger. + log_level (int): The root logger level. Note that only the process of + rank 0 is affected, while other processes will set the level to + "Error" and be silent most of the time. + file_mode (str): File Mode of logger. (w or a) + + Returns: + logging.Logger: The root logger. + """ + logger = get_logger( + name="pointcept", log_file=log_file, log_level=log_level, file_mode=file_mode + ) + return logger + + +def _log_api_usage(identifier: str): + """ + Internal function used to log the usage of different detectron2 components + inside facebook's infra. + """ + torch._C._log_api_usage_once("pointcept." + identifier) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/misc.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..3177bae3882ccad347002165d2b34d5dc2540359 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/misc.py @@ -0,0 +1,164 @@ +""" +Misc + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import warnings +from collections import abc +import numpy as np +import torch +from importlib import import_module + + +class AverageMeter(object): + """Computes and stores the average and current value""" + + def __init__(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + + def reset(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + + def update(self, val, n=1): + self.val = val + self.sum += val * n + self.count += n + self.avg = self.sum / self.count + + +def intersection_and_union(output, target, K, ignore_index=-1): + # 'K' classes, output and target sizes are N or N * L or N * H * W, each value in range 0 to K - 1. + assert output.ndim in [1, 2, 3] + assert output.shape == target.shape + output = output.reshape(output.size).copy() + target = target.reshape(target.size) + output[np.where(target == ignore_index)[0]] = ignore_index + intersection = output[np.where(output == target)[0]] + area_intersection, _ = np.histogram(intersection, bins=np.arange(K + 1)) + area_output, _ = np.histogram(output, bins=np.arange(K + 1)) + area_target, _ = np.histogram(target, bins=np.arange(K + 1)) + area_union = area_output + area_target - area_intersection + return area_intersection, area_union, area_target + + +def intersection_and_union_gpu(output, target, k, ignore_index=-1): + # 'K' classes, output and target sizes are N or N * L or N * H * W, each value in range 0 to K - 1. + assert output.dim() in [1, 2, 3] + assert output.shape == target.shape + output = output.view(-1) + target = target.view(-1) + output[target == ignore_index] = ignore_index + intersection = output[output == target] + area_intersection = torch.histc(intersection, bins=k, min=0, max=k - 1) + area_output = torch.histc(output, bins=k, min=0, max=k - 1) + area_target = torch.histc(target, bins=k, min=0, max=k - 1) + area_union = area_output + area_target - area_intersection + return area_intersection, area_union, area_target + + +def make_dirs(dir_name): + if not os.path.exists(dir_name): + os.makedirs(dir_name, exist_ok=True) + + +def find_free_port(): + import socket + + sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) + # Binding to port 0 will cause the OS to find an available port for us + sock.bind(("", 0)) + port = sock.getsockname()[1] + sock.close() + # NOTE: there is still a chance the port could be taken by other processes. + return port + + +def is_seq_of(seq, expected_type, seq_type=None): + """Check whether it is a sequence of some type. + + Args: + seq (Sequence): The sequence to be checked. + expected_type (type): Expected type of sequence items. + seq_type (type, optional): Expected sequence type. + + Returns: + bool: Whether the sequence is valid. + """ + if seq_type is None: + exp_seq_type = abc.Sequence + else: + assert isinstance(seq_type, type) + exp_seq_type = seq_type + if not isinstance(seq, exp_seq_type): + return False + for item in seq: + if not isinstance(item, expected_type): + return False + return True + + +def is_str(x): + """Whether the input is an string instance. + + Note: This method is deprecated since python 2 is no longer supported. + """ + return isinstance(x, str) + + +def import_modules_from_strings(imports, allow_failed_imports=False): + """Import modules from the given list of strings. + + Args: + imports (list | str | None): The given module names to be imported. + allow_failed_imports (bool): If True, the failed imports will return + None. Otherwise, an ImportError is raise. Default: False. + + Returns: + list[module] | module | None: The imported modules. + + Examples: + >>> osp, sys = import_modules_from_strings( + ... ['os.path', 'sys']) + >>> import os.path as osp_ + >>> import sys as sys_ + >>> assert osp == osp_ + >>> assert sys == sys_ + """ + if not imports: + return + single_import = False + if isinstance(imports, str): + single_import = True + imports = [imports] + if not isinstance(imports, list): + raise TypeError(f"custom_imports must be a list but got type {type(imports)}") + imported = [] + for imp in imports: + if not isinstance(imp, str): + raise TypeError(f"{imp} is of type {type(imp)} and cannot be imported.") + try: + imported_tmp = import_module(imp) + except ImportError: + if allow_failed_imports: + warnings.warn(f"{imp} failed to import and is ignored.", UserWarning) + imported_tmp = None + else: + raise ImportError + imported.append(imported_tmp) + if single_import: + imported = imported[0] + return imported + + +class DummyClass: + def __init__(self): + pass diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/optimizer.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/optimizer.py new file mode 100644 index 0000000000000000000000000000000000000000..355ec8916ad041ca02b404029983b0f59933fb8c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/optimizer.py @@ -0,0 +1,55 @@ +""" +Optimizer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +from pointcept.utils.logger import get_root_logger +from pointcept.utils.registry import Registry + +OPTIMIZERS = Registry("optimizers") + + +OPTIMIZERS.register_module(module=torch.optim.SGD, name="SGD") +OPTIMIZERS.register_module(module=torch.optim.Adam, name="Adam") +OPTIMIZERS.register_module(module=torch.optim.AdamW, name="AdamW") + + +def build_optimizer(cfg, model, param_dicts=None): + if param_dicts is None: + cfg.params = model.parameters() + else: + cfg.params = [dict(names=[], params=[], lr=cfg.lr)] + for i in range(len(param_dicts)): + param_group = dict(names=[], params=[]) + if "lr" in param_dicts[i].keys(): + param_group["lr"] = param_dicts[i].lr + if "momentum" in param_dicts[i].keys(): + param_group["momentum"] = param_dicts[i].momentum + if "weight_decay" in param_dicts[i].keys(): + param_group["weight_decay"] = param_dicts[i].weight_decay + cfg.params.append(param_group) + + for n, p in model.named_parameters(): + flag = False + for i in range(len(param_dicts)): + if param_dicts[i].keyword in n: + cfg.params[i + 1]["names"].append(n) + cfg.params[i + 1]["params"].append(p) + flag = True + break + if not flag: + cfg.params[0]["names"].append(n) + cfg.params[0]["params"].append(p) + + logger = get_root_logger() + for i in range(len(cfg.params)): + param_names = cfg.params[i].pop("names") + message = "" + for key in cfg.params[i].keys(): + if key != "params": + message += f" {key}: {cfg.params[i][key]};" + logger.info(f"Params Group {i+1} -{message} Params: {param_names}.") + return OPTIMIZERS.build(cfg=cfg) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/path.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/path.py new file mode 100644 index 0000000000000000000000000000000000000000..ce98fa5fd0dfbf6e1d61e833ecc35fea4ab2782b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/path.py @@ -0,0 +1,103 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import os +import os.path as osp +from pathlib import Path + +from .misc import is_str + + +def is_filepath(x): + return is_str(x) or isinstance(x, Path) + + +def fopen(filepath, *args, **kwargs): + if is_str(filepath): + return open(filepath, *args, **kwargs) + elif isinstance(filepath, Path): + return filepath.open(*args, **kwargs) + raise ValueError("`filepath` should be a string or a Path") + + +def check_file_exist(filename, msg_tmpl='file "{}" does not exist'): + if not osp.isfile(filename): + raise FileNotFoundError(msg_tmpl.format(filename)) + + +def mkdir_or_exist(dir_name, mode=0o777): + if dir_name == "": + return + dir_name = osp.expanduser(dir_name) + os.makedirs(dir_name, mode=mode, exist_ok=True) + + +def symlink(src, dst, overwrite=True, **kwargs): + if os.path.lexists(dst) and overwrite: + os.remove(dst) + os.symlink(src, dst, **kwargs) + + +def scandir(dir_path, suffix=None, recursive=False, case_sensitive=True): + """Scan a directory to find the interested files. + + Args: + dir_path (str | obj:`Path`): Path of the directory. + suffix (str | tuple(str), optional): File suffix that we are + interested in. Default: None. + recursive (bool, optional): If set to True, recursively scan the + directory. Default: False. + case_sensitive (bool, optional) : If set to False, ignore the case of + suffix. Default: True. + + Returns: + A generator for all the interested files with relative paths. + """ + if isinstance(dir_path, (str, Path)): + dir_path = str(dir_path) + else: + raise TypeError('"dir_path" must be a string or Path object') + + if (suffix is not None) and not isinstance(suffix, (str, tuple)): + raise TypeError('"suffix" must be a string or tuple of strings') + + if suffix is not None and not case_sensitive: + suffix = ( + suffix.lower() + if isinstance(suffix, str) + else tuple(item.lower() for item in suffix) + ) + + root = dir_path + + def _scandir(dir_path, suffix, recursive, case_sensitive): + for entry in os.scandir(dir_path): + if not entry.name.startswith(".") and entry.is_file(): + rel_path = osp.relpath(entry.path, root) + _rel_path = rel_path if case_sensitive else rel_path.lower() + if suffix is None or _rel_path.endswith(suffix): + yield rel_path + elif recursive and os.path.isdir(entry.path): + # scan recursively if entry.path is a directory + yield from _scandir(entry.path, suffix, recursive, case_sensitive) + + return _scandir(dir_path, suffix, recursive, case_sensitive) + + +def find_vcs_root(path, markers=(".git",)): + """Finds the root directory (including itself) of specified markers. + + Args: + path (str): Path of directory or file. + markers (list[str], optional): List of file or directory names. + + Returns: + The directory contained one of the markers or None if not found. + """ + if osp.isfile(path): + path = osp.dirname(path) + + prev, cur = None, osp.abspath(osp.expanduser(path)) + while cur != prev: + if any(osp.exists(osp.join(cur, marker)) for marker in markers): + return cur + prev, cur = cur, osp.split(cur)[0] + return None diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/registry.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/registry.py new file mode 100644 index 0000000000000000000000000000000000000000..7ac308a87d38ff61da14d6b4d5c73b4c68c15a58 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/registry.py @@ -0,0 +1,316 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import inspect +import warnings +from functools import partial + +from .misc import is_seq_of + + +def build_from_cfg(cfg, registry, default_args=None): + """Build a module from configs dict. + + Args: + cfg (dict): Config dict. It should at least contain the key "type". + registry (:obj:`Registry`): The registry to search the type from. + default_args (dict, optional): Default initialization arguments. + + Returns: + object: The constructed object. + """ + if not isinstance(cfg, dict): + raise TypeError(f"cfg must be a dict, but got {type(cfg)}") + if "type" not in cfg: + if default_args is None or "type" not in default_args: + raise KeyError( + '`cfg` or `default_args` must contain the key "type", ' + f"but got {cfg}\n{default_args}" + ) + if not isinstance(registry, Registry): + raise TypeError( + "registry must be an mmcv.Registry object, " f"but got {type(registry)}" + ) + if not (isinstance(default_args, dict) or default_args is None): + raise TypeError( + "default_args must be a dict or None, " f"but got {type(default_args)}" + ) + + args = cfg.copy() + + if default_args is not None: + for name, value in default_args.items(): + args.setdefault(name, value) + + obj_type = args.pop("type") + if isinstance(obj_type, str): + obj_cls = registry.get(obj_type) + if obj_cls is None: + raise KeyError(f"{obj_type} is not in the {registry.name} registry") + elif inspect.isclass(obj_type): + obj_cls = obj_type + else: + raise TypeError(f"type must be a str or valid type, but got {type(obj_type)}") + try: + return obj_cls(**args) + except Exception as e: + # Normal TypeError does not print class name. + raise type(e)(f"{obj_cls.__name__}: {e}") + + +class Registry: + """A registry to map strings to classes. + + Registered object could be built from registry. + Example: + >>> MODELS = Registry('models') + >>> @MODELS.register_module() + >>> class ResNet: + >>> pass + >>> resnet = MODELS.build(dict(type='ResNet')) + + Please refer to + https://mmcv.readthedocs.io/en/latest/understand_mmcv/registry.html for + advanced usage. + + Args: + name (str): Registry name. + build_func(func, optional): Build function to construct instance from + Registry, func:`build_from_cfg` is used if neither ``parent`` or + ``build_func`` is specified. If ``parent`` is specified and + ``build_func`` is not given, ``build_func`` will be inherited + from ``parent``. Default: None. + parent (Registry, optional): Parent registry. The class registered in + children registry could be built from parent. Default: None. + scope (str, optional): The scope of registry. It is the key to search + for children registry. If not specified, scope will be the name of + the package where class is defined, e.g. mmdet, mmcls, mmseg. + Default: None. + """ + + def __init__(self, name, build_func=None, parent=None, scope=None): + self._name = name + self._module_dict = dict() + self._children = dict() + self._scope = self.infer_scope() if scope is None else scope + + # self.build_func will be set with the following priority: + # 1. build_func + # 2. parent.build_func + # 3. build_from_cfg + if build_func is None: + if parent is not None: + self.build_func = parent.build_func + else: + self.build_func = build_from_cfg + else: + self.build_func = build_func + if parent is not None: + assert isinstance(parent, Registry) + parent._add_children(self) + self.parent = parent + else: + self.parent = None + + def __len__(self): + return len(self._module_dict) + + def __contains__(self, key): + return self.get(key) is not None + + def __repr__(self): + format_str = ( + self.__class__.__name__ + f"(name={self._name}, " + f"items={self._module_dict})" + ) + return format_str + + @staticmethod + def infer_scope(): + """Infer the scope of registry. + + The name of the package where registry is defined will be returned. + + Example: + # in mmdet/models/backbone/resnet.py + >>> MODELS = Registry('models') + >>> @MODELS.register_module() + >>> class ResNet: + >>> pass + The scope of ``ResNet`` will be ``mmdet``. + + + Returns: + scope (str): The inferred scope name. + """ + # inspect.stack() trace where this function is called, the index-2 + # indicates the frame where `infer_scope()` is called + filename = inspect.getmodule(inspect.stack()[2][0]).__name__ + split_filename = filename.split(".") + return split_filename[0] + + @staticmethod + def split_scope_key(key): + """Split scope and key. + + The first scope will be split from key. + + Examples: + >>> Registry.split_scope_key('mmdet.ResNet') + 'mmdet', 'ResNet' + >>> Registry.split_scope_key('ResNet') + None, 'ResNet' + + Return: + scope (str, None): The first scope. + key (str): The remaining key. + """ + split_index = key.find(".") + if split_index != -1: + return key[:split_index], key[split_index + 1 :] + else: + return None, key + + @property + def name(self): + return self._name + + @property + def scope(self): + return self._scope + + @property + def module_dict(self): + return self._module_dict + + @property + def children(self): + return self._children + + def get(self, key): + """Get the registry record. + + Args: + key (str): The class name in string format. + + Returns: + class: The corresponding class. + """ + scope, real_key = self.split_scope_key(key) + if scope is None or scope == self._scope: + # get from self + if real_key in self._module_dict: + return self._module_dict[real_key] + else: + # get from self._children + if scope in self._children: + return self._children[scope].get(real_key) + else: + # goto root + parent = self.parent + while parent.parent is not None: + parent = parent.parent + return parent.get(key) + + def build(self, *args, **kwargs): + return self.build_func(*args, **kwargs, registry=self) + + def _add_children(self, registry): + """Add children for a registry. + + The ``registry`` will be added as children based on its scope. + The parent registry could build objects from children registry. + + Example: + >>> models = Registry('models') + >>> mmdet_models = Registry('models', parent=models) + >>> @mmdet_models.register_module() + >>> class ResNet: + >>> pass + >>> resnet = models.build(dict(type='mmdet.ResNet')) + """ + + assert isinstance(registry, Registry) + assert registry.scope is not None + assert ( + registry.scope not in self.children + ), f"scope {registry.scope} exists in {self.name} registry" + self.children[registry.scope] = registry + + def _register_module(self, module_class, module_name=None, force=False): + if not inspect.isclass(module_class): + raise TypeError("module must be a class, " f"but got {type(module_class)}") + + if module_name is None: + module_name = module_class.__name__ + if isinstance(module_name, str): + module_name = [module_name] + for name in module_name: + if not force and name in self._module_dict: + raise KeyError(f"{name} is already registered " f"in {self.name}") + self._module_dict[name] = module_class + + def deprecated_register_module(self, cls=None, force=False): + warnings.warn( + "The old API of register_module(module, force=False) " + "is deprecated and will be removed, please use the new API " + "register_module(name=None, force=False, module=None) instead." + ) + if cls is None: + return partial(self.deprecated_register_module, force=force) + self._register_module(cls, force=force) + return cls + + def register_module(self, name=None, force=False, module=None): + """Register a module. + + A record will be added to `self._module_dict`, whose key is the class + name or the specified name, and value is the class itself. + It can be used as a decorator or a normal function. + + Example: + >>> backbones = Registry('backbone') + >>> @backbones.register_module() + >>> class ResNet: + >>> pass + + >>> backbones = Registry('backbone') + >>> @backbones.register_module(name='mnet') + >>> class MobileNet: + >>> pass + + >>> backbones = Registry('backbone') + >>> class ResNet: + >>> pass + >>> backbones.register_module(ResNet) + + Args: + name (str | None): The module name to be registered. If not + specified, the class name will be used. + force (bool, optional): Whether to override an existing class with + the same name. Default: False. + module (type): Module class to be registered. + """ + if not isinstance(force, bool): + raise TypeError(f"force must be a boolean, but got {type(force)}") + # NOTE: This is a walkaround to be compatible with the old api, + # while it may introduce unexpected bugs. + if isinstance(name, type): + return self.deprecated_register_module(name, force=force) + + # raise the error ahead of time + if not (name is None or isinstance(name, str) or is_seq_of(name, str)): + raise TypeError( + "name must be either of None, an instance of str or a sequence" + f" of str, but got {type(name)}" + ) + + # use it as a normal method: x.register_module(module=SomeClass) + if module is not None: + self._register_module(module_class=module, module_name=name, force=force) + return module + + # use it as a decorator: @x.register_module() + def _register(cls): + self._register_module(module_class=cls, module_name=name, force=force) + return cls + + return _register diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/scheduler.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/scheduler.py new file mode 100644 index 0000000000000000000000000000000000000000..3e2e29fdde2e2668c023af36afdb89e73fb9ce53 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/scheduler.py @@ -0,0 +1,147 @@ +""" +Scheduler + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch.optim.lr_scheduler as lr_scheduler +from .registry import Registry + +SCHEDULERS = Registry("schedulers") + + +@SCHEDULERS.register_module() +class MultiStepLR(lr_scheduler.MultiStepLR): + def __init__( + self, + optimizer, + milestones, + total_steps, + gamma=0.1, + last_epoch=-1, + verbose=False, + ): + super().__init__( + optimizer=optimizer, + milestones=[rate * total_steps for rate in milestones], + gamma=gamma, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class MultiStepWithWarmupLR(lr_scheduler.LambdaLR): + def __init__( + self, + optimizer, + milestones, + total_steps, + gamma=0.1, + warmup_rate=0.05, + warmup_scale=1e-6, + last_epoch=-1, + verbose=False, + ): + milestones = [rate * total_steps for rate in milestones] + + def multi_step_with_warmup(s): + factor = 1.0 + for i in range(len(milestones)): + if s < milestones[i]: + break + factor *= gamma + + if s <= warmup_rate * total_steps: + warmup_coefficient = 1 - (1 - s / warmup_rate / total_steps) * ( + 1 - warmup_scale + ) + else: + warmup_coefficient = 1.0 + return warmup_coefficient * factor + + super().__init__( + optimizer=optimizer, + lr_lambda=multi_step_with_warmup, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class PolyLR(lr_scheduler.LambdaLR): + def __init__(self, optimizer, total_steps, power=0.9, last_epoch=-1, verbose=False): + super().__init__( + optimizer=optimizer, + lr_lambda=lambda s: (1 - s / (total_steps + 1)) ** power, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class ExpLR(lr_scheduler.LambdaLR): + def __init__(self, optimizer, total_steps, gamma=0.9, last_epoch=-1, verbose=False): + super().__init__( + optimizer=optimizer, + lr_lambda=lambda s: gamma ** (s / total_steps), + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class CosineAnnealingLR(lr_scheduler.CosineAnnealingLR): + def __init__(self, optimizer, total_steps, eta_min=0, last_epoch=-1, verbose=False): + super().__init__( + optimizer=optimizer, + T_max=total_steps, + eta_min=eta_min, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class OneCycleLR(lr_scheduler.OneCycleLR): + r""" + torch.optim.lr_scheduler.OneCycleLR, Block total_steps + """ + + def __init__( + self, + optimizer, + max_lr, + total_steps=None, + pct_start=0.3, + anneal_strategy="cos", + cycle_momentum=True, + base_momentum=0.85, + max_momentum=0.95, + div_factor=25.0, + final_div_factor=1e4, + three_phase=False, + last_epoch=-1, + verbose=False, + ): + super().__init__( + optimizer=optimizer, + max_lr=max_lr, + total_steps=total_steps, + pct_start=pct_start, + anneal_strategy=anneal_strategy, + cycle_momentum=cycle_momentum, + base_momentum=base_momentum, + max_momentum=max_momentum, + div_factor=div_factor, + final_div_factor=final_div_factor, + three_phase=three_phase, + last_epoch=last_epoch, + verbose=verbose, + ) + + +def build_scheduler(cfg, optimizer): + cfg.optimizer = optimizer + return SCHEDULERS.build(cfg=cfg) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/timer.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/timer.py new file mode 100644 index 0000000000000000000000000000000000000000..3de4a16e33c43fe61ea3088f82216fd62eb6e959 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/timer.py @@ -0,0 +1,70 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# -*- coding: utf-8 -*- + +from time import perf_counter +from typing import Optional + + +class Timer: + """ + A timer which computes the time elapsed since the start/reset of the timer. + """ + + def __init__(self) -> None: + self.reset() + + def reset(self) -> None: + """ + Reset the timer. + """ + self._start = perf_counter() + self._paused: Optional[float] = None + self._total_paused = 0 + self._count_start = 1 + + def pause(self) -> None: + """ + Pause the timer. + """ + if self._paused is not None: + raise ValueError("Trying to pause a Timer that is already paused!") + self._paused = perf_counter() + + def is_paused(self) -> bool: + """ + Returns: + bool: whether the timer is currently paused + """ + return self._paused is not None + + def resume(self) -> None: + """ + Resume the timer. + """ + if self._paused is None: + raise ValueError("Trying to resume a Timer that is not paused!") + # pyre-fixme[58]: `-` is not supported for operand types `float` and + # `Optional[float]`. + self._total_paused += perf_counter() - self._paused + self._paused = None + self._count_start += 1 + + def seconds(self) -> float: + """ + Returns: + (float): the total number of seconds since the start/reset of the + timer, excluding the time when the timer is paused. + """ + if self._paused is not None: + end_time: float = self._paused # type: ignore + else: + end_time = perf_counter() + return end_time - self._start - self._total_paused + + def avg_seconds(self) -> float: + """ + Returns: + (float): the average number of seconds between every start/reset and + pause. + """ + return self.seconds() / self._count_start diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/visualization.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/visualization.py new file mode 100644 index 0000000000000000000000000000000000000000..7a010dd8289f60119d1bfbccdff65edb908e24f6 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/pointcept/utils/visualization.py @@ -0,0 +1,89 @@ +""" +Visualization Utils + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import open3d as o3d +import numpy as np +import torch + + +def to_numpy(x): + if isinstance(x, torch.Tensor): + x = x.clone().detach().cpu().numpy() + assert isinstance(x, np.ndarray) + return x + + +def save_point_cloud(coord, color=None, file_path="pc.ply", logger=None): + os.makedirs(os.path.dirname(file_path), exist_ok=True) + coord = to_numpy(coord) + if color is not None: + color = to_numpy(color) + pcd = o3d.geometry.PointCloud() + pcd.points = o3d.utility.Vector3dVector(coord) + pcd.colors = o3d.utility.Vector3dVector( + np.ones_like(coord) if color is None else color + ) + o3d.io.write_point_cloud(file_path, pcd) + if logger is not None: + logger.info(f"Save Point Cloud to: {file_path}") + + +def save_bounding_boxes( + bboxes_corners, color=(1.0, 0.0, 0.0), file_path="bbox.ply", logger=None +): + bboxes_corners = to_numpy(bboxes_corners) + # point list + points = bboxes_corners.reshape(-1, 3) + # line list + box_lines = np.array( + [ + [0, 1], + [1, 2], + [2, 3], + [3, 0], + [4, 5], + [5, 6], + [6, 7], + [7, 0], + [0, 4], + [1, 5], + [2, 6], + [3, 7], + ] + ) + lines = [] + for i, _ in enumerate(bboxes_corners): + lines.append(box_lines + i * 8) + lines = np.concatenate(lines) + # color list + color = np.array([color for _ in range(len(lines))]) + # generate line set + line_set = o3d.geometry.LineSet() + line_set.points = o3d.utility.Vector3dVector(points) + line_set.lines = o3d.utility.Vector2iVector(lines) + line_set.colors = o3d.utility.Vector3dVector(color) + o3d.io.write_line_set(file_path, line_set) + + if logger is not None: + logger.info(f"Save Boxes to: {file_path}") + + +def save_lines( + points, lines, color=(1.0, 0.0, 0.0), file_path="lines.ply", logger=None +): + points = to_numpy(points) + lines = to_numpy(lines) + colors = np.array([color for _ in range(len(lines))]) + line_set = o3d.geometry.LineSet() + line_set.points = o3d.utility.Vector3dVector(points) + line_set.lines = o3d.utility.Vector2iVector(lines) + line_set.colors = o3d.utility.Vector3dVector(colors) + o3d.io.write_line_set(file_path, line_set) + + if logger is not None: + logger.info(f"Save Lines to: {file_path}") diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/build_image.sh b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/build_image.sh new file mode 100644 index 0000000000000000000000000000000000000000..31a6a7fc23e57b3b738450d5c42fed4cc45b9b65 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/build_image.sh @@ -0,0 +1,83 @@ +TORCH_VERSION=2.0.1 +CUDA_VERSION=11.7 +CUDNN_VERSION=8 + +ARGS=`getopt -o t:c: -l torch:,cuda:,cudnn: -n "$0" -- "$@"` +[ $? != 0 ] && exit 1 +eval set -- "${ARGS}" +while true ; do + case "$1" in + -t | --torch) + TORCH_VERSION=$2 + shift 2 + ;; + -c | --cuda) + CUDA_VERSION=$2 + shift 2 + ;; + --cudnn) + CUDNN_VERSION=$2 + shift 2 + ;; + --) + break + ;; + *) + echo "Invalid option: $1" + exit 1 + ;; + esac +done + +CUDA_VERSION_NO_DOT=`echo ${CUDA_VERSION} | tr -d "."` +BASE_TORCH_TAG=${TORCH_VERSION}-cuda${CUDA_VERSION}-cudnn${CUDNN_VERSION}-devel +IMG_TAG=pointcept/pointcept:pytorch${BASE_TORCH_TAG} + +echo "TORCH VERSION: ${TORCH_VERSION}" +echo "CUDA VERSION: ${CUDA_VERSION}" +echo "CUDNN VERSION: ${CUDNN_VERSION}" + + +cat > ./Dockerfile <<- EOM +FROM pytorch/pytorch:${BASE_TORCH_TAG} + +# Fix nvidia-key error issue (NO_PUBKEY A4B469963BF863CC) +RUN rm /etc/apt/sources.list.d/*.list + +# Installing apt packages +RUN export DEBIAN_FRONTEND=noninteractive \ + && apt -y update --no-install-recommends \ + && apt -y install --no-install-recommends \ + git wget tmux vim zsh build-essential cmake ninja-build libopenblas-dev libsparsehash-dev \ + && apt autoremove -y \ + && apt clean -y \ + && export DEBIAN_FRONTEND=dialog + +# Install Pointcept environment +RUN conda install h5py pyyaml -c anaconda -y +RUN conda install sharedarray tensorboard tensorboardx yapf addict einops scipy plyfile termcolor timm -c conda-forge -y +RUN conda install pytorch-cluster pytorch-scatter pytorch-sparse -c pyg -y + +RUN pip install --upgrade pip +RUN pip install torch-geometric +RUN pip install spconv-cu${CUDA_VERSION_NO_DOT} +RUN pip install open3d + +# Build MinkowskiEngine +RUN git clone https://github.com/NVIDIA/MinkowskiEngine.git +WORKDIR /workspace/MinkowskiEngine +RUN TORCH_CUDA_ARCH_LIST="5.2 6.0 6.1 7.0+PTX 8.0" python setup.py install --blas=openblas --force_cuda +WORKDIR /workspace + +# Build pointops +RUN git clone https://github.com/Pointcept/Pointcept.git +RUN TORCH_CUDA_ARCH_LIST="5.2 6.0 6.1 7.0+PTX 8.0" pip install Pointcept/libs/pointops -v + +# Build pointgroup_ops +RUN TORCH_CUDA_ARCH_LIST="5.2 6.0 6.1 7.0+PTX 8.0" pip install Pointcept/libs/pointgroup_ops -v + +# Build swin3d +RUN TORCH_CUDA_ARCH_LIST="6.0 6.1 7.0+PTX 8.0" pip install -U git+https://github.com/microsoft/Swin3D.git -v +EOM + +docker build . -f ./Dockerfile -t $IMG_TAG \ No newline at end of file diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/create_tars.sh b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/create_tars.sh new file mode 100644 index 0000000000000000000000000000000000000000..8bd990b2fc6d3448202a04db63c2adb707c2652b --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/create_tars.sh @@ -0,0 +1,67 @@ +#!/bin/sh + +# Variables +SOURCE_DIR=$1 +DEST_DIR=$2 +MAX_SIZE=$(awk "BEGIN {printf \"%d\", $3 * 1024 * 1024}") # Convert GB to KB as an integer + +# Get the base name of the source directory to use as TAR_NAME +TAR_NAME=$(basename "$SOURCE_DIR") + +# Create destination directory if it doesn't exist +mkdir -p "$DEST_DIR" + +# Function to create a new tar file +create_tar() { + tar_number=$1 + file_list=$2 + tar_name=$(printf "%s/${TAR_NAME}_%0${width}d.tar.gz" "$DEST_DIR" "$tar_number") + tar -zcvf "$tar_name" -C "$SOURCE_DIR" -T "$file_list" +} + +# Initialize +tar_number=1 +current_size=0 +temp_dir=$(mktemp -d) +file_list="$temp_dir/file_list_$tar_number" +echo Start indexing "file_list_$tar_number" + +cd "$SOURCE_DIR" || exit 1 + +# Iterate over all files in the source directory +find . -type f | while IFS= read -r file; do + file_size=$(du -k "$file" | cut -f1) + + if [ $(( current_size + file_size )) -gt $MAX_SIZE ]; then + tar_number=$((tar_number + 1)) + file_list="$temp_dir/file_list_$tar_number" + echo Start indexing "file_list_$tar_number" + current_size=0 + fi + + echo "$file" >> "$file_list" + current_size=$((current_size + file_size)) +done + +# Determine the width for the tar file numbers +total_files=$(find "$temp_dir" -name 'file_list_*' | wc -l) +width=${#total_files} + +# Set PARALLEL_PROCESSES to the number of file lists if not provided +PARALLEL_PROCESSES=${4:-$total_files} + +# Debug information +echo "Total files: $total_files" +echo "Width: $width" +echo "Parallel processes: $PARALLEL_PROCESSES" + +# Run tar creation in parallel +find "$temp_dir" -name 'file_list_*' | xargs -P "$PARALLEL_PROCESSES" -I {} sh -c ' + file_list={} + tar_number=$(basename "$file_list" | cut -d_ -f3) + tar_name=$(printf "%s/'"$TAR_NAME"'_%0'"$width"'d.tar.gz" "'"$DEST_DIR"'" "$tar_number") + tar -zcvf "$tar_name" -C "'"$SOURCE_DIR"'" -T "$file_list" +' + +# Clean up +rm -rf "$temp_dir" \ No newline at end of file diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/test.sh b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/test.sh new file mode 100644 index 0000000000000000000000000000000000000000..a104f98e67873c7741711b63da6cdbd8c88b73f4 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/test.sh @@ -0,0 +1,74 @@ +#!/bin/sh + +cd $(dirname $(dirname "$0")) || exit +PYTHON=python + +TEST_CODE=test.py + +DATASET=scannet +CONFIG="None" +EXP_NAME=debug +WEIGHT=model_best +GPU=None + +while getopts "p:d:c:n:w:g:" opt; do + case $opt in + p) + PYTHON=$OPTARG + ;; + d) + DATASET=$OPTARG + ;; + c) + CONFIG=$OPTARG + ;; + n) + EXP_NAME=$OPTARG + ;; + w) + WEIGHT=$OPTARG + ;; + g) + GPU=$OPTARG + ;; + \?) + echo "Invalid option: -$OPTARG" + ;; + esac +done + +if [ "${NUM_GPU}" = 'None' ] +then + NUM_GPU=`$PYTHON -c 'import torch; print(torch.cuda.device_count())'` +fi + +echo "Experiment name: $EXP_NAME" +echo "Python interpreter dir: $PYTHON" +echo "Dataset: $DATASET" +echo "GPU Num: $GPU" + +EXP_DIR=exp/${DATASET}/${EXP_NAME} +MODEL_DIR=${EXP_DIR}/model +CODE_DIR=${EXP_DIR}/code +CONFIG_DIR=${EXP_DIR}/config.py + +if [ "${CONFIG}" = "None" ] +then + CONFIG_DIR=${EXP_DIR}/config.py +else + CONFIG_DIR=configs/${DATASET}/${CONFIG}.py +fi + +echo "Loading config in:" $CONFIG_DIR +#export PYTHONPATH=./$CODE_DIR +export PYTHONPATH=./ +echo "Running code in: $CODE_DIR" + + +echo " =========> RUN TASK <=========" + +#$PYTHON -u "$CODE_DIR"/tools/$TEST_CODE \ +$PYTHON -u tools/$TEST_CODE \ + --config-file "$CONFIG_DIR" \ + --num-gpus "$GPU" \ + --options save_path="$EXP_DIR" weight="${MODEL_DIR}"/"${WEIGHT}".pth diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/train.sh b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/train.sh new file mode 100644 index 0000000000000000000000000000000000000000..2910ba1e92423ce8decf40eeeb4d5115da60b8b9 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/scripts/train.sh @@ -0,0 +1,92 @@ +#!/bin/sh + +cd $(dirname $(dirname "$0")) || exit +ROOT_DIR=$(pwd) +PYTHON=python + +TRAIN_CODE=train.py + +DATASET=scannet +CONFIG="None" +EXP_NAME=debug +WEIGHT="None" +RESUME=false +GPU=None + + +while getopts "p:d:c:n:w:g:r:" opt; do + case $opt in + p) + PYTHON=$OPTARG + ;; + d) + DATASET=$OPTARG + ;; + c) + CONFIG=$OPTARG + ;; + n) + EXP_NAME=$OPTARG + ;; + w) + WEIGHT=$OPTARG + ;; + r) + RESUME=$OPTARG + ;; + g) + GPU=$OPTARG + ;; + \?) + echo "Invalid option: -$OPTARG" + ;; + esac +done + +if [ "${NUM_GPU}" = 'None' ] +then + NUM_GPU=`$PYTHON -c 'import torch; print(torch.cuda.device_count())'` +fi + +echo "Experiment name: $EXP_NAME" +echo "Python interpreter dir: $PYTHON" +echo "Dataset: $DATASET" +echo "Config: $CONFIG" +echo "GPU Num: $GPU" + +EXP_DIR=exp/${DATASET}/${EXP_NAME} +MODEL_DIR=${EXP_DIR}/model +CODE_DIR=${EXP_DIR}/code +CONFIG_DIR=configs/${DATASET}/${CONFIG}.py + + +echo " =========> CREATE EXP DIR <=========" +echo "Experiment dir: $ROOT_DIR/$EXP_DIR" +if ${RESUME} +then + CONFIG_DIR=${EXP_DIR}/config.py + WEIGHT=$MODEL_DIR/model_last.pth +else + mkdir -p "$MODEL_DIR" "$CODE_DIR" + cp -r scripts tools pointcept "$CODE_DIR" +fi + +echo "Loading config in:" $CONFIG_DIR +export PYTHONPATH=./$CODE_DIR +echo "Running code in: $CODE_DIR" + + +echo " =========> RUN TASK <=========" + +if [ "${WEIGHT}" = "None" ] +then + $PYTHON "$CODE_DIR"/tools/$TRAIN_CODE \ + --config-file "$CONFIG_DIR" \ + --num-gpus "$GPU" \ + --options save_path="$EXP_DIR" +else + $PYTHON "$CODE_DIR"/tools/$TRAIN_CODE \ + --config-file "$CONFIG_DIR" \ + --num-gpus "$GPU" \ + --options save_path="$EXP_DIR" resume="$RESUME" weight="$WEIGHT" +fi \ No newline at end of file diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/create_waymo_semseg_submission.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/create_waymo_semseg_submission.py new file mode 100644 index 0000000000000000000000000000000000000000..ded9f68bde40015a1bc7d1b7197ae909ff5831fe --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/create_waymo_semseg_submission.py @@ -0,0 +1,131 @@ +""" +Script for Creating Waymo Semantic Segmentation Submission + +The Waymo dataset toolkit relies on an old version of Tensorflow +which share a conflicting dependency with the Pointcept environment, +therefore we detach the submission generation from the test process +and the script require the following environment: + +```bash +conda create -n waymo python=3.8 -y +conda activate waymo +pip3 install waymo-open-dataset-tf-2-11-0 +``` + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import tqdm +import argparse +import numpy as np +import zlib +import waymo_open_dataset.dataset_pb2 as open_dataset +from waymo_open_dataset.protos import segmentation_metrics_pb2 +from waymo_open_dataset.protos import segmentation_submission_pb2 + + +def compress_array(array: np.ndarray, is_int32: bool = False): + """Compress a numpy array to ZLIP compressed serialized MatrixFloat/Int32. + + Args: + array: A numpy array. + is_int32: If true, use MatrixInt32, otherwise use MatrixFloat. + + Returns: + The compressed bytes. + """ + if is_int32: + m = open_dataset.MatrixInt32() + else: + m = open_dataset.MatrixFloat() + m.shape.dims.extend(list(array.shape)) + m.data.extend(array.reshape([-1]).tolist()) + return zlib.compress(m.SerializeToString()) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--record_path", + required=True, + help="Path to the prediction result folder of Waymo dataset", + ) + parser.add_argument( + "--dataset_path", + required=True, + help="Path to the processed Waymo dataset", + ) + parser.add_argument( + "--split", + required=True, + choices=["validation", "testing"], + help="Split of the prediction ([training, validation, testing]).", + ) + args = parser.parse_args() + file_list = [file for file in os.listdir(args.record_path) if file.endswith(".npy")] + submission = segmentation_submission_pb2.SemanticSegmentationSubmission() + frames = segmentation_metrics_pb2.SegmentationFrameList() + bar = tqdm.tqdm(file_list) + for file in bar: + bar.set_postfix(file=file) + context_name, frame_timestamp_micros = file.strip("segment-*_pred.npy").split( + "_with_camera_labels_" + ) + # Load prediction. + # In Pointcept waymo dataset, we minus 1 to label to ignore UNLABELLED class (0 -> -1) + pred = np.load(os.path.join(args.record_path, file)) + 1 + masks = np.load( + os.path.join( + args.dataset_path, + args.split, + f"segment-{context_name}_with_camera_labels", + frame_timestamp_micros, + "mask.npy", + ), + allow_pickle=True, + ) + offset = np.cumsum([mask.sum() for mask in masks.reshape(-1)]) + pred = np.split(pred[: offset[-1]], offset[:-1]) + pred_ri1 = pred[0] + pred_ri2 = pred[5] + mask_ri1 = np.expand_dims(masks[0, 0], -1) + mask_ri2 = np.expand_dims(masks[1, 0], -1) + range_dummy = np.zeros_like(mask_ri1, dtype=np.int32) + range_pred_ri1 = np.zeros_like(mask_ri1, dtype=np.int32) + range_pred_ri1[mask_ri1] = pred_ri1 + range_pred_ri1 = np.concatenate([range_dummy, range_pred_ri1], axis=-1) + range_pred_ri2 = np.zeros_like(mask_ri2, dtype=np.int32) + range_pred_ri2[mask_ri2] = pred_ri2 + range_pred_ri2 = np.concatenate([range_dummy, range_pred_ri2], axis=-1) + + # generate frame submission + segmentation_label = open_dataset.Laser() + segmentation_label.name = open_dataset.LaserName.TOP + segmentation_label.ri_return1.segmentation_label_compressed = compress_array( + range_pred_ri1, is_int32=True + ) + segmentation_label.ri_return2.segmentation_label_compressed = compress_array( + range_pred_ri2, is_int32=True + ) + frame = segmentation_metrics_pb2.SegmentationFrame() + frame.segmentation_labels.append(segmentation_label) + frame.context_name = context_name + frame.frame_timestamp_micros = int(frame_timestamp_micros) + frames.frames.append(frame) + submission.account_name = "***" + submission.unique_method_name = "***" + submission.authors.append("***") + submission.affiliation = "***" + submission.method_link = "***" + submission.sensor_type = ( + segmentation_submission_pb2.SemanticSegmentationSubmission.LIDAR_ALL + ) + submission.number_past_frames_exclude_current = 0 + submission.number_future_frames_exclude_current = 0 + submission.inference_results.CopyFrom(frames) + output_filename = os.path.join(args.record_path, "submission.bin") + f = open(output_filename, "wb") + f.write(submission.SerializeToString()) + f.close() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/test.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/test.py new file mode 100644 index 0000000000000000000000000000000000000000..c66708d417082451f23cb635bf4dd1c59082f625 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/test.py @@ -0,0 +1,38 @@ +""" +Main Testing Script + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.engines.defaults import ( + default_argument_parser, + default_config_parser, + default_setup, +) +from pointcept.engines.test import TESTERS +from pointcept.engines.launch import launch + + +def main_worker(cfg): + cfg = default_setup(cfg) + tester = TESTERS.build(dict(type=cfg.test.type, cfg=cfg)) + tester.test() + + +def main(): + args = default_argument_parser().parse_args() + cfg = default_config_parser(args.config_file, args.options) + + launch( + main_worker, + num_gpus_per_machine=args.num_gpus, + num_machines=args.num_machines, + machine_rank=args.machine_rank, + dist_url=args.dist_url, + cfg=(cfg,), + ) + + +if __name__ == "__main__": + main() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/test_s3dis_6fold.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/test_s3dis_6fold.py new file mode 100644 index 0000000000000000000000000000000000000000..711ad42c956412cb9cb68adf596b679e25f48d19 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/test_s3dis_6fold.py @@ -0,0 +1,102 @@ +""" +Test script for S3DIS 6-fold cross validation + +Gathering Area_X.pth from result folder of experiment record of each area as follows: +|- RECORDS_PATH + |- Area_1.pth + |- Area_2.pth + |- Area_3.pth + |- Area_4.pth + |- Area_5.pth + |- Area_6.pth + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import argparse +import os + +import torch +import numpy as np +import glob +from pointcept.utils.logger import get_root_logger + +CLASS_NAMES = [ + "ceiling", + "floor", + "wall", + "beam", + "column", + "window", + "door", + "table", + "chair", + "sofa", + "bookcase", + "board", + "clutter", +] + + +def evaluation(intersection, union, target, logger=None): + iou_class = intersection / (union + 1e-10) + accuracy_class = intersection / (target + 1e-10) + mIoU = np.mean(iou_class) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection) / (sum(target) + 1e-10) + + if logger is not None: + logger.info( + "Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}".format( + mIoU, mAcc, allAcc + ) + ) + for i in range(len(CLASS_NAMES)): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=CLASS_NAMES[i], + iou=iou_class[i], + accuracy=accuracy_class[i], + ) + ) + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument( + "--record_root", + required=True, + help="Path to the S3DIS record of each split", + ) + config = parser.parse_args() + logger = get_root_logger( + log_file=os.path.join(config.record_root, "6-fold.log"), + file_mode="w", + ) + + records = sorted(glob.glob(os.path.join(config.record_root, "Area_*.pth"))) + assert len(records) == 6 + intersection_ = np.zeros(len(CLASS_NAMES), dtype=int) + union_ = np.zeros(len(CLASS_NAMES), dtype=int) + target_ = np.zeros(len(CLASS_NAMES), dtype=int) + + for record in records: + area = os.path.basename(record).split(".")[0] + info = torch.load(record) + logger.info(f"<<<<<<<<<<<<<<<<< Parsing {area} <<<<<<<<<<<<<<<<<") + intersection = info["intersection"] + union = info["union"] + target = info["target"] + evaluation(intersection, union, target, logger=logger) + intersection_ += intersection + union_ += union + target_ += target + + logger.info(f"<<<<<<<<<<<<<<<<< Parsing 6-fold <<<<<<<<<<<<<<<<<") + evaluation(intersection_, union_, target_, logger=logger) + + +if __name__ == "__main__": + main() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/train.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/train.py new file mode 100644 index 0000000000000000000000000000000000000000..e3ed749c4d0bae2c3ad26487d92c46c5695341a2 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/code/tools/train.py @@ -0,0 +1,38 @@ +""" +Main Training Script + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.engines.defaults import ( + default_argument_parser, + default_config_parser, + default_setup, +) +from pointcept.engines.train import TRAINERS +from pointcept.engines.launch import launch + + +def main_worker(cfg): + cfg = default_setup(cfg) + trainer = TRAINERS.build(dict(type=cfg.train.type, cfg=cfg)) + trainer.train() + + +def main(): + args = default_argument_parser().parse_args() + cfg = default_config_parser(args.config_file, args.options) + + launch( + main_worker, + num_gpus_per_machine=args.num_gpus, + num_machines=args.num_machines, + machine_rank=args.machine_rank, + dist_url=args.dist_url, + cfg=(cfg,), + ) + + +if __name__ == "__main__": + main() diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/config.py b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/config.py new file mode 100644 index 0000000000000000000000000000000000000000..4b96fc8a0ccccb8e078e6dd3e30ea876f3f22bdb --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/config.py @@ -0,0 +1,215 @@ +weight = 'exp/scannet/semseg-pt-v3m1-1-ppt-extreme-alc-20240823-massive-no-val/model/model_mod_insseg.pth' +resume = False +evaluate = True +test_only = False +seed = 32743774 +save_path = 'exp/scannet/instance_segmentation_ppt_pretrain_ft_full' +num_worker = 24 +batch_size = 12 +batch_size_val = None +batch_size_test = None +epoch = 800 +eval_epoch = 100 +sync_bn = False +enable_amp = True +empty_cache = False +empty_cache_per_epoch = False +find_unused_parameters = True +mix_prob = 0 +param_dicts = [dict(keyword='block', lr=0.0006)] +hooks = [ + dict(type='CheckpointLoader', keywords='module.', replacement='module.'), + dict(type='IterationTimer', warmup_iter=2), + dict(type='InformationWriter'), + dict( + type='InsSegEvaluator', + segment_ignore_index=(-1, 0, 1), + instance_ignore_index=-1), + dict(type='CheckpointSaver', save_freq=None) +] +train = dict(type='DefaultTrainer') +test = dict(type='SemSegTester', verbose=True) +class_names = [ + 'wall', 'floor', 'cabinet', 'bed', 'chair', 'sofa', 'table', 'door', + 'window', 'bookshelf', 'picture', 'counter', 'desk', 'curtain', + 'refridgerator', 'shower curtain', 'toilet', 'sink', 'bathtub', + 'otherfurniture' +] +num_classes = 20 +segment_ignore_index = (-1, 0, 1) +model = dict( + type='PG-v1m1', + backbone=dict( + type='PPT-v1m2', + backbone=dict( + type='PT-v3m1', + in_channels=6, + order=('z', 'z-trans', 'hilbert', 'hilbert-trans'), + stride=(2, 2, 2, 2), + enc_depths=(3, 3, 3, 6, 3), + enc_channels=(48, 96, 192, 384, 512), + enc_num_head=(3, 6, 12, 24, 32), + enc_patch_size=(1024, 1024, 1024, 1024, 1024), + dec_depths=(3, 3, 3, 3), + dec_channels=(64, 96, 192, 384), + dec_num_head=(4, 6, 12, 24), + dec_patch_size=(1024, 1024, 1024, 1024), + mlp_ratio=4, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + drop_path=0.3, + shuffle_orders=True, + pre_norm=True, + enable_rpe=False, + enable_flash=True, + upcast_attention=False, + upcast_softmax=False, + cls_mode=False, + pdnorm_bn=True, + pdnorm_ln=True, + pdnorm_decouple=True, + pdnorm_adaptive=False, + pdnorm_affine=True, + pdnorm_conditions=('ScanNet', 'ScanNet200', 'ScanNet++', + 'Structured3D', 'ALC')), + criteria=[ + dict(type='CrossEntropyLoss', loss_weight=1.0, ignore_index=-1), + dict( + type='LovaszLoss', + mode='multiclass', + loss_weight=1.0, + ignore_index=-1) + ], + backbone_out_channels=64, + backbone_mode=True, + context_channels=256, + conditions=('ScanNet', 'ScanNet200', 'ScanNet++', 'Structured3D', + 'ALC'), + num_classes=(20, 200, 100, 25, 185)), + backbone_out_channels=64, + semantic_num_classes=20, + semantic_ignore_index=-1, + segment_ignore_index=(-1, 0, 1), + instance_ignore_index=-1, + cluster_thresh=1.5, + cluster_closed_points=300, + cluster_propose_points=100, + cluster_min_points=50, + freeze_backbone=False) +optimizer = dict(type='AdamW', lr=0.006, weight_decay=0.05) +scheduler = dict( + type='OneCycleLR', + max_lr=[0.006, 0.0006], + pct_start=0.05, + anneal_strategy='cos', + div_factor=10.0, + final_div_factor=1000.0) +dataset_type = 'ScanNetDataset' +data_root = 'data/scannet' +data = dict( + num_classes=20, + ignore_index=-1, + names=[ + 'wall', 'floor', 'cabinet', 'bed', 'chair', 'sofa', 'table', 'door', + 'window', 'bookshelf', 'picture', 'counter', 'desk', 'curtain', + 'refridgerator', 'shower curtain', 'toilet', 'sink', 'bathtub', + 'otherfurniture' + ], + train=dict( + type='ScanNetDataset', + split='train', + data_root='data/scannet', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='RandomDropout', + dropout_ratio=0.2, + dropout_application_ratio=0.5), + dict( + type='RandomRotate', + angle=[-1, 1], + axis='z', + center=[0, 0, 0], + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='x', + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='y', + p=0.5), + dict(type='RandomScale', scale=[0.9, 1.1]), + dict(type='RandomFlip', p=0.5), + dict(type='RandomJitter', sigma=0.005, clip=0.02), + dict( + type='ElasticDistortion', + distortion_params=[[0.2, 0.4], [0.8, 1.6]]), + dict(type='ChromaticAutoContrast', p=0.2, blend_factor=None), + dict(type='ChromaticTranslation', p=0.95, ratio=0.1), + dict(type='ChromaticJitter', p=0.95, std=0.05), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True, + keys=('coord', 'color', 'normal', 'segment', 'instance')), + dict(type='SphereCrop', sample_rate=0.8, mode='random'), + dict(type='NormalizeColor'), + dict( + type='InstanceParser', + segment_ignore_index=(-1, 0, 1), + instance_ignore_index=-1), + dict(type='Add', keys_dict=dict(condition='ScanNet')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'instance', + 'instance_centroid', 'bbox', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False, + loop=8), + val=dict( + type='ScanNetDataset', + split='val', + data_root='data/scannet', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='Copy', + keys_dict=dict( + coord='origin_coord', + segment='origin_segment', + instance='origin_instance')), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True, + keys=('coord', 'color', 'normal', 'segment', 'instance')), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict( + type='InstanceParser', + segment_ignore_index=(-1, 0, 1), + instance_ignore_index=-1), + dict(type='Add', keys_dict=dict(condition='ScanNet')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'instance', + 'origin_coord', 'origin_segment', 'origin_instance', + 'instance_centroid', 'bbox', 'condition'), + feat_keys=('color', 'normal'), + offset_keys_dict=dict( + offset='coord', origin_offset='origin_coord')) + ], + test_mode=False), + test=dict()) diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729271802.eu-g4-017 b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729271802.eu-g4-017 new file mode 100644 index 0000000000000000000000000000000000000000..21340078cdde918953343454e1acc3a4ac870ed5 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729271802.eu-g4-017 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1cf973d19091ee5ea4d782bcfb5915ee0568475f585c43bcbdc8ed12408dab3b +size 50705 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729286373.eu-g4-018 b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729286373.eu-g4-018 new file mode 100644 index 0000000000000000000000000000000000000000..35c4c4de2e13d46a5e1f958babdfba4c783307ed --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729286373.eu-g4-018 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d300319259836ff6d44aa4ed4ccb1ffb59db8ee0d4548bc5f4675d2b5c6bab69 +size 206030 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729482048.eu-a65-02 b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729482048.eu-a65-02 new file mode 100644 index 0000000000000000000000000000000000000000..d87cbda4d228213e7d4edc4f3536290a7cca030c --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/events.out.tfevents.1729482048.eu-a65-02 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a8a5041d33f8613c4b409bf43dd39c18185d545c41dfa0520bcb7357212297c +size 23157390 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/model/model_best.pth b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/model/model_best.pth new file mode 100644 index 0000000000000000000000000000000000000000..fe721962d0380e9a66bd4d3887238dc9388b6a9f --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/model/model_best.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03915f939c63f7fdaa9a809e5e75b43d49e05bffd80faf02a0bea1a37319a57a +size 1170098052 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/model/model_last.pth b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/model/model_last.pth new file mode 100644 index 0000000000000000000000000000000000000000..9da778258c5cf1dd4741698a0029e537046748e2 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/model/model_last.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fa726e9d9607089d1489521bde202bea6b5f73ce3ad0db007dab3f3da4a3e10e +size 1170098052 diff --git a/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/train.log b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/train.log new file mode 100644 index 0000000000000000000000000000000000000000..0c64f5964a6f2fac5b281a3e64cd5aedcd696505 --- /dev/null +++ b/scannet/insseg-pointgroup-v1m1-pt-v3m1-ppt-ft/train.log @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:541248de863baf1b2576d8010567a7acd8ef5a453cb64cc48463c52535bde91d +size 19139977 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/.DS_Store b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..a7c68306bd608b835f9ffd341a7029b2b953ad06 Binary files /dev/null and b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/.DS_Store differ diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/.DS_Store b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..4ce3154bb71794bede3ab1688cc7e97755921ee7 Binary files /dev/null and b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/.DS_Store differ diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..a9cd6499201588526e04eec39619503d568936ff --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/__init__.py @@ -0,0 +1,25 @@ +from .defaults import DefaultDataset, ConcatDataset +from .builder import build_dataset +from .utils import point_collate_fn, collate_fn + +# indoor scene +from .s3dis import S3DISDataset +from .scannet import ScanNetDataset, ScanNet200Dataset +from .scannetpp import ScanNetPPDataset +from .scannet_pair import ScanNetPairDataset +from .arkitscenes import ArkitScenesDataset +from .structure3d import Structured3DDataset +from .alc import ARKitScenesLabelMakerConsensusDataset, ARKitScenesLabelMakerScanNet200Dataset +from .scannetpp import ScanNetPPDataset + +# outdoor scene +from .semantic_kitti import SemanticKITTIDataset +from .nuscenes import NuScenesDataset +from .waymo import WaymoDataset + +# object +from .modelnet import ModelNetDataset +from .shapenet_part import ShapeNetPartDataset + +# dataloader +from .dataloader import MultiDatasetDataloader diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/alc.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/alc.py new file mode 100644 index 0000000000000000000000000000000000000000..5b8834c538601c7864c5e4c5c0ea09fb6244eb7b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/alc.py @@ -0,0 +1,156 @@ +import glob +import os +from collections.abc import Sequence +from copy import deepcopy + +import numpy as np +import torch +from labelmaker.label_data import get_wordnet +from torch.utils.data import Dataset + +from pointcept.utils.cache import shared_dict +from pointcept.utils.logger import get_root_logger + +from .builder import DATASETS +from .preprocessing.alc.preprocess_arkitscenes_labelmaker_consensus import get_wordnet_compact_mapping +from .preprocessing.scannet.meta_data.scannet200_constants import VALID_CLASS_IDS_20, VALID_CLASS_IDS_200 +from .transform import TRANSFORMS, Compose + + +@DATASETS.register_module() +class ARKitScenesLabelMakerConsensusDataset(Dataset): + + label_key = "semantic_pseudo_gt_wn199" + + def __init__( + self, + split="train", + data_root="data/alc", + transform=None, + ignore_index=-1, + test_mode=False, + test_cfg=None, + cache=False, + loop=1, + ): + super(ARKitScenesLabelMakerConsensusDataset, self).__init__() + self.get_class_to_id() + + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.cache = cache + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + + self.ignore_index = ignore_index + + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_list), + self.loop, + split, + ) + ) + + def get_class_to_id(self): + self.class2id = get_wordnet_compact_mapping()[0] + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + + if not self.cache: + data = torch.load(data_path) + else: + data_name = data_path.replace(os.path.dirname(self.data_root), "").split(".")[0] + cache_name = "pointcept" + data_name.replace(os.path.sep, "-") + data = shared_dict(cache_name) + + coord = data["coord"] + color = data["color"] + normal = data["normal"] + scene_id = data["scene_id"] + segment = data[self.label_key].reshape(-1) + instance = np.ones(coord.shape[0]) * -1 + + data_dict = dict( + coord=coord, + normal=normal, + color=color, + segment=segment, + instance=instance, + scene_id=scene_id, + ) + + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + segment = data_dict.pop("segment") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + input_dict_list = [] + for data in data_dict_list: + data_part_list = self.test_voxelize(data) + for data_part in data_part_list: + if self.test_crop: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + input_dict_list += data_part + + for i in range(len(input_dict_list)): + input_dict_list[i] = self.post_transform(input_dict_list[i]) + data_dict = dict(fragment_list=input_dict_list, segment=segment, name=self.get_data_name(idx)) + return data_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class ARKitScenesLabelMakerScanNet200Dataset(ARKitScenesLabelMakerConsensusDataset): + label_key = "semantic_pseudo_gt_scannet200" + + def get_class_to_id(self): + self.class2id = np.array(VALID_CLASS_IDS_200) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/arkitscenes.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/arkitscenes.py new file mode 100644 index 0000000000000000000000000000000000000000..a5481bf553351b09c5f3081b95bcafc77c37f979 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/arkitscenes.py @@ -0,0 +1,114 @@ +""" +ArkitScenes Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose, TRANSFORMS +from .preprocessing.scannet.meta_data.scannet200_constants import VALID_CLASS_IDS_200 + + +@DATASETS.register_module() +class ArkitScenesDataset(Dataset): + def __init__( + self, + split="Training", + data_root="data/ARKitScenesMesh", + transform=None, + test_mode=False, + test_cfg=None, + loop=1, + ): + super(ArkitScenesDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.loop = ( + loop if not test_mode else 1 + ) # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + self.class2id = np.array(VALID_CLASS_IDS_200) + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_list), self.loop, split + ) + ) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, list): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data = torch.load(self.data_list[idx % len(self.data_list)]) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + segment = np.zeros(coord.shape[0]) + data_dict = dict(coord=coord, normal=normal, color=color, segment=segment) + return data_dict + + def get_data_name(self, idx): + data_idx = self.data_idx[idx % len(self.data_idx)] + return os.path.basename(self.data_list[data_idx]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + segment = data_dict.pop("segment") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + input_dict_list = [] + for data in data_dict_list: + data_part_list = self.test_voxelize(data) + for data_part in data_part_list: + data_part_list = self.test_crop(data_part) + input_dict_list += data_part_list + + for i in range(len(input_dict_list)): + input_dict_list[i] = self.post_transform(input_dict_list[i]) + return input_dict_list, segment + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/builder.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..1fa5f0ee71bf934d5c1bfe5c71446bfecba49f11 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/builder.py @@ -0,0 +1,15 @@ +""" +Dataset Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + +DATASETS = Registry("datasets") + + +def build_dataset(cfg): + """Build datasets.""" + return DATASETS.build(cfg) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/dataloader.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/dataloader.py new file mode 100644 index 0000000000000000000000000000000000000000..a3c8e1da41179896eb3443e91b2c49d94b62762a --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/dataloader.py @@ -0,0 +1,112 @@ +from functools import partial +import weakref +import torch +import torch.utils.data + +import pointcept.utils.comm as comm +from pointcept.datasets.utils import point_collate_fn +from pointcept.datasets import ConcatDataset +from pointcept.utils.env import set_seed + + +class MultiDatasetDummySampler: + def __init__(self): + self.dataloader = None + + def set_epoch(self, epoch): + if comm.get_world_size() > 1: + for dataloader in self.dataloader.dataloaders: + dataloader.sampler.set_epoch(epoch) + return + + +class MultiDatasetDataloader: + """ + Multiple Datasets Dataloader, batch data from a same dataset and mix up ratio determined by loop of each sub dataset. + The overall length is determined by the main dataset (first) and loop of concat dataset. + """ + + def __init__( + self, + concat_dataset: ConcatDataset, + batch_size_per_gpu: int, + num_worker_per_gpu: int, + mix_prob=0, + seed=None, + ): + self.datasets = concat_dataset.datasets + self.ratios = [dataset.loop for dataset in self.datasets] + # reset data loop, original loop serve as ratios + for dataset in self.datasets: + dataset.loop = 1 + # determine union training epoch by main dataset + self.datasets[0].loop = concat_dataset.loop + # build sub-dataloaders + num_workers = num_worker_per_gpu // len(self.datasets) + self.dataloaders = [] + for dataset_id, dataset in enumerate(self.datasets): + if comm.get_world_size() > 1: + sampler = torch.utils.data.distributed.DistributedSampler(dataset) + else: + sampler = None + + init_fn = ( + partial( + self._worker_init_fn, + dataset_id=dataset_id, + num_workers=num_workers, + num_datasets=len(self.datasets), + rank=comm.get_rank(), + seed=seed, + ) + if seed is not None + else None + ) + self.dataloaders.append( + torch.utils.data.DataLoader( + dataset, + batch_size=batch_size_per_gpu, + shuffle=(sampler is None), + num_workers=num_worker_per_gpu, + sampler=sampler, + collate_fn=partial(point_collate_fn, mix_prob=mix_prob), + pin_memory=True, + worker_init_fn=init_fn, + drop_last=True, + persistent_workers=True, + ) + ) + self.sampler = MultiDatasetDummySampler() + self.sampler.dataloader = weakref.proxy(self) + + def __iter__(self): + iterator = [iter(dataloader) for dataloader in self.dataloaders] + while True: + for i in range(len(self.ratios)): + for _ in range(self.ratios[i]): + try: + batch = next(iterator[i]) + except StopIteration: + if i == 0: + return + else: + iterator[i] = iter(self.dataloaders[i]) + batch = next(iterator[i]) + yield batch + + def __len__(self): + main_data_loader_length = len(self.dataloaders[0]) + return ( + main_data_loader_length // self.ratios[0] * sum(self.ratios) + + main_data_loader_length % self.ratios[0] + ) + + @staticmethod + def _worker_init_fn(worker_id, num_workers, dataset_id, num_datasets, rank, seed): + worker_seed = ( + num_workers * num_datasets * rank + + num_workers * dataset_id + + worker_id + + seed + ) + set_seed(worker_seed) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/defaults.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/defaults.py new file mode 100644 index 0000000000000000000000000000000000000000..d9c94941ae5630a852846317614f0b00e39fdf68 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/defaults.py @@ -0,0 +1,297 @@ +""" +Default Datasets + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset +from collections.abc import Sequence + +from pointcept.utils.logger import get_root_logger +from pointcept.utils.cache import shared_dict +from .builder import DATASETS, build_dataset +from .transform import Compose, TRANSFORMS + + +@DATASETS.register_module() +class DefaultDataset(Dataset): + def __init__( + self, + split="train", + data_root="data/dataset", + transform=None, + test_mode=False, + test_cfg=None, + loop=1, + ): + super(DefaultDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) if self.test_cfg.voxelize is not None else None + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop is not None else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples in {} set.".format(len(self.data_list), self.loop, split)) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data = torch.load(self.data_list[idx % len(self.data_list)]) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + if "semantic_gt" in data.keys(): + segment = data["semantic_gt"].reshape([-1]) + else: + segment = np.ones(coord.shape[0]) * -1 + data_dict = dict(coord=coord, normal=normal, color=color, segment=segment) + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + result_dict = dict(segment=data_dict.pop("segment"), name=self.get_data_name(idx)) + if "origin_segment" in data_dict: + assert "inverse" in data_dict + result_dict["origin_segment"] = data_dict.pop("origin_segment") + result_dict["inverse"] = data_dict.pop("inverse") + + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + fragment_list = [] + for data in data_dict_list: + if self.test_voxelize is not None: + data_part_list = self.test_voxelize(data) + else: + data["index"] = np.arange(data["coord"].shape[0]) + data_part_list = [data] + for data_part in data_part_list: + if self.test_crop is not None: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + fragment_list += data_part + + for i in range(len(fragment_list)): + fragment_list[i] = self.post_transform(fragment_list[i]) + result_dict["fragment_list"] = fragment_list + return result_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class DefaultDatasetV2(Dataset): + VALID_ASSETS = [ + "coord", + "color", + "normal", + "strength", + "segment", + "instance", + "pose", + ] + + def __init__( + self, + split="train", + data_root="data/dataset", + transform=None, + test_mode=False, + test_cfg=None, + cache=False, + ignore_index=-1, + loop=1, + ): + super(DefaultDatasetV2, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.cache = cache + self.ignore_index = ignore_index + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples in {} set.".format(len(self.data_list), self.loop, split)) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + name = self.get_data_name(idx) + if self.cache: + cache_name = f"pointcept-{name}" + return shared_dict(cache_name) + + data_dict = {} + assets = os.listdir(data_path) + for asset in assets: + if not asset.endswith(".npy"): + continue + if asset[:-4] not in self.VALID_ASSETS: + continue + data_dict[asset[:-4]] = np.load(os.path.join(data_path, asset)) + data_dict["name"] = name + + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"].astype(np.float32) + + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"].astype(np.float32) + + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"].astype(np.float32) + + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"].reshape([-1]).astype(np.int32) + else: + data_dict["segment"] = np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"].reshape([-1]).astype(np.int32) + else: + data_dict["instance"] = np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]) + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + result_dict = dict(segment=data_dict.pop("segment"), name=data_dict.pop("name")) + if "origin_segment" in data_dict: + assert "inverse" in data_dict + result_dict["origin_segment"] = data_dict.pop("origin_segment") + result_dict["inverse"] = data_dict.pop("inverse") + + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + fragment_list = [] + for data in data_dict_list: + if self.test_voxelize is not None: + data_part_list = self.test_voxelize(data) + else: + data["index"] = np.arange(data["coord"].shape[0]) + data_part_list = [data] + for data_part in data_part_list: + if self.test_crop is not None: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + fragment_list += data_part + + for i in range(len(fragment_list)): + fragment_list[i] = self.post_transform(fragment_list[i]) + result_dict["fragment_list"] = fragment_list + return result_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class ConcatDataset(Dataset): + def __init__(self, datasets, loop=1): + super(ConcatDataset, self).__init__() + self.datasets = [build_dataset(dataset) for dataset in datasets] + self.loop = loop + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples in the concat set.".format(len(self.data_list), self.loop)) + + def get_data_list(self): + data_list = [] + for i in range(len(self.datasets)): + data_list.extend(zip(np.ones(len(self.datasets[i])) * i, np.arange(len(self.datasets[i])))) + return data_list + + def get_data(self, idx): + dataset_idx, data_idx = self.data_list[idx % len(self.data_list)] + return self.datasets[dataset_idx][data_idx] + + def get_data_name(self, idx): + dataset_idx, data_idx = self.data_list[idx % len(self.data_list)] + return self.datasets[dataset_idx].get_data_name(data_idx) + + def __getitem__(self, idx): + return self.get_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/modelnet.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/modelnet.py new file mode 100644 index 0000000000000000000000000000000000000000..213f3ed2dfe4d788380824b87355e6fcae1ee531 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/modelnet.py @@ -0,0 +1,150 @@ +""" +ModelNet40 Dataset + +get sampled point clouds of ModelNet40 (XYZ and normal from mesh, 10k points per shape) +at "https://shapenet.cs.stanford.edu/media/modelnet40_normal_resampled.zip" + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +import pointops +import torch +from torch.utils.data import Dataset +from copy import deepcopy + + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose + + +@DATASETS.register_module() +class ModelNetDataset(Dataset): + def __init__( + self, + split="train", + data_root="data/modelnet40", + class_names=None, + transform=None, + num_points=8192, + uniform_sampling=True, + save_record=True, + test_mode=False, + test_cfg=None, + loop=1, + ): + super().__init__() + self.data_root = data_root + self.class_names = dict(zip(class_names, range(len(class_names)))) + self.split = split + self.num_point = num_points + self.uniform_sampling = uniform_sampling + self.transform = Compose(transform) + self.loop = ( + loop if not test_mode else 1 + ) # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + if test_mode: + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_list), self.loop, split + ) + ) + + # check, prepare record + record_name = f"modelnet40_{self.split}" + if num_points is not None: + record_name += f"_{num_points}points" + if uniform_sampling: + record_name += "_uniform" + record_path = os.path.join(self.data_root, f"{record_name}.pth") + if os.path.isfile(record_path): + logger.info(f"Loading record: {record_name} ...") + self.data = torch.load(record_path) + else: + logger.info(f"Preparing record: {record_name} ...") + self.data = {} + for idx in range(len(self.data_list)): + data_name = self.data_list[idx] + logger.info(f"Parsing data [{idx}/{len(self.data_list)}]: {data_name}") + self.data[data_name] = self.get_data(idx) + if save_record: + torch.save(self.data, record_path) + + def get_data(self, idx): + data_idx = idx % len(self.data_list) + data_name = self.data_list[data_idx] + if data_name in self.data.keys(): + return self.data[data_name] + else: + data_shape = "_".join(data_name.split("_")[0:-1]) + data_path = os.path.join( + self.data_root, data_shape, self.data_list[data_idx] + ".txt" + ) + data = np.loadtxt(data_path, delimiter=",").astype(np.float32) + if self.num_point is not None: + if self.uniform_sampling: + with torch.no_grad(): + mask = pointops.farthest_point_sampling( + torch.tensor(data).float().cuda(), + torch.tensor([len(data)]).long().cuda(), + torch.tensor([self.num_point]).long().cuda(), + ) + data = data[mask.cpu()] + else: + data = data[: self.num_point] + coord, normal = data[:, 0:3], data[:, 3:6] + category = np.array([self.class_names[data_shape]]) + return dict(coord=coord, normal=normal, category=category) + + def get_data_list(self): + assert isinstance(self.split, str) + split_path = os.path.join( + self.data_root, "modelnet40_{}.txt".format(self.split) + ) + data_list = np.loadtxt(split_path, dtype="str") + return data_list + + def get_data_name(self, idx): + data_idx = idx % len(self.data_list) + return self.data_list[data_idx] + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + def prepare_train_data(self, idx): + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + assert idx < len(self.data_list) + data_dict = self.get_data(idx) + category = data_dict.pop("category") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + for i in range(len(data_dict_list)): + data_dict_list[i] = self.post_transform(data_dict_list[i]) + data_dict = dict( + voting_list=data_dict_list, + category=category, + name=self.get_data_name(idx), + ) + return data_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/nuscenes.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/nuscenes.py new file mode 100644 index 0000000000000000000000000000000000000000..b126c4bbeaef5d73f6f0eb10decbee71d36f515a --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/nuscenes.py @@ -0,0 +1,120 @@ +""" +nuScenes Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Zheng Zhang +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +from collections.abc import Sequence +import pickle + +from .builder import DATASETS +from .defaults import DefaultDataset + + +@DATASETS.register_module() +class NuScenesDataset(DefaultDataset): + def __init__(self, sweeps=10, ignore_index=-1, **kwargs): + self.sweeps = sweeps + self.ignore_index = ignore_index + self.learning_map = self.get_learning_map(ignore_index) + super().__init__(ignore_index=ignore_index, **kwargs) + + def get_info_path(self, split): + assert split in ["train", "val", "test"] + if split == "train": + return os.path.join( + self.data_root, "info", f"nuscenes_infos_{self.sweeps}sweeps_train.pkl" + ) + elif split == "val": + return os.path.join( + self.data_root, "info", f"nuscenes_infos_{self.sweeps}sweeps_val.pkl" + ) + elif split == "test": + return os.path.join( + self.data_root, "info", f"nuscenes_infos_{self.sweeps}sweeps_test.pkl" + ) + else: + raise NotImplementedError + + def get_data_list(self): + if isinstance(self.split, str): + info_paths = [self.get_info_path(self.split)] + elif isinstance(self.split, Sequence): + info_paths = [self.get_info_path(s) for s in self.split] + else: + raise NotImplementedError + data_list = [] + for info_path in info_paths: + with open(info_path, "rb") as f: + info = pickle.load(f) + data_list.extend(info) + return data_list + + def get_data(self, idx): + data = self.data_list[idx % len(self.data_list)] + lidar_path = os.path.join(self.data_root, "raw", data["lidar_path"]) + points = np.fromfile(str(lidar_path), dtype=np.float32, count=-1).reshape( + [-1, 5] + ) + coord = points[:, :3] + strength = points[:, 3].reshape([-1, 1]) / 255 # scale strength to [0, 1] + + if "gt_segment_path" in data.keys(): + gt_segment_path = os.path.join( + self.data_root, "raw", data["gt_segment_path"] + ) + segment = np.fromfile( + str(gt_segment_path), dtype=np.uint8, count=-1 + ).reshape([-1]) + segment = np.vectorize(self.learning_map.__getitem__)(segment).astype( + np.int64 + ) + else: + segment = np.ones((points.shape[0],), dtype=np.int64) * self.ignore_index + data_dict = dict(coord=coord, strength=strength, segment=segment) + return data_dict + + def get_data_name(self, idx): + # return data name for lidar seg, optimize the code when need to support detection + return self.data_list[idx % len(self.data_list)]["lidar_token"] + + @staticmethod + def get_learning_map(ignore_index): + learning_map = { + 0: ignore_index, + 1: ignore_index, + 2: 6, + 3: 6, + 4: 6, + 5: ignore_index, + 6: 6, + 7: ignore_index, + 8: ignore_index, + 9: 0, + 10: ignore_index, + 11: ignore_index, + 12: 7, + 13: ignore_index, + 14: 1, + 15: 2, + 16: 2, + 17: 3, + 18: 4, + 19: ignore_index, + 20: ignore_index, + 21: 5, + 22: 8, + 23: 9, + 24: 10, + 25: 11, + 26: 12, + 27: 13, + 28: 14, + 29: ignore_index, + 30: 15, + 31: ignore_index, + } + return learning_map diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/alc/preprocess_arkitscenes_labelmaker_consensus.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/alc/preprocess_arkitscenes_labelmaker_consensus.py new file mode 100644 index 0000000000000000000000000000000000000000..9d8fac61417d1409379f2ad1dbdecda8a64791ad --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/alc/preprocess_arkitscenes_labelmaker_consensus.py @@ -0,0 +1,375 @@ +import warnings + +import torch + +warnings.filterwarnings("ignore", category=DeprecationWarning) + +import argparse +import glob +import json +import multiprocessing as mp +import os +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from pathlib import Path + +import numpy as np +import pandas as pd +import plyfile +from labelmaker import label_mappings +from labelmaker.label_data import get_wordnet +from labelmaker.scannet_200_labels import VALID_CLASS_IDS_200 +from tqdm import tqdm + +IGNORE_INDEX = -1 + + +def get_wordnet_to_scannet200_mapping(): + table = pd.read_csv(Path(os.path.dirname(os.path.realpath(label_mappings.__file__))) / "mappings" / "label_mapping.csv") + wordnet = get_wordnet() + wordnet_keys = [x["name"] for x in wordnet] + mapping = {} + for row in table.index: + if table["wnsynsetkey"][row] not in wordnet_keys: + continue + scannet_id = table.loc[row, "id"] + wordnet199_id = next(x for x in wordnet if x["name"] == table["wnsynsetkey"][row])["id"] + + if scannet_id in VALID_CLASS_IDS_200: + mapping.setdefault(wordnet199_id, set()).add(scannet_id) + + wn199_size = np.array([x["id"] for x in wordnet]).max() + 1 + mapping_array = np.zeros(shape=(wn199_size,), dtype=np.uint16) + for wordnet199_id in mapping.keys(): + mapping_array[wordnet199_id] = min(mapping[wordnet199_id]) + + return mapping_array + + +def get_wordnet_compact_mapping(): + wordnet_info = get_wordnet()[1:] + wordnet_info = sorted(wordnet_info, key=lambda x: x["id"]) + + class2id = np.array([item["id"] for item in wordnet_info]) + id2class = np.array([IGNORE_INDEX] * (class2id.max() + 1)) + for class_, id_ in enumerate(class2id): + id2class[id_] = class_ + + return class2id, id2class + + +def get_scannet200_compact_mapping(): + class2id = np.array(VALID_CLASS_IDS_200) + id2class = np.array([IGNORE_INDEX] * (class2id.max() + 1)) + for class_, id_ in enumerate(VALID_CLASS_IDS_200): + id2class[id_] = class_ + + return class2id, id2class + + +def get_wordnet_names(): + wordnet_info = get_wordnet()[1:] + wordnet_info = sorted(wordnet_info, key=lambda x: x["id"]) + + names = [item["name"].split(".")[0].replace("_", " ") for item in wordnet_info] + + return names + + +def read_plypcd(filepath): + """Read ply file and return it as numpy array. Returns None if emtpy.""" + + with open(filepath, "rb") as f: + plydata = plyfile.PlyData.read(f) + if plydata.elements: + data = plydata.elements[0].data + coords = np.array([data["x"], data["y"], data["z"]], dtype=np.float32).T + + colors = None + if ({"red", "green", "blue"} - set(data.dtype.names)) == set(): + colors = np.array([data["red"], data["green"], data["blue"]], dtype=np.uint8).T + + normals = None + if ({"nx", "ny", "nz"} - set(data.dtype.names)) == set(): + normals = np.array([data["nx"], data["ny"], data["nz"]], dtype=np.float32).T + + return coords, colors, normals + + +def handle_process( + scene_dir: str, + output_path: str, + label_mapping, + wn199_id2class, + scannet200_id2class, +): + scene_dir = Path(scene_dir) + + print(f"Processing: {scene_dir.name} in {scene_dir.parent.name}") + + coords, colors, normals = read_plypcd(str(scene_dir / "pcd_downsampled.ply")) + save_dict = dict( + coord=coords, + color=colors, + scene_id=scene_dir.name, + normal=normals, + ) + + label_file = scene_dir / "labels_downsampled.txt" + wordnet_label = np.loadtxt(str(label_file), dtype=np.uint8).reshape(-1, 1) + scannet200_label = label_mapping[wordnet_label] + save_dict["semantic_pseudo_gt_wn199"] = wn199_id2class[wordnet_label] + save_dict["semantic_pseudo_gt_scannet200"] = scannet200_id2class[scannet200_label] + + torch.save(save_dict, output_path) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + config = parser.parse_args() + + # Create output directories + train_output_dir = os.path.join(config.output_root, "train") + os.makedirs(train_output_dir, exist_ok=True) + val_output_dir = os.path.join(config.output_root, "val") + os.makedirs(val_output_dir, exist_ok=True) + + # Load label map + wn_scannet200_label_mapping = get_wordnet_to_scannet200_mapping() + _, wn199_id2class = get_wordnet_compact_mapping() + _, scannet200_id2class = get_scannet200_compact_mapping() + + scene_dirs = [] + output_paths = [] + + # Load train/val splits + train_folder = Path(config.dataset_root) / "Training" + train_scene_names = os.listdir(str(train_folder)) + for scene in tqdm(train_scene_names): + file_path = train_folder / scene / "pcd_downsampled.ply" + if file_path.exists() and os.path.getsize(str(file_path)) <= 50 * 1024 * 1024: + scene_dirs.append(str(train_folder / scene)) + output_paths.append(str(Path(config.output_root) / "train" / f"{scene}.pth")) + + val_folder = Path(config.dataset_root) / "Validation" + val_scene_names = os.listdir(str(val_folder)) + for scene in tqdm(val_scene_names): + file_path = val_folder / scene / "pcd_downsampled.ply" + if file_path.exists() and os.path.getsize(str(file_path)) <= 50 * 1024 * 1024: + scene_dirs.append(str(val_folder / scene)) + output_paths.append(str(Path(config.output_root) / "val" / f"{scene}.pth")) + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=mp.cpu_count()) + print(f"Using {mp.cpu_count()} cores") + # pool = ProcessPoolExecutor(max_workers=1) + _ = list( + pool.map( + handle_process, + scene_dirs, + output_paths, + repeat(wn_scannet200_label_mapping), + repeat(wn199_id2class), + repeat(scannet200_id2class), + ) + ) + + +WORDNET_NAMES = ( + "wall", + "chair", + "book", + "cabinet", + "door", + "floor", + "ashcan", + "table", + "window", + "bookshelf", + "display", + "cushion", + "box", + "picture", + "ceiling", + "doorframe", + "desk", + "swivel chair", + "towel", + "sofa", + "sink", + "backpack", + "lamp", + "chest of drawers", + "apparel", + "armchair", + "bed", + "curtain", + "mirror", + "plant", + "radiator", + "toilet tissue", + "shoe", + "bag", + "bottle", + "countertop", + "coffee table", + "toilet", + "computer keyboard", + "fridge", + "stool", + "computer", + "mug", + "telephone", + "light", + "jacket", + "bathtub", + "shower curtain", + "microwave", + "footstool", + "baggage", + "laptop", + "printer", + "shower stall", + "soap dispenser", + "stove", + "fan", + "paper", + "stand", + "bench", + "wardrobe", + "blanket", + "booth", + "duplicator", + "bar", + "soap dish", + "switch", + "coffee maker", + "decoration", + "range hood", + "blackboard", + "clock", + "railing", + "mat", + "seat", + "bannister", + "container", + "mouse", + "person", + "stairway", + "basket", + "dumbbell", + "column", + "bucket", + "windowsill", + "signboard", + "dishwasher", + "loudspeaker", + "washer", + "paper towel", + "clothes hamper", + "piano", + "sack", + "handcart", + "blind", + "dish rack", + "mailbox", + "bag", + "bicycle", + "ladder", + "rack", + "tray", + "toaster", + "paper cutter", + "plunger", + "dryer", + "guitar", + "fire extinguisher", + "pitcher", + "pipe", + "plate", + "vacuum", + "bowl", + "hat", + "rod", + "water cooler", + "kettle", + "oven", + "scale", + "broom", + "hand blower", + "coatrack", + "teddy", + "alarm clock", + "ironing board", + "fire alarm", + "machine", + "music stand", + "fireplace", + "furniture", + "vase", + "vent", + "candle", + "crate", + "dustpan", + "earphone", + "jar", + "projector", + "gat", + "step", + "step stool", + "vending machine", + "coat", + "coat hanger", + "drinking fountain", + "hamper", + "thermostat", + "banner", + "iron", + "soap", + "chopping board", + "kitchen island", + "shirt", + "sleeping bag", + "tire", + "toothbrush", + "bathrobe", + "faucet", + "slipper", + "thermos", + "tripod", + "dispenser", + "heater", + "pool table", + "remote control", + "stapler", + "treadmill", + "beanbag", + "dartboard", + "metronome", + "rope", + "sewing machine", + "shredder", + "toolbox", + "water heater", + "brush", + "control", + "dais", + "dollhouse", + "envelope", + "food", + "frying pan", + "helmet", + "tennis racket", + "umbrella", +) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/arkitscenes/preprocess_arkitscenes_mesh.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/arkitscenes/preprocess_arkitscenes_mesh.py new file mode 100644 index 0000000000000000000000000000000000000000..9bc9b3e47a35f5baa00bcf0f526d5d986b28494e --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/arkitscenes/preprocess_arkitscenes_mesh.py @@ -0,0 +1,87 @@ +""" +Preprocessing ArkitScenes +""" + +import os +import argparse +import glob +import plyfile +import numpy as np +import pandas as pd +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + +import torch + + +def read_plymesh(filepath): + """Read ply file and return it as numpy array. Returns None if emtpy.""" + with open(filepath, "rb") as f: + plydata = plyfile.PlyData.read(f) + if plydata.elements: + vertices = pd.DataFrame(plydata["vertex"].data).values + faces = np.stack(plydata["face"].data["vertex_indices"], axis=0) + return vertices, faces + + +def face_normal(vertex, face): + v01 = vertex[face[:, 1]] - vertex[face[:, 0]] + v02 = vertex[face[:, 2]] - vertex[face[:, 0]] + vec = np.cross(v01, v02) + length = np.sqrt(np.sum(vec**2, axis=1, keepdims=True)) + 1.0e-8 + nf = vec / length + area = length * 0.5 + return nf, area + + +def vertex_normal(vertex, face): + nf, area = face_normal(vertex, face) + nf = nf * area + + nv = np.zeros_like(vertex) + for i in range(face.shape[0]): + nv[face[i]] += nf[i] + + length = np.sqrt(np.sum(nv**2, axis=1, keepdims=True)) + 1.0e-8 + nv = nv / length + return nv + + +def parse_scene(scene_path, output_dir): + print(f"Parsing scene {scene_path}") + split = os.path.basename(os.path.dirname(os.path.dirname(scene_path))) + scene_id = os.path.basename(os.path.dirname(scene_path)) + vertices, faces = read_plymesh(scene_path) + coords = vertices[:, :3] + colors = vertices[:, 3:6] + data_dict = dict(coord=coords, color=colors, scene_id=scene_id) + data_dict["normal"] = vertex_normal(coords, faces) + torch.save(data_dict, os.path.join(output_dir, split, f"{scene_id}.pth")) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + opt = parser.parse_args() + # Create output directories + train_output_dir = os.path.join(opt.output_root, "Training") + os.makedirs(train_output_dir, exist_ok=True) + val_output_dir = os.path.join(opt.output_root, "Validation") + os.makedirs(val_output_dir, exist_ok=True) + # Load scene paths + scene_paths = sorted(glob.glob(opt.dataset_root + "/3dod/*/*/*_mesh.ply")) + # Preprocess data. + pool = ProcessPoolExecutor(max_workers=mp.cpu_count()) + # pool = ProcessPoolExecutor(max_workers=1) + print("Processing scenes...") + _ = list(pool.map(parse_scene, scene_paths, repeat(opt.output_root))) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/nuscenes/preprocess_nuscenes_info.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/nuscenes/preprocess_nuscenes_info.py new file mode 100644 index 0000000000000000000000000000000000000000..7ed106f193a488aa76385157aa33fb65e5944a6f --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/nuscenes/preprocess_nuscenes_info.py @@ -0,0 +1,607 @@ +""" +Preprocessing Script for nuScenes Informantion +modified from OpenPCDet (https://github.com/open-mmlab/OpenPCDet) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +from pathlib import Path +import numpy as np +import argparse +import tqdm +import pickle +from functools import reduce +from pyquaternion import Quaternion +from nuscenes.nuscenes import NuScenes +from nuscenes.utils import splits +from nuscenes.utils.geometry_utils import transform_matrix + + +map_name_from_general_to_detection = { + "human.pedestrian.adult": "pedestrian", + "human.pedestrian.child": "pedestrian", + "human.pedestrian.wheelchair": "ignore", + "human.pedestrian.stroller": "ignore", + "human.pedestrian.personal_mobility": "ignore", + "human.pedestrian.police_officer": "pedestrian", + "human.pedestrian.construction_worker": "pedestrian", + "animal": "ignore", + "vehicle.car": "car", + "vehicle.motorcycle": "motorcycle", + "vehicle.bicycle": "bicycle", + "vehicle.bus.bendy": "bus", + "vehicle.bus.rigid": "bus", + "vehicle.truck": "truck", + "vehicle.construction": "construction_vehicle", + "vehicle.emergency.ambulance": "ignore", + "vehicle.emergency.police": "ignore", + "vehicle.trailer": "trailer", + "movable_object.barrier": "barrier", + "movable_object.trafficcone": "traffic_cone", + "movable_object.pushable_pullable": "ignore", + "movable_object.debris": "ignore", + "static_object.bicycle_rack": "ignore", +} + + +cls_attr_dist = { + "barrier": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "bicycle": { + "cycle.with_rider": 2791, + "cycle.without_rider": 8946, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "bus": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 9092, + "vehicle.parked": 3294, + "vehicle.stopped": 3881, + }, + "car": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 114304, + "vehicle.parked": 330133, + "vehicle.stopped": 46898, + }, + "construction_vehicle": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 882, + "vehicle.parked": 11549, + "vehicle.stopped": 2102, + }, + "ignore": { + "cycle.with_rider": 307, + "cycle.without_rider": 73, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 165, + "vehicle.parked": 400, + "vehicle.stopped": 102, + }, + "motorcycle": { + "cycle.with_rider": 4233, + "cycle.without_rider": 8326, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "pedestrian": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 157444, + "pedestrian.sitting_lying_down": 13939, + "pedestrian.standing": 46530, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "traffic_cone": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 0, + "vehicle.parked": 0, + "vehicle.stopped": 0, + }, + "trailer": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 3421, + "vehicle.parked": 19224, + "vehicle.stopped": 1895, + }, + "truck": { + "cycle.with_rider": 0, + "cycle.without_rider": 0, + "pedestrian.moving": 0, + "pedestrian.sitting_lying_down": 0, + "pedestrian.standing": 0, + "vehicle.moving": 21339, + "vehicle.parked": 55626, + "vehicle.stopped": 11097, + }, +} + + +def get_available_scenes(nusc): + available_scenes = [] + for scene in nusc.scene: + scene_token = scene["token"] + scene_rec = nusc.get("scene", scene_token) + sample_rec = nusc.get("sample", scene_rec["first_sample_token"]) + sd_rec = nusc.get("sample_data", sample_rec["data"]["LIDAR_TOP"]) + has_more_frames = True + scene_not_exist = False + while has_more_frames: + lidar_path, boxes, _ = nusc.get_sample_data(sd_rec["token"]) + if not Path(lidar_path).exists(): + scene_not_exist = True + break + else: + break + if scene_not_exist: + continue + available_scenes.append(scene) + return available_scenes + + +def get_sample_data(nusc, sample_data_token, selected_anntokens=None): + """ + Returns the data path as well as all annotations related to that sample_data. + Note that the boxes are transformed into the current sensor"s coordinate frame. + Args: + nusc: + sample_data_token: Sample_data token. + selected_anntokens: If provided only return the selected annotation. + + Returns: + + """ + # Retrieve sensor & pose records + sd_record = nusc.get("sample_data", sample_data_token) + cs_record = nusc.get("calibrated_sensor", sd_record["calibrated_sensor_token"]) + sensor_record = nusc.get("sensor", cs_record["sensor_token"]) + pose_record = nusc.get("ego_pose", sd_record["ego_pose_token"]) + + data_path = nusc.get_sample_data_path(sample_data_token) + + if sensor_record["modality"] == "camera": + cam_intrinsic = np.array(cs_record["camera_intrinsic"]) + else: + cam_intrinsic = None + + # Retrieve all sample annotations and map to sensor coordinate system. + if selected_anntokens is not None: + boxes = list(map(nusc.get_box, selected_anntokens)) + else: + boxes = nusc.get_boxes(sample_data_token) + + # Make list of Box objects including coord system transforms. + box_list = [] + for box in boxes: + box.velocity = nusc.box_velocity(box.token) + # Move box to ego vehicle coord system + box.translate(-np.array(pose_record["translation"])) + box.rotate(Quaternion(pose_record["rotation"]).inverse) + + # Move box to sensor coord system + box.translate(-np.array(cs_record["translation"])) + box.rotate(Quaternion(cs_record["rotation"]).inverse) + + box_list.append(box) + + return data_path, box_list, cam_intrinsic + + +def quaternion_yaw(q: Quaternion) -> float: + """ + Calculate the yaw angle from a quaternion. + Note that this only works for a quaternion that represents a box in lidar or global coordinate frame. + It does not work for a box in the camera frame. + :param q: Quaternion of interest. + :return: Yaw angle in radians. + """ + + # Project into xy plane. + v = np.dot(q.rotation_matrix, np.array([1, 0, 0])) + + # Measure yaw using arctan. + yaw = np.arctan2(v[1], v[0]) + + return yaw + + +def obtain_sensor2top( + nusc, sensor_token, l2e_t, l2e_r_mat, e2g_t, e2g_r_mat, sensor_type="lidar" +): + """Obtain the info with RT matric from general sensor to Top LiDAR. + + Args: + nusc (class): Dataset class in the nuScenes dataset. + sensor_token (str): Sample data token corresponding to the + specific sensor type. + l2e_t (np.ndarray): Translation from lidar to ego in shape (1, 3). + l2e_r_mat (np.ndarray): Rotation matrix from lidar to ego + in shape (3, 3). + e2g_t (np.ndarray): Translation from ego to global in shape (1, 3). + e2g_r_mat (np.ndarray): Rotation matrix from ego to global + in shape (3, 3). + sensor_type (str): Sensor to calibrate. Default: "lidar". + + Returns: + sweep (dict): Sweep information after transformation. + """ + sd_rec = nusc.get("sample_data", sensor_token) + cs_record = nusc.get("calibrated_sensor", sd_rec["calibrated_sensor_token"]) + pose_record = nusc.get("ego_pose", sd_rec["ego_pose_token"]) + data_path = str(nusc.get_sample_data_path(sd_rec["token"])) + # if os.getcwd() in data_path: # path from lyftdataset is absolute path + # data_path = data_path.split(f"{os.getcwd()}/")[-1] # relative path + sweep = { + "data_path": data_path, + "type": sensor_type, + "sample_data_token": sd_rec["token"], + "sensor2ego_translation": cs_record["translation"], + "sensor2ego_rotation": cs_record["rotation"], + "ego2global_translation": pose_record["translation"], + "ego2global_rotation": pose_record["rotation"], + "timestamp": sd_rec["timestamp"], + } + l2e_r_s = sweep["sensor2ego_rotation"] + l2e_t_s = sweep["sensor2ego_translation"] + e2g_r_s = sweep["ego2global_rotation"] + e2g_t_s = sweep["ego2global_translation"] + + # obtain the RT from sensor to Top LiDAR + # sweep->ego->global->ego'->lidar + l2e_r_s_mat = Quaternion(l2e_r_s).rotation_matrix + e2g_r_s_mat = Quaternion(e2g_r_s).rotation_matrix + R = (l2e_r_s_mat.T @ e2g_r_s_mat.T) @ ( + np.linalg.inv(e2g_r_mat).T @ np.linalg.inv(l2e_r_mat).T + ) + T = (l2e_t_s @ e2g_r_s_mat.T + e2g_t_s) @ ( + np.linalg.inv(e2g_r_mat).T @ np.linalg.inv(l2e_r_mat).T + ) + T -= ( + e2g_t @ (np.linalg.inv(e2g_r_mat).T @ np.linalg.inv(l2e_r_mat).T) + + l2e_t @ np.linalg.inv(l2e_r_mat).T + ).squeeze(0) + sweep["sensor2lidar_rotation"] = R.T # points @ R.T + T + sweep["sensor2lidar_translation"] = T + return sweep + + +def fill_trainval_infos( + data_path, nusc, train_scenes, test=False, max_sweeps=10, with_camera=False +): + train_nusc_infos = [] + val_nusc_infos = [] + progress_bar = tqdm.tqdm( + total=len(nusc.sample), desc="create_info", dynamic_ncols=True + ) + + ref_chan = "LIDAR_TOP" # The radar channel from which we track back n sweeps to aggregate the point cloud. + chan = "LIDAR_TOP" # The reference channel of the current sample_rec that the point clouds are mapped to. + + for index, sample in enumerate(nusc.sample): + progress_bar.update() + + ref_sd_token = sample["data"][ref_chan] + ref_sd_rec = nusc.get("sample_data", ref_sd_token) + ref_cs_rec = nusc.get( + "calibrated_sensor", ref_sd_rec["calibrated_sensor_token"] + ) + ref_pose_rec = nusc.get("ego_pose", ref_sd_rec["ego_pose_token"]) + ref_time = 1e-6 * ref_sd_rec["timestamp"] + + ref_lidar_path, ref_boxes, _ = get_sample_data(nusc, ref_sd_token) + + ref_cam_front_token = sample["data"]["CAM_FRONT"] + ref_cam_path, _, ref_cam_intrinsic = nusc.get_sample_data(ref_cam_front_token) + + # Homogeneous transform from ego car frame to reference frame + ref_from_car = transform_matrix( + ref_cs_rec["translation"], Quaternion(ref_cs_rec["rotation"]), inverse=True + ) + + # Homogeneous transformation matrix from global to _current_ ego car frame + car_from_global = transform_matrix( + ref_pose_rec["translation"], + Quaternion(ref_pose_rec["rotation"]), + inverse=True, + ) + info = { + "lidar_path": Path(ref_lidar_path).relative_to(data_path).__str__(), + "lidar_token": ref_sd_token, + "cam_front_path": Path(ref_cam_path).relative_to(data_path).__str__(), + "cam_intrinsic": ref_cam_intrinsic, + "token": sample["token"], + "sweeps": [], + "ref_from_car": ref_from_car, + "car_from_global": car_from_global, + "timestamp": ref_time, + } + if with_camera: + info["cams"] = dict() + l2e_r = ref_cs_rec["rotation"] + l2e_t = (ref_cs_rec["translation"],) + e2g_r = ref_pose_rec["rotation"] + e2g_t = ref_pose_rec["translation"] + l2e_r_mat = Quaternion(l2e_r).rotation_matrix + e2g_r_mat = Quaternion(e2g_r).rotation_matrix + + # obtain 6 image's information per frame + camera_types = [ + "CAM_FRONT", + "CAM_FRONT_RIGHT", + "CAM_FRONT_LEFT", + "CAM_BACK", + "CAM_BACK_LEFT", + "CAM_BACK_RIGHT", + ] + for cam in camera_types: + cam_token = sample["data"][cam] + cam_path, _, camera_intrinsics = nusc.get_sample_data(cam_token) + cam_info = obtain_sensor2top( + nusc, cam_token, l2e_t, l2e_r_mat, e2g_t, e2g_r_mat, cam + ) + cam_info["data_path"] = ( + Path(cam_info["data_path"]).relative_to(data_path).__str__() + ) + cam_info.update(camera_intrinsics=camera_intrinsics) + info["cams"].update({cam: cam_info}) + + sample_data_token = sample["data"][chan] + curr_sd_rec = nusc.get("sample_data", sample_data_token) + sweeps = [] + while len(sweeps) < max_sweeps - 1: + if curr_sd_rec["prev"] == "": + if len(sweeps) == 0: + sweep = { + "lidar_path": Path(ref_lidar_path) + .relative_to(data_path) + .__str__(), + "sample_data_token": curr_sd_rec["token"], + "transform_matrix": None, + "time_lag": curr_sd_rec["timestamp"] * 0, + } + sweeps.append(sweep) + else: + sweeps.append(sweeps[-1]) + else: + curr_sd_rec = nusc.get("sample_data", curr_sd_rec["prev"]) + + # Get past pose + current_pose_rec = nusc.get("ego_pose", curr_sd_rec["ego_pose_token"]) + global_from_car = transform_matrix( + current_pose_rec["translation"], + Quaternion(current_pose_rec["rotation"]), + inverse=False, + ) + + # Homogeneous transformation matrix from sensor coordinate frame to ego car frame. + current_cs_rec = nusc.get( + "calibrated_sensor", curr_sd_rec["calibrated_sensor_token"] + ) + car_from_current = transform_matrix( + current_cs_rec["translation"], + Quaternion(current_cs_rec["rotation"]), + inverse=False, + ) + + tm = reduce( + np.dot, + [ref_from_car, car_from_global, global_from_car, car_from_current], + ) + + lidar_path = nusc.get_sample_data_path(curr_sd_rec["token"]) + + time_lag = ref_time - 1e-6 * curr_sd_rec["timestamp"] + + sweep = { + "lidar_path": Path(lidar_path).relative_to(data_path).__str__(), + "sample_data_token": curr_sd_rec["token"], + "transform_matrix": tm, + "global_from_car": global_from_car, + "car_from_current": car_from_current, + "time_lag": time_lag, + } + sweeps.append(sweep) + + info["sweeps"] = sweeps + + assert len(info["sweeps"]) == max_sweeps - 1, ( + f"sweep {curr_sd_rec['token']} only has {len(info['sweeps'])} sweeps, " + f"you should duplicate to sweep num {max_sweeps - 1}" + ) + + if not test: + # processing gt bbox + annotations = [ + nusc.get("sample_annotation", token) for token in sample["anns"] + ] + + # the filtering gives 0.5~1 map improvement + num_lidar_pts = np.array([anno["num_lidar_pts"] for anno in annotations]) + num_radar_pts = np.array([anno["num_radar_pts"] for anno in annotations]) + mask = num_lidar_pts + num_radar_pts > 0 + + locs = np.array([b.center for b in ref_boxes]).reshape(-1, 3) + dims = np.array([b.wlh for b in ref_boxes]).reshape(-1, 3)[ + :, [1, 0, 2] + ] # wlh == > dxdydz (lwh) + velocity = np.array([b.velocity for b in ref_boxes]).reshape(-1, 3) + rots = np.array([quaternion_yaw(b.orientation) for b in ref_boxes]).reshape( + -1, 1 + ) + names = np.array([b.name for b in ref_boxes]) + tokens = np.array([b.token for b in ref_boxes]) + gt_boxes = np.concatenate([locs, dims, rots, velocity[:, :2]], axis=1) + + assert len(annotations) == len(gt_boxes) == len(velocity) + + info["gt_boxes"] = gt_boxes[mask, :] + info["gt_boxes_velocity"] = velocity[mask, :] + info["gt_names"] = np.array( + [map_name_from_general_to_detection[name] for name in names] + )[mask] + info["gt_boxes_token"] = tokens[mask] + info["num_lidar_pts"] = num_lidar_pts[mask] + info["num_radar_pts"] = num_radar_pts[mask] + + # processing gt segment + segment_path = nusc.get("lidarseg", ref_sd_token)["filename"] + info["gt_segment_path"] = segment_path + + if sample["scene_token"] in train_scenes: + train_nusc_infos.append(info) + else: + val_nusc_infos.append(info) + + progress_bar.close() + return train_nusc_infos, val_nusc_infos + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", required=True, help="Path to the nuScenes dataset." + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where processed information located.", + ) + parser.add_argument( + "--max_sweeps", default=10, type=int, help="Max number of sweeps. Default: 10." + ) + parser.add_argument( + "--with_camera", + action="store_true", + default=False, + help="Whether use camera or not.", + ) + config = parser.parse_args() + + print(f"Loading nuScenes tables for version v1.0-trainval...") + nusc_trainval = NuScenes( + version="v1.0-trainval", dataroot=config.dataset_root, verbose=False + ) + available_scenes_trainval = get_available_scenes(nusc_trainval) + available_scene_names_trainval = [s["name"] for s in available_scenes_trainval] + print("total scene num:", len(nusc_trainval.scene)) + print("exist scene num:", len(available_scenes_trainval)) + assert len(available_scenes_trainval) == len(nusc_trainval.scene) == 850 + + print(f"Loading nuScenes tables for version v1.0-test...") + nusc_test = NuScenes( + version="v1.0-test", dataroot=config.dataset_root, verbose=False + ) + available_scenes_test = get_available_scenes(nusc_test) + available_scene_names_test = [s["name"] for s in available_scenes_test] + print("total scene num:", len(nusc_test.scene)) + print("exist scene num:", len(available_scenes_test)) + assert len(available_scenes_test) == len(nusc_test.scene) == 150 + + train_scenes = splits.train + train_scenes = set( + [ + available_scenes_trainval[available_scene_names_trainval.index(s)]["token"] + for s in train_scenes + ] + ) + test_scenes = splits.test + test_scenes = set( + [ + available_scenes_test[available_scene_names_test.index(s)]["token"] + for s in test_scenes + ] + ) + print(f"Filling trainval information...") + train_nusc_infos, val_nusc_infos = fill_trainval_infos( + config.dataset_root, + nusc_trainval, + train_scenes, + test=False, + max_sweeps=config.max_sweeps, + with_camera=config.with_camera, + ) + print(f"Filling test information...") + test_nusc_infos, _ = fill_trainval_infos( + config.dataset_root, + nusc_test, + test_scenes, + test=True, + max_sweeps=config.max_sweeps, + with_camera=config.with_camera, + ) + + print(f"Saving nuScenes information...") + os.makedirs(os.path.join(config.output_root, "info"), exist_ok=True) + print( + f"train sample: {len(train_nusc_infos)}, val sample: {len(val_nusc_infos)}, test sample: {len(test_nusc_infos)}" + ) + with open( + os.path.join( + config.output_root, + "info", + f"nuscenes_infos_{config.max_sweeps}sweeps_train.pkl", + ), + "wb", + ) as f: + pickle.dump(train_nusc_infos, f) + with open( + os.path.join( + config.output_root, + "info", + f"nuscenes_infos_{config.max_sweeps}sweeps_val.pkl", + ), + "wb", + ) as f: + pickle.dump(val_nusc_infos, f) + with open( + os.path.join( + config.output_root, + "info", + f"nuscenes_infos_{config.max_sweeps}sweeps_test.pkl", + ), + "wb", + ) as f: + pickle.dump(test_nusc_infos, f) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/s3dis/preprocess_s3dis.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/s3dis/preprocess_s3dis.py new file mode 100644 index 0000000000000000000000000000000000000000..d770ad6317996c8a53cd13b2e12af3a536b6dca4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/s3dis/preprocess_s3dis.py @@ -0,0 +1,233 @@ +""" +Preprocessing Script for S3DIS +Parsing normal vectors has a large consumption of memory. Please reduce max_workers if memory is limited. + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import argparse +import glob +import numpy as np + +try: + import open3d +except ImportError: + import warnings + + warnings.warn("Please install open3d for parsing normal") + +try: + import trimesh +except ImportError: + import warnings + + warnings.warn("Please install trimesh for parsing normal") + +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + +area_mesh_dict = {} + + +def parse_room( + room, angle, dataset_root, output_root, align_angle=True, parse_normal=False +): + print("Parsing: {}".format(room)) + classes = [ + "ceiling", + "floor", + "wall", + "beam", + "column", + "window", + "door", + "table", + "chair", + "sofa", + "bookcase", + "board", + "clutter", + ] + class2label = {cls: i for i, cls in enumerate(classes)} + source_dir = os.path.join(dataset_root, room) + save_path = os.path.join(output_root, room) + os.makedirs(save_path, exist_ok=True) + object_path_list = sorted(glob.glob(os.path.join(source_dir, "Annotations/*.txt"))) + + room_coords = [] + room_colors = [] + room_normals = [] + room_semantic_gt = [] + room_instance_gt = [] + + for object_id, object_path in enumerate(object_path_list): + object_name = os.path.basename(object_path).split("_")[0] + obj = np.loadtxt(object_path) + coords = obj[:, :3] + colors = obj[:, 3:6] + # note: in some room there is 'stairs' class + class_name = object_name if object_name in classes else "clutter" + semantic_gt = np.repeat(class2label[class_name], coords.shape[0]) + semantic_gt = semantic_gt.reshape([-1, 1]) + instance_gt = np.repeat(object_id, coords.shape[0]) + instance_gt = instance_gt.reshape([-1, 1]) + + room_coords.append(coords) + room_colors.append(colors) + room_semantic_gt.append(semantic_gt) + room_instance_gt.append(instance_gt) + + room_coords = np.ascontiguousarray(np.vstack(room_coords)) + + if parse_normal: + x_min, z_max, y_min = np.min(room_coords, axis=0) + x_max, z_min, y_max = np.max(room_coords, axis=0) + z_max = -z_max + z_min = -z_min + max_bound = np.array([x_max, y_max, z_max]) + 0.1 + min_bound = np.array([x_min, y_min, z_min]) - 0.1 + bbox = open3d.geometry.AxisAlignedBoundingBox( + min_bound=min_bound, max_bound=max_bound + ) + # crop room + room_mesh = ( + area_mesh_dict[os.path.dirname(room)] + .crop(bbox) + .transform( + np.array([[1, 0, 0, 0], [0, 0, -1, 0], [0, 1, 0, 0], [0, 0, 0, 1]]) + ) + ) + vertices = np.array(room_mesh.vertices) + faces = np.array(room_mesh.triangles) + vertex_normals = np.array(room_mesh.vertex_normals) + room_mesh = trimesh.Trimesh( + vertices=vertices, faces=faces, vertex_normals=vertex_normals + ) + (closest_points, distances, face_id) = room_mesh.nearest.on_surface(room_coords) + room_normals = room_mesh.face_normals[face_id] + + if align_angle: + angle = (2 - angle / 180) * np.pi + rot_cos, rot_sin = np.cos(angle), np.sin(angle) + rot_t = np.array([[rot_cos, -rot_sin, 0], [rot_sin, rot_cos, 0], [0, 0, 1]]) + room_center = (np.max(room_coords, axis=0) + np.min(room_coords, axis=0)) / 2 + room_coords = (room_coords - room_center) @ np.transpose(rot_t) + room_center + if parse_normal: + room_normals = room_normals @ np.transpose(rot_t) + + room_colors = np.ascontiguousarray(np.vstack(room_colors)) + room_semantic_gt = np.ascontiguousarray(np.vstack(room_semantic_gt)) + room_instance_gt = np.ascontiguousarray(np.vstack(room_instance_gt)) + np.save(os.path.join(save_path, "coord.npy"), room_coords.astype(np.float32)) + np.save(os.path.join(save_path, "color.npy"), room_colors.astype(np.uint8)) + np.save(os.path.join(save_path, "segment.npy"), room_semantic_gt.astype(np.int16)) + np.save(os.path.join(save_path, "instance.npy"), room_instance_gt.astype(np.int16)) + + if parse_normal: + np.save(os.path.join(save_path, "normal.npy"), room_normals.astype(np.float32)) + + +def main_process(): + parser = argparse.ArgumentParser() + parser.add_argument( + "--splits", + required=True, + nargs="+", + choices=["Area_1", "Area_2", "Area_3", "Area_4", "Area_5", "Area_6"], + help="Splits need to process ([Area_1, Area_2, Area_3, Area_4, Area_5, Area_6]).", + ) + parser.add_argument( + "--dataset_root", required=True, help="Path to Stanford3dDataset_v1.2 dataset" + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where area folders will be located", + ) + parser.add_argument( + "--raw_root", + default=None, + help="Path to Stanford2d3dDataset_noXYZ dataset (optional)", + ) + parser.add_argument( + "--align_angle", action="store_true", help="Whether align room angles" + ) + parser.add_argument( + "--parse_normal", action="store_true", help="Whether process normal" + ) + parser.add_argument( + "--num_workers", default=1, type=int, help="Num workers for preprocessing." + ) + args = parser.parse_args() + + if args.parse_normal: + assert args.raw_root is not None + + room_list = [] + angle_list = [] + + # Load room information + print("Loading room information ...") + for split in args.splits: + area_info = np.loadtxt( + os.path.join( + args.dataset_root, + split, + f"{split}_alignmentAngle.txt", + ), + dtype=str, + ) + room_list += [os.path.join(split, room_info[0]) for room_info in area_info] + angle_list += [int(room_info[1]) for room_info in area_info] + + if args.parse_normal: + # load raw mesh file to extract normal + print("Loading raw mesh file ...") + for split in args.splits: + if split != "Area_5": + mesh_dir = os.path.join(args.raw_root, split, "3d", "rgb.obj") + mesh = open3d.io.read_triangle_mesh(mesh_dir) + mesh.triangle_uvs.clear() + else: + mesh_a_dir = os.path.join(args.raw_root, f"{split}a", "3d", "rgb.obj") + mesh_b_dir = os.path.join(args.raw_root, f"{split}b", "3d", "rgb.obj") + mesh_a = open3d.io.read_triangle_mesh(mesh_a_dir) + mesh_a.triangle_uvs.clear() + mesh_b = open3d.io.read_triangle_mesh(mesh_b_dir) + mesh_b.triangle_uvs.clear() + mesh_b = mesh_b.transform( + np.array( + [ + [0, 0, -1, -4.09703582], + [0, 1, 0, 0], + [1, 0, 0, -6.22617759], + [0, 0, 0, 1], + ] + ) + ) + mesh = mesh_a + mesh_b + area_mesh_dict[split] = mesh + print(f"{split} mesh is loaded") + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor( + max_workers=args.num_workers + ) # peak 110G memory when parsing normal. + _ = list( + pool.map( + parse_room, + room_list, + angle_list, + repeat(args.dataset_root), + repeat(args.output_root), + repeat(args.align_angle), + repeat(args.parse_normal), + ) + ) + + +if __name__ == "__main__": + main_process() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/sampling_chunking_data.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/sampling_chunking_data.py new file mode 100644 index 0000000000000000000000000000000000000000..96536d415370bf28c0f1cc89312b2fde719c9a58 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/sampling_chunking_data.py @@ -0,0 +1,149 @@ +""" +Chunking Data + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import argparse +import numpy as np +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from pathlib import Path + + +def chunking_scene( + name, + dataset_root, + split, + grid_size=None, + chunk_range=(6, 6), + chunk_stride=(3, 3), + chunk_minimum_size=10000, +): + print(f"Chunking scene {name} in {split} split") + dataset_root = Path(dataset_root) + scene_path = dataset_root / split / name + assets = os.listdir(scene_path) + data_dict = dict() + for asset in assets: + if not asset.endswith(".npy"): + continue + data_dict[asset[:-4]] = np.load(scene_path / asset) + coord = data_dict["coord"] - data_dict["coord"].min(axis=0) + + if grid_size is not None: + grid_coord = np.floor(coord / grid_size).astype(int) + _, idx = np.unique(grid_coord, axis=0, return_index=True) + coord = coord[idx] + for key in data_dict.keys(): + data_dict[key] = data_dict[key][idx] + + bev_range = coord.max(axis=0)[:2] + x, y = np.meshgrid( + np.arange(0, bev_range[0] + chunk_stride[0] - chunk_range[0], chunk_stride[0]), + np.arange(0, bev_range[0] + chunk_stride[0] - chunk_range[0], chunk_stride[0]), + indexing="ij", + ) + chunks = np.concatenate([x.reshape([-1, 1]), y.reshape([-1, 1])], axis=-1) + chunk_idx = 0 + for chunk in chunks: + mask = ( + (coord[:, 0] >= chunk[0]) + & (coord[:, 0] < chunk[0] + chunk_range[0]) + & (coord[:, 1] >= chunk[1]) + & (coord[:, 1] < chunk[1] + chunk_range[1]) + ) + if np.sum(mask) < chunk_minimum_size: + continue + + chunk_data_name = f"{name}_{chunk_idx}" + if grid_size is not None: + chunk_split_name = ( + f"{split}_" + f"grid{grid_size * 100:.0f}mm_" + f"chunk{chunk_range[0]}x{chunk_range[1]}_" + f"stride{chunk_stride[0]}x{chunk_stride[1]}" + ) + else: + chunk_split_name = ( + f"{split}_" + f"chunk{chunk_range[0]}x{chunk_range[1]}_" + f"stride{chunk_stride[0]}x{chunk_stride[1]}" + ) + + chunk_save_path = dataset_root / chunk_split_name / chunk_data_name + chunk_save_path.mkdir(parents=True, exist_ok=True) + for key in data_dict.keys(): + np.save(chunk_save_path / f"{key}.npy", data_dict[key][mask]) + chunk_idx += 1 + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the Pointcept processed ScanNet++ dataset.", + ) + parser.add_argument( + "--split", + required=True, + default="train", + type=str, + help="Split need to process.", + ) + parser.add_argument( + "--grid_size", + default=None, + type=float, + help="Grid size for initial grid sampling", + ) + parser.add_argument( + "--chunk_range", + default=[6, 6], + type=int, + nargs="+", + help="Range of each chunk, e.g. --chunk_range 6 6", + ) + parser.add_argument( + "--chunk_stride", + default=[3, 3], + type=int, + nargs="+", + help="Stride of each chunk, e.g. --chunk_stride 3 3", + ) + parser.add_argument( + "--chunk_minimum_size", + default=10000, + type=int, + help="Minimum number of points in each chunk", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + + config = parser.parse_args() + config.dataset_root = Path(config.dataset_root) + data_list = os.listdir(config.dataset_root / config.split) + + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + chunking_scene, + data_list, + repeat(config.dataset_root), + repeat(config.split), + repeat(config.grid_size), + repeat(config.chunk_range), + repeat(config.chunk_stride), + repeat(config.chunk_minimum_size), + ) + ) + pool.shutdown() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_ObjClassification-ShapeNetCore55.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_ObjClassification-ShapeNetCore55.txt new file mode 100644 index 0000000000000000000000000000000000000000..e53f5bcb2c1480f42ee9327940246258aa434f88 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_ObjClassification-ShapeNetCore55.txt @@ -0,0 +1,17 @@ +1 trash +3 basket +4 bathtub +5 bed +9 shelf +13 cabinet +18 chair +20 keyboard +22 tv +30 lamp +31 laptop +35 microwave +39 pillow +42 printer +47 sofa +48 stove +49 table diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_SemVoxLabel-nyu40id.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_SemVoxLabel-nyu40id.txt new file mode 100644 index 0000000000000000000000000000000000000000..48e228766391e0f0234c2eed086e31f738068a4b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/classes_SemVoxLabel-nyu40id.txt @@ -0,0 +1,20 @@ +1 wall +2 floor +3 cabinet +4 bed +5 chair +6 sofa +7 table +8 door +9 window +10 bookshelf +11 picture +12 counter +14 desk +16 curtain +24 refridgerator +28 shower curtain +33 toilet +34 sink +36 bathtub +39 otherfurniture \ No newline at end of file diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_constants.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_constants.py new file mode 100644 index 0000000000000000000000000000000000000000..0404fd6aa8ad14ad729354ce184d4b51834bfd1b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_constants.py @@ -0,0 +1,704 @@ +# ScanNet Benchmark constants +VALID_CLASS_IDS_20 = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 12, + 14, + 16, + 24, + 28, + 33, + 34, + 36, + 39, +) + +CLASS_LABELS_20 = ( + "wall", + "floor", + "cabinet", + "bed", + "chair", + "sofa", + "table", + "door", + "window", + "bookshelf", + "picture", + "counter", + "desk", + "curtain", + "refrigerator", + "shower curtain", + "toilet", + "sink", + "bathtub", + "otherfurniture", +) + +SCANNET_COLOR_MAP_20 = { + 0: (0.0, 0.0, 0.0), + 1: (174.0, 199.0, 232.0), + 2: (152.0, 223.0, 138.0), + 3: (31.0, 119.0, 180.0), + 4: (255.0, 187.0, 120.0), + 5: (188.0, 189.0, 34.0), + 6: (140.0, 86.0, 75.0), + 7: (255.0, 152.0, 150.0), + 8: (214.0, 39.0, 40.0), + 9: (197.0, 176.0, 213.0), + 10: (148.0, 103.0, 189.0), + 11: (196.0, 156.0, 148.0), + 12: (23.0, 190.0, 207.0), + 14: (247.0, 182.0, 210.0), + 15: (66.0, 188.0, 102.0), + 16: (219.0, 219.0, 141.0), + 17: (140.0, 57.0, 197.0), + 18: (202.0, 185.0, 52.0), + 19: (51.0, 176.0, 203.0), + 20: (200.0, 54.0, 131.0), + 21: (92.0, 193.0, 61.0), + 22: (78.0, 71.0, 183.0), + 23: (172.0, 114.0, 82.0), + 24: (255.0, 127.0, 14.0), + 25: (91.0, 163.0, 138.0), + 26: (153.0, 98.0, 156.0), + 27: (140.0, 153.0, 101.0), + 28: (158.0, 218.0, 229.0), + 29: (100.0, 125.0, 154.0), + 30: (178.0, 127.0, 135.0), + 32: (146.0, 111.0, 194.0), + 33: (44.0, 160.0, 44.0), + 34: (112.0, 128.0, 144.0), + 35: (96.0, 207.0, 209.0), + 36: (227.0, 119.0, 194.0), + 37: (213.0, 92.0, 176.0), + 38: (94.0, 106.0, 211.0), + 39: (82.0, 84.0, 163.0), + 40: (100.0, 85.0, 144.0), +} + +# ScanNet200 Benchmark constants +VALID_CLASS_IDS_200 = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 21, + 22, + 23, + 24, + 26, + 27, + 28, + 29, + 31, + 32, + 33, + 34, + 35, + 36, + 38, + 39, + 40, + 41, + 42, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 54, + 55, + 56, + 57, + 58, + 59, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 82, + 84, + 86, + 87, + 88, + 89, + 90, + 93, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 103, + 104, + 105, + 106, + 107, + 110, + 112, + 115, + 116, + 118, + 120, + 121, + 122, + 125, + 128, + 130, + 131, + 132, + 134, + 136, + 138, + 139, + 140, + 141, + 145, + 148, + 154, + 155, + 156, + 157, + 159, + 161, + 163, + 165, + 166, + 168, + 169, + 170, + 177, + 180, + 185, + 188, + 191, + 193, + 195, + 202, + 208, + 213, + 214, + 221, + 229, + 230, + 232, + 233, + 242, + 250, + 261, + 264, + 276, + 283, + 286, + 300, + 304, + 312, + 323, + 325, + 331, + 342, + 356, + 370, + 392, + 395, + 399, + 408, + 417, + 488, + 540, + 562, + 570, + 572, + 581, + 609, + 748, + 776, + 1156, + 1163, + 1164, + 1165, + 1166, + 1167, + 1168, + 1169, + 1170, + 1171, + 1172, + 1173, + 1174, + 1175, + 1176, + 1178, + 1179, + 1180, + 1181, + 1182, + 1183, + 1184, + 1185, + 1186, + 1187, + 1188, + 1189, + 1190, + 1191, +) + +CLASS_LABELS_200 = ( + "wall", + "chair", + "floor", + "table", + "door", + "couch", + "cabinet", + "shelf", + "desk", + "office chair", + "bed", + "pillow", + "sink", + "picture", + "window", + "toilet", + "bookshelf", + "monitor", + "curtain", + "book", + "armchair", + "coffee table", + "box", + "refrigerator", + "lamp", + "kitchen cabinet", + "towel", + "clothes", + "tv", + "nightstand", + "counter", + "dresser", + "stool", + "cushion", + "plant", + "ceiling", + "bathtub", + "end table", + "dining table", + "keyboard", + "bag", + "backpack", + "toilet paper", + "printer", + "tv stand", + "whiteboard", + "blanket", + "shower curtain", + "trash can", + "closet", + "stairs", + "microwave", + "stove", + "shoe", + "computer tower", + "bottle", + "bin", + "ottoman", + "bench", + "board", + "washing machine", + "mirror", + "copier", + "basket", + "sofa chair", + "file cabinet", + "fan", + "laptop", + "shower", + "paper", + "person", + "paper towel dispenser", + "oven", + "blinds", + "rack", + "plate", + "blackboard", + "piano", + "suitcase", + "rail", + "radiator", + "recycling bin", + "container", + "wardrobe", + "soap dispenser", + "telephone", + "bucket", + "clock", + "stand", + "light", + "laundry basket", + "pipe", + "clothes dryer", + "guitar", + "toilet paper holder", + "seat", + "speaker", + "column", + "bicycle", + "ladder", + "bathroom stall", + "shower wall", + "cup", + "jacket", + "storage bin", + "coffee maker", + "dishwasher", + "paper towel roll", + "machine", + "mat", + "windowsill", + "bar", + "toaster", + "bulletin board", + "ironing board", + "fireplace", + "soap dish", + "kitchen counter", + "doorframe", + "toilet paper dispenser", + "mini fridge", + "fire extinguisher", + "ball", + "hat", + "shower curtain rod", + "water cooler", + "paper cutter", + "tray", + "shower door", + "pillar", + "ledge", + "toaster oven", + "mouse", + "toilet seat cover dispenser", + "furniture", + "cart", + "storage container", + "scale", + "tissue box", + "light switch", + "crate", + "power outlet", + "decoration", + "sign", + "projector", + "closet door", + "vacuum cleaner", + "candle", + "plunger", + "stuffed animal", + "headphones", + "dish rack", + "broom", + "guitar case", + "range hood", + "dustpan", + "hair dryer", + "water bottle", + "handicap bar", + "purse", + "vent", + "shower floor", + "water pitcher", + "mailbox", + "bowl", + "paper bag", + "alarm clock", + "music stand", + "projector screen", + "divider", + "laundry detergent", + "bathroom counter", + "object", + "bathroom vanity", + "closet wall", + "laundry hamper", + "bathroom stall door", + "ceiling light", + "trash bin", + "dumbbell", + "stair rail", + "tube", + "bathroom cabinet", + "cd case", + "closet rod", + "coffee kettle", + "structure", + "shower head", + "keyboard piano", + "case of water bottles", + "coat rack", + "storage organizer", + "folded chair", + "fire alarm", + "power strip", + "calendar", + "poster", + "potted plant", + "luggage", + "mattress", +) + +SCANNET_COLOR_MAP_200 = { + 0: (0.0, 0.0, 0.0), + 1: (174.0, 199.0, 232.0), + 2: (188.0, 189.0, 34.0), + 3: (152.0, 223.0, 138.0), + 4: (255.0, 152.0, 150.0), + 5: (214.0, 39.0, 40.0), + 6: (91.0, 135.0, 229.0), + 7: (31.0, 119.0, 180.0), + 8: (229.0, 91.0, 104.0), + 9: (247.0, 182.0, 210.0), + 10: (91.0, 229.0, 110.0), + 11: (255.0, 187.0, 120.0), + 13: (141.0, 91.0, 229.0), + 14: (112.0, 128.0, 144.0), + 15: (196.0, 156.0, 148.0), + 16: (197.0, 176.0, 213.0), + 17: (44.0, 160.0, 44.0), + 18: (148.0, 103.0, 189.0), + 19: (229.0, 91.0, 223.0), + 21: (219.0, 219.0, 141.0), + 22: (192.0, 229.0, 91.0), + 23: (88.0, 218.0, 137.0), + 24: (58.0, 98.0, 137.0), + 26: (177.0, 82.0, 239.0), + 27: (255.0, 127.0, 14.0), + 28: (237.0, 204.0, 37.0), + 29: (41.0, 206.0, 32.0), + 31: (62.0, 143.0, 148.0), + 32: (34.0, 14.0, 130.0), + 33: (143.0, 45.0, 115.0), + 34: (137.0, 63.0, 14.0), + 35: (23.0, 190.0, 207.0), + 36: (16.0, 212.0, 139.0), + 38: (90.0, 119.0, 201.0), + 39: (125.0, 30.0, 141.0), + 40: (150.0, 53.0, 56.0), + 41: (186.0, 197.0, 62.0), + 42: (227.0, 119.0, 194.0), + 44: (38.0, 100.0, 128.0), + 45: (120.0, 31.0, 243.0), + 46: (154.0, 59.0, 103.0), + 47: (169.0, 137.0, 78.0), + 48: (143.0, 245.0, 111.0), + 49: (37.0, 230.0, 205.0), + 50: (14.0, 16.0, 155.0), + 51: (196.0, 51.0, 182.0), + 52: (237.0, 80.0, 38.0), + 54: (138.0, 175.0, 62.0), + 55: (158.0, 218.0, 229.0), + 56: (38.0, 96.0, 167.0), + 57: (190.0, 77.0, 246.0), + 58: (208.0, 49.0, 84.0), + 59: (208.0, 193.0, 72.0), + 62: (55.0, 220.0, 57.0), + 63: (10.0, 125.0, 140.0), + 64: (76.0, 38.0, 202.0), + 65: (191.0, 28.0, 135.0), + 66: (211.0, 120.0, 42.0), + 67: (118.0, 174.0, 76.0), + 68: (17.0, 242.0, 171.0), + 69: (20.0, 65.0, 247.0), + 70: (208.0, 61.0, 222.0), + 71: (162.0, 62.0, 60.0), + 72: (210.0, 235.0, 62.0), + 73: (45.0, 152.0, 72.0), + 74: (35.0, 107.0, 149.0), + 75: (160.0, 89.0, 237.0), + 76: (227.0, 56.0, 125.0), + 77: (169.0, 143.0, 81.0), + 78: (42.0, 143.0, 20.0), + 79: (25.0, 160.0, 151.0), + 80: (82.0, 75.0, 227.0), + 82: (253.0, 59.0, 222.0), + 84: (240.0, 130.0, 89.0), + 86: (123.0, 172.0, 47.0), + 87: (71.0, 194.0, 133.0), + 88: (24.0, 94.0, 205.0), + 89: (134.0, 16.0, 179.0), + 90: (159.0, 32.0, 52.0), + 93: (213.0, 208.0, 88.0), + 95: (64.0, 158.0, 70.0), + 96: (18.0, 163.0, 194.0), + 97: (65.0, 29.0, 153.0), + 98: (177.0, 10.0, 109.0), + 99: (152.0, 83.0, 7.0), + 100: (83.0, 175.0, 30.0), + 101: (18.0, 199.0, 153.0), + 102: (61.0, 81.0, 208.0), + 103: (213.0, 85.0, 216.0), + 104: (170.0, 53.0, 42.0), + 105: (161.0, 192.0, 38.0), + 106: (23.0, 241.0, 91.0), + 107: (12.0, 103.0, 170.0), + 110: (151.0, 41.0, 245.0), + 112: (133.0, 51.0, 80.0), + 115: (184.0, 162.0, 91.0), + 116: (50.0, 138.0, 38.0), + 118: (31.0, 237.0, 236.0), + 120: (39.0, 19.0, 208.0), + 121: (223.0, 27.0, 180.0), + 122: (254.0, 141.0, 85.0), + 125: (97.0, 144.0, 39.0), + 128: (106.0, 231.0, 176.0), + 130: (12.0, 61.0, 162.0), + 131: (124.0, 66.0, 140.0), + 132: (137.0, 66.0, 73.0), + 134: (250.0, 253.0, 26.0), + 136: (55.0, 191.0, 73.0), + 138: (60.0, 126.0, 146.0), + 139: (153.0, 108.0, 234.0), + 140: (184.0, 58.0, 125.0), + 141: (135.0, 84.0, 14.0), + 145: (139.0, 248.0, 91.0), + 148: (53.0, 200.0, 172.0), + 154: (63.0, 69.0, 134.0), + 155: (190.0, 75.0, 186.0), + 156: (127.0, 63.0, 52.0), + 157: (141.0, 182.0, 25.0), + 159: (56.0, 144.0, 89.0), + 161: (64.0, 160.0, 250.0), + 163: (182.0, 86.0, 245.0), + 165: (139.0, 18.0, 53.0), + 166: (134.0, 120.0, 54.0), + 168: (49.0, 165.0, 42.0), + 169: (51.0, 128.0, 133.0), + 170: (44.0, 21.0, 163.0), + 177: (232.0, 93.0, 193.0), + 180: (176.0, 102.0, 54.0), + 185: (116.0, 217.0, 17.0), + 188: (54.0, 209.0, 150.0), + 191: (60.0, 99.0, 204.0), + 193: (129.0, 43.0, 144.0), + 195: (252.0, 100.0, 106.0), + 202: (187.0, 196.0, 73.0), + 208: (13.0, 158.0, 40.0), + 213: (52.0, 122.0, 152.0), + 214: (128.0, 76.0, 202.0), + 221: (187.0, 50.0, 115.0), + 229: (180.0, 141.0, 71.0), + 230: (77.0, 208.0, 35.0), + 232: (72.0, 183.0, 168.0), + 233: (97.0, 99.0, 203.0), + 242: (172.0, 22.0, 158.0), + 250: (155.0, 64.0, 40.0), + 261: (118.0, 159.0, 30.0), + 264: (69.0, 252.0, 148.0), + 276: (45.0, 103.0, 173.0), + 283: (111.0, 38.0, 149.0), + 286: (184.0, 9.0, 49.0), + 300: (188.0, 174.0, 67.0), + 304: (53.0, 206.0, 53.0), + 312: (97.0, 235.0, 252.0), + 323: (66.0, 32.0, 182.0), + 325: (236.0, 114.0, 195.0), + 331: (241.0, 154.0, 83.0), + 342: (133.0, 240.0, 52.0), + 356: (16.0, 205.0, 144.0), + 370: (75.0, 101.0, 198.0), + 392: (237.0, 95.0, 251.0), + 395: (191.0, 52.0, 49.0), + 399: (227.0, 254.0, 54.0), + 408: (49.0, 206.0, 87.0), + 417: (48.0, 113.0, 150.0), + 488: (125.0, 73.0, 182.0), + 540: (229.0, 32.0, 114.0), + 562: (158.0, 119.0, 28.0), + 570: (60.0, 205.0, 27.0), + 572: (18.0, 215.0, 201.0), + 581: (79.0, 76.0, 153.0), + 609: (134.0, 13.0, 116.0), + 748: (192.0, 97.0, 63.0), + 776: (108.0, 163.0, 18.0), + 1156: (95.0, 220.0, 156.0), + 1163: (98.0, 141.0, 208.0), + 1164: (144.0, 19.0, 193.0), + 1165: (166.0, 36.0, 57.0), + 1166: (212.0, 202.0, 34.0), + 1167: (23.0, 206.0, 34.0), + 1168: (91.0, 211.0, 236.0), + 1169: (79.0, 55.0, 137.0), + 1170: (182.0, 19.0, 117.0), + 1171: (134.0, 76.0, 14.0), + 1172: (87.0, 185.0, 28.0), + 1173: (82.0, 224.0, 187.0), + 1174: (92.0, 110.0, 214.0), + 1175: (168.0, 80.0, 171.0), + 1176: (197.0, 63.0, 51.0), + 1178: (175.0, 199.0, 77.0), + 1179: (62.0, 180.0, 98.0), + 1180: (8.0, 91.0, 150.0), + 1181: (77.0, 15.0, 130.0), + 1182: (154.0, 65.0, 96.0), + 1183: (197.0, 152.0, 11.0), + 1184: (59.0, 155.0, 45.0), + 1185: (12.0, 147.0, 145.0), + 1186: (54.0, 35.0, 219.0), + 1187: (210.0, 73.0, 181.0), + 1188: (221.0, 124.0, 77.0), + 1189: (149.0, 214.0, 66.0), + 1190: (72.0, 185.0, 134.0), + 1191: (42.0, 94.0, 198.0), +} + +# For instance segmentation the non-object categories +VALID_PANOPTIC_IDS = (1, 3) + +CLASS_LABELS_PANOPTIC = ("wall", "floor") diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_splits.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_splits.py new file mode 100644 index 0000000000000000000000000000000000000000..39ccc3c60bf289199342332e455fadb5b22129ee --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet200_splits.py @@ -0,0 +1,625 @@ +# This file contains the HEAD - COMMON - TAIL split category ids for ScanNet 200 + +HEAD_CATS_SCANNET_200 = [ + "tv stand", + "curtain", + "blinds", + "shower curtain", + "bookshelf", + "tv", + "kitchen cabinet", + "pillow", + "lamp", + "dresser", + "monitor", + "object", + "ceiling", + "board", + "stove", + "closet wall", + "couch", + "office chair", + "kitchen counter", + "shower", + "closet", + "doorframe", + "sofa chair", + "mailbox", + "nightstand", + "washing machine", + "picture", + "book", + "sink", + "recycling bin", + "table", + "backpack", + "shower wall", + "toilet", + "copier", + "counter", + "stool", + "refrigerator", + "window", + "file cabinet", + "chair", + "wall", + "plant", + "coffee table", + "stairs", + "armchair", + "cabinet", + "bathroom vanity", + "bathroom stall", + "mirror", + "blackboard", + "trash can", + "stair rail", + "box", + "towel", + "door", + "clothes", + "whiteboard", + "bed", + "floor", + "bathtub", + "desk", + "wardrobe", + "clothes dryer", + "radiator", + "shelf", +] +COMMON_CATS_SCANNET_200 = [ + "cushion", + "end table", + "dining table", + "keyboard", + "bag", + "toilet paper", + "printer", + "blanket", + "microwave", + "shoe", + "computer tower", + "bottle", + "bin", + "ottoman", + "bench", + "basket", + "fan", + "laptop", + "person", + "paper towel dispenser", + "oven", + "rack", + "piano", + "suitcase", + "rail", + "container", + "telephone", + "stand", + "light", + "laundry basket", + "pipe", + "seat", + "column", + "bicycle", + "ladder", + "jacket", + "storage bin", + "coffee maker", + "dishwasher", + "machine", + "mat", + "windowsill", + "bulletin board", + "fireplace", + "mini fridge", + "water cooler", + "shower door", + "pillar", + "ledge", + "furniture", + "cart", + "decoration", + "closet door", + "vacuum cleaner", + "dish rack", + "range hood", + "projector screen", + "divider", + "bathroom counter", + "laundry hamper", + "bathroom stall door", + "ceiling light", + "trash bin", + "bathroom cabinet", + "structure", + "storage organizer", + "potted plant", + "mattress", +] +TAIL_CATS_SCANNET_200 = [ + "paper", + "plate", + "soap dispenser", + "bucket", + "clock", + "guitar", + "toilet paper holder", + "speaker", + "cup", + "paper towel roll", + "bar", + "toaster", + "ironing board", + "soap dish", + "toilet paper dispenser", + "fire extinguisher", + "ball", + "hat", + "shower curtain rod", + "paper cutter", + "tray", + "toaster oven", + "mouse", + "toilet seat cover dispenser", + "storage container", + "scale", + "tissue box", + "light switch", + "crate", + "power outlet", + "sign", + "projector", + "candle", + "plunger", + "stuffed animal", + "headphones", + "broom", + "guitar case", + "dustpan", + "hair dryer", + "water bottle", + "handicap bar", + "purse", + "vent", + "shower floor", + "water pitcher", + "bowl", + "paper bag", + "alarm clock", + "music stand", + "laundry detergent", + "dumbbell", + "tube", + "cd case", + "closet rod", + "coffee kettle", + "shower head", + "keyboard piano", + "case of water bottles", + "coat rack", + "folded chair", + "fire alarm", + "power strip", + "calendar", + "poster", + "luggage", +] + + +# Given the different size of the official train and val sets, not all ScanNet200 categories are present in the validation set. +# Here we list of categories with labels and IDs present in both train and validation set, and the remaining categories those are present in train, but not in val +# We dont evaluate on unseen validation categories in this benchmark + +VALID_CLASS_IDS_200_VALIDATION = ( + "wall", + "chair", + "floor", + "table", + "door", + "couch", + "cabinet", + "shelf", + "desk", + "office chair", + "bed", + "pillow", + "sink", + "picture", + "window", + "toilet", + "bookshelf", + "monitor", + "curtain", + "book", + "armchair", + "coffee table", + "box", + "refrigerator", + "lamp", + "kitchen cabinet", + "towel", + "clothes", + "tv", + "nightstand", + "counter", + "dresser", + "stool", + "cushion", + "plant", + "ceiling", + "bathtub", + "end table", + "dining table", + "keyboard", + "bag", + "backpack", + "toilet paper", + "printer", + "tv stand", + "whiteboard", + "blanket", + "shower curtain", + "trash can", + "closet", + "stairs", + "microwave", + "stove", + "shoe", + "computer tower", + "bottle", + "bin", + "ottoman", + "bench", + "board", + "washing machine", + "mirror", + "copier", + "basket", + "sofa chair", + "file cabinet", + "fan", + "laptop", + "shower", + "paper", + "person", + "paper towel dispenser", + "oven", + "blinds", + "rack", + "plate", + "blackboard", + "piano", + "suitcase", + "rail", + "radiator", + "recycling bin", + "container", + "wardrobe", + "soap dispenser", + "telephone", + "bucket", + "clock", + "stand", + "light", + "laundry basket", + "pipe", + "clothes dryer", + "guitar", + "toilet paper holder", + "seat", + "speaker", + "column", + "ladder", + "bathroom stall", + "shower wall", + "cup", + "jacket", + "storage bin", + "coffee maker", + "dishwasher", + "paper towel roll", + "machine", + "mat", + "windowsill", + "bar", + "toaster", + "bulletin board", + "ironing board", + "fireplace", + "soap dish", + "kitchen counter", + "doorframe", + "toilet paper dispenser", + "mini fridge", + "fire extinguisher", + "ball", + "hat", + "shower curtain rod", + "water cooler", + "paper cutter", + "tray", + "shower door", + "pillar", + "ledge", + "toaster oven", + "mouse", + "toilet seat cover dispenser", + "furniture", + "cart", + "scale", + "tissue box", + "light switch", + "crate", + "power outlet", + "decoration", + "sign", + "projector", + "closet door", + "vacuum cleaner", + "plunger", + "stuffed animal", + "headphones", + "dish rack", + "broom", + "range hood", + "dustpan", + "hair dryer", + "water bottle", + "handicap bar", + "vent", + "shower floor", + "water pitcher", + "mailbox", + "bowl", + "paper bag", + "projector screen", + "divider", + "laundry detergent", + "bathroom counter", + "object", + "bathroom vanity", + "closet wall", + "laundry hamper", + "bathroom stall door", + "ceiling light", + "trash bin", + "dumbbell", + "stair rail", + "tube", + "bathroom cabinet", + "closet rod", + "coffee kettle", + "shower head", + "keyboard piano", + "case of water bottles", + "coat rack", + "folded chair", + "fire alarm", + "power strip", + "calendar", + "poster", + "potted plant", + "mattress", +) + +CLASS_LABELS_200_VALIDATION = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 10, + 11, + 13, + 14, + 15, + 16, + 17, + 18, + 19, + 21, + 22, + 23, + 24, + 26, + 27, + 28, + 29, + 31, + 32, + 33, + 34, + 35, + 36, + 38, + 39, + 40, + 41, + 42, + 44, + 45, + 46, + 47, + 48, + 49, + 50, + 51, + 52, + 54, + 55, + 56, + 57, + 58, + 59, + 62, + 63, + 64, + 65, + 66, + 67, + 68, + 69, + 70, + 71, + 72, + 73, + 74, + 75, + 76, + 77, + 78, + 79, + 80, + 82, + 84, + 86, + 87, + 88, + 89, + 90, + 93, + 95, + 96, + 97, + 98, + 99, + 100, + 101, + 102, + 103, + 104, + 105, + 106, + 107, + 110, + 112, + 115, + 116, + 118, + 120, + 122, + 125, + 128, + 130, + 131, + 132, + 134, + 136, + 138, + 139, + 140, + 141, + 145, + 148, + 154, + 155, + 156, + 157, + 159, + 161, + 163, + 165, + 166, + 168, + 169, + 170, + 177, + 180, + 185, + 188, + 191, + 193, + 195, + 202, + 208, + 213, + 214, + 229, + 230, + 232, + 233, + 242, + 250, + 261, + 264, + 276, + 283, + 300, + 304, + 312, + 323, + 325, + 342, + 356, + 370, + 392, + 395, + 408, + 417, + 488, + 540, + 562, + 570, + 609, + 748, + 776, + 1156, + 1163, + 1164, + 1165, + 1166, + 1167, + 1168, + 1169, + 1170, + 1171, + 1172, + 1173, + 1175, + 1176, + 1179, + 1180, + 1181, + 1182, + 1184, + 1185, + 1186, + 1187, + 1188, + 1189, + 1191, +) + +VALID_CLASS_IDS_200_TRAIN_ONLY = ( + "bicycle", + "storage container", + "candle", + "guitar case", + "purse", + "alarm clock", + "music stand", + "cd case", + "structure", + "storage organizer", + "luggage", +) + +CLASS_LABELS_200_TRAIN_ONLY = ( + 121, + 221, + 286, + 331, + 399, + 572, + 581, + 1174, + 1178, + 1183, + 1190, +) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet_means.npz b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet_means.npz new file mode 100644 index 0000000000000000000000000000000000000000..d9bbb4f7c3b72dbe81fbeb86f594066b883fafaf --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannet_means.npz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df5c2bd40e8518e982c7d7b4b39020b07ac774695038bf49cb28b44e5760457e +size 676 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_test.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_test.txt new file mode 100644 index 0000000000000000000000000000000000000000..b9e7d9205321e8ca047a527466f4b7100c9c9d2c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_test.txt @@ -0,0 +1,312 @@ +scene0568_00 +scene0568_01 +scene0568_02 +scene0304_00 +scene0488_00 +scene0488_01 +scene0412_00 +scene0412_01 +scene0217_00 +scene0019_00 +scene0019_01 +scene0414_00 +scene0575_00 +scene0575_01 +scene0575_02 +scene0426_00 +scene0426_01 +scene0426_02 +scene0426_03 +scene0549_00 +scene0549_01 +scene0578_00 +scene0578_01 +scene0578_02 +scene0665_00 +scene0665_01 +scene0050_00 +scene0050_01 +scene0050_02 +scene0257_00 +scene0025_00 +scene0025_01 +scene0025_02 +scene0583_00 +scene0583_01 +scene0583_02 +scene0701_00 +scene0701_01 +scene0701_02 +scene0580_00 +scene0580_01 +scene0565_00 +scene0169_00 +scene0169_01 +scene0655_00 +scene0655_01 +scene0655_02 +scene0063_00 +scene0221_00 +scene0221_01 +scene0591_00 +scene0591_01 +scene0591_02 +scene0678_00 +scene0678_01 +scene0678_02 +scene0462_00 +scene0427_00 +scene0595_00 +scene0193_00 +scene0193_01 +scene0164_00 +scene0164_01 +scene0164_02 +scene0164_03 +scene0598_00 +scene0598_01 +scene0598_02 +scene0599_00 +scene0599_01 +scene0599_02 +scene0328_00 +scene0300_00 +scene0300_01 +scene0354_00 +scene0458_00 +scene0458_01 +scene0423_00 +scene0423_01 +scene0423_02 +scene0307_00 +scene0307_01 +scene0307_02 +scene0606_00 +scene0606_01 +scene0606_02 +scene0432_00 +scene0432_01 +scene0608_00 +scene0608_01 +scene0608_02 +scene0651_00 +scene0651_01 +scene0651_02 +scene0430_00 +scene0430_01 +scene0689_00 +scene0357_00 +scene0357_01 +scene0574_00 +scene0574_01 +scene0574_02 +scene0329_00 +scene0329_01 +scene0329_02 +scene0153_00 +scene0153_01 +scene0616_00 +scene0616_01 +scene0671_00 +scene0671_01 +scene0618_00 +scene0382_00 +scene0382_01 +scene0490_00 +scene0621_00 +scene0607_00 +scene0607_01 +scene0149_00 +scene0695_00 +scene0695_01 +scene0695_02 +scene0695_03 +scene0389_00 +scene0377_00 +scene0377_01 +scene0377_02 +scene0342_00 +scene0139_00 +scene0629_00 +scene0629_01 +scene0629_02 +scene0496_00 +scene0633_00 +scene0633_01 +scene0518_00 +scene0652_00 +scene0406_00 +scene0406_01 +scene0406_02 +scene0144_00 +scene0144_01 +scene0494_00 +scene0278_00 +scene0278_01 +scene0316_00 +scene0609_00 +scene0609_01 +scene0609_02 +scene0609_03 +scene0084_00 +scene0084_01 +scene0084_02 +scene0696_00 +scene0696_01 +scene0696_02 +scene0351_00 +scene0351_01 +scene0643_00 +scene0644_00 +scene0645_00 +scene0645_01 +scene0645_02 +scene0081_00 +scene0081_01 +scene0081_02 +scene0647_00 +scene0647_01 +scene0535_00 +scene0353_00 +scene0353_01 +scene0353_02 +scene0559_00 +scene0559_01 +scene0559_02 +scene0593_00 +scene0593_01 +scene0246_00 +scene0653_00 +scene0653_01 +scene0064_00 +scene0064_01 +scene0356_00 +scene0356_01 +scene0356_02 +scene0030_00 +scene0030_01 +scene0030_02 +scene0222_00 +scene0222_01 +scene0338_00 +scene0338_01 +scene0338_02 +scene0378_00 +scene0378_01 +scene0378_02 +scene0660_00 +scene0553_00 +scene0553_01 +scene0553_02 +scene0527_00 +scene0663_00 +scene0663_01 +scene0663_02 +scene0664_00 +scene0664_01 +scene0664_02 +scene0334_00 +scene0334_01 +scene0334_02 +scene0046_00 +scene0046_01 +scene0046_02 +scene0203_00 +scene0203_01 +scene0203_02 +scene0088_00 +scene0088_01 +scene0088_02 +scene0088_03 +scene0086_00 +scene0086_01 +scene0086_02 +scene0670_00 +scene0670_01 +scene0256_00 +scene0256_01 +scene0256_02 +scene0249_00 +scene0441_00 +scene0658_00 +scene0704_00 +scene0704_01 +scene0187_00 +scene0187_01 +scene0131_00 +scene0131_01 +scene0131_02 +scene0207_00 +scene0207_01 +scene0207_02 +scene0461_00 +scene0011_00 +scene0011_01 +scene0343_00 +scene0251_00 +scene0077_00 +scene0077_01 +scene0684_00 +scene0684_01 +scene0550_00 +scene0686_00 +scene0686_01 +scene0686_02 +scene0208_00 +scene0500_00 +scene0500_01 +scene0552_00 +scene0552_01 +scene0648_00 +scene0648_01 +scene0435_00 +scene0435_01 +scene0435_02 +scene0435_03 +scene0690_00 +scene0690_01 +scene0693_00 +scene0693_01 +scene0693_02 +scene0700_00 +scene0700_01 +scene0700_02 +scene0699_00 +scene0231_00 +scene0231_01 +scene0231_02 +scene0697_00 +scene0697_01 +scene0697_02 +scene0697_03 +scene0474_00 +scene0474_01 +scene0474_02 +scene0474_03 +scene0474_04 +scene0474_05 +scene0355_00 +scene0355_01 +scene0146_00 +scene0146_01 +scene0146_02 +scene0196_00 +scene0702_00 +scene0702_01 +scene0702_02 +scene0314_00 +scene0277_00 +scene0277_01 +scene0277_02 +scene0095_00 +scene0095_01 +scene0015_00 +scene0100_00 +scene0100_01 +scene0100_02 +scene0558_00 +scene0558_01 +scene0558_02 +scene0685_00 +scene0685_01 +scene0685_02 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_train.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_train.txt new file mode 100644 index 0000000000000000000000000000000000000000..7520948c8170df9ae1a9e8a40bc444fcc7cc0772 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_train.txt @@ -0,0 +1,1045 @@ +scene0191_00 +scene0191_01 +scene0191_02 +scene0119_00 +scene0230_00 +scene0528_00 +scene0528_01 +scene0705_00 +scene0705_01 +scene0705_02 +scene0415_00 +scene0415_01 +scene0415_02 +scene0007_00 +scene0141_00 +scene0141_01 +scene0141_02 +scene0515_00 +scene0515_01 +scene0515_02 +scene0447_00 +scene0447_01 +scene0447_02 +scene0531_00 +scene0503_00 +scene0285_00 +scene0069_00 +scene0584_00 +scene0584_01 +scene0584_02 +scene0581_00 +scene0581_01 +scene0581_02 +scene0620_00 +scene0620_01 +scene0263_00 +scene0263_01 +scene0481_00 +scene0481_01 +scene0020_00 +scene0020_01 +scene0291_00 +scene0291_01 +scene0291_02 +scene0469_00 +scene0469_01 +scene0469_02 +scene0659_00 +scene0659_01 +scene0024_00 +scene0024_01 +scene0024_02 +scene0564_00 +scene0117_00 +scene0027_00 +scene0027_01 +scene0027_02 +scene0028_00 +scene0330_00 +scene0418_00 +scene0418_01 +scene0418_02 +scene0233_00 +scene0233_01 +scene0673_00 +scene0673_01 +scene0673_02 +scene0673_03 +scene0673_04 +scene0673_05 +scene0585_00 +scene0585_01 +scene0362_00 +scene0362_01 +scene0362_02 +scene0362_03 +scene0035_00 +scene0035_01 +scene0358_00 +scene0358_01 +scene0358_02 +scene0037_00 +scene0194_00 +scene0321_00 +scene0293_00 +scene0293_01 +scene0623_00 +scene0623_01 +scene0592_00 +scene0592_01 +scene0569_00 +scene0569_01 +scene0413_00 +scene0313_00 +scene0313_01 +scene0313_02 +scene0480_00 +scene0480_01 +scene0401_00 +scene0517_00 +scene0517_01 +scene0517_02 +scene0032_00 +scene0032_01 +scene0613_00 +scene0613_01 +scene0613_02 +scene0306_00 +scene0306_01 +scene0052_00 +scene0052_01 +scene0052_02 +scene0053_00 +scene0444_00 +scene0444_01 +scene0055_00 +scene0055_01 +scene0055_02 +scene0560_00 +scene0589_00 +scene0589_01 +scene0589_02 +scene0610_00 +scene0610_01 +scene0610_02 +scene0364_00 +scene0364_01 +scene0383_00 +scene0383_01 +scene0383_02 +scene0006_00 +scene0006_01 +scene0006_02 +scene0275_00 +scene0451_00 +scene0451_01 +scene0451_02 +scene0451_03 +scene0451_04 +scene0451_05 +scene0135_00 +scene0065_00 +scene0065_01 +scene0065_02 +scene0104_00 +scene0674_00 +scene0674_01 +scene0448_00 +scene0448_01 +scene0448_02 +scene0502_00 +scene0502_01 +scene0502_02 +scene0440_00 +scene0440_01 +scene0440_02 +scene0071_00 +scene0072_00 +scene0072_01 +scene0072_02 +scene0509_00 +scene0509_01 +scene0509_02 +scene0649_00 +scene0649_01 +scene0602_00 +scene0694_00 +scene0694_01 +scene0101_00 +scene0101_01 +scene0101_02 +scene0101_03 +scene0101_04 +scene0101_05 +scene0218_00 +scene0218_01 +scene0579_00 +scene0579_01 +scene0579_02 +scene0039_00 +scene0039_01 +scene0493_00 +scene0493_01 +scene0242_00 +scene0242_01 +scene0242_02 +scene0083_00 +scene0083_01 +scene0127_00 +scene0127_01 +scene0662_00 +scene0662_01 +scene0662_02 +scene0018_00 +scene0087_00 +scene0087_01 +scene0087_02 +scene0332_00 +scene0332_01 +scene0332_02 +scene0628_00 +scene0628_01 +scene0628_02 +scene0134_00 +scene0134_01 +scene0134_02 +scene0238_00 +scene0238_01 +scene0092_00 +scene0092_01 +scene0092_02 +scene0092_03 +scene0092_04 +scene0022_00 +scene0022_01 +scene0467_00 +scene0392_00 +scene0392_01 +scene0392_02 +scene0424_00 +scene0424_01 +scene0424_02 +scene0646_00 +scene0646_01 +scene0646_02 +scene0098_00 +scene0098_01 +scene0044_00 +scene0044_01 +scene0044_02 +scene0510_00 +scene0510_01 +scene0510_02 +scene0571_00 +scene0571_01 +scene0166_00 +scene0166_01 +scene0166_02 +scene0563_00 +scene0172_00 +scene0172_01 +scene0388_00 +scene0388_01 +scene0215_00 +scene0215_01 +scene0252_00 +scene0287_00 +scene0668_00 +scene0572_00 +scene0572_01 +scene0572_02 +scene0026_00 +scene0224_00 +scene0113_00 +scene0113_01 +scene0551_00 +scene0381_00 +scene0381_01 +scene0381_02 +scene0371_00 +scene0371_01 +scene0460_00 +scene0118_00 +scene0118_01 +scene0118_02 +scene0417_00 +scene0008_00 +scene0634_00 +scene0521_00 +scene0123_00 +scene0123_01 +scene0123_02 +scene0045_00 +scene0045_01 +scene0511_00 +scene0511_01 +scene0114_00 +scene0114_01 +scene0114_02 +scene0070_00 +scene0029_00 +scene0029_01 +scene0029_02 +scene0129_00 +scene0103_00 +scene0103_01 +scene0002_00 +scene0002_01 +scene0132_00 +scene0132_01 +scene0132_02 +scene0124_00 +scene0124_01 +scene0143_00 +scene0143_01 +scene0143_02 +scene0604_00 +scene0604_01 +scene0604_02 +scene0507_00 +scene0105_00 +scene0105_01 +scene0105_02 +scene0428_00 +scene0428_01 +scene0311_00 +scene0140_00 +scene0140_01 +scene0182_00 +scene0182_01 +scene0182_02 +scene0142_00 +scene0142_01 +scene0399_00 +scene0399_01 +scene0012_00 +scene0012_01 +scene0012_02 +scene0060_00 +scene0060_01 +scene0370_00 +scene0370_01 +scene0370_02 +scene0310_00 +scene0310_01 +scene0310_02 +scene0661_00 +scene0650_00 +scene0152_00 +scene0152_01 +scene0152_02 +scene0158_00 +scene0158_01 +scene0158_02 +scene0482_00 +scene0482_01 +scene0600_00 +scene0600_01 +scene0600_02 +scene0393_00 +scene0393_01 +scene0393_02 +scene0562_00 +scene0174_00 +scene0174_01 +scene0157_00 +scene0157_01 +scene0161_00 +scene0161_01 +scene0161_02 +scene0159_00 +scene0254_00 +scene0254_01 +scene0115_00 +scene0115_01 +scene0115_02 +scene0162_00 +scene0163_00 +scene0163_01 +scene0523_00 +scene0523_01 +scene0523_02 +scene0459_00 +scene0459_01 +scene0175_00 +scene0085_00 +scene0085_01 +scene0279_00 +scene0279_01 +scene0279_02 +scene0201_00 +scene0201_01 +scene0201_02 +scene0283_00 +scene0456_00 +scene0456_01 +scene0429_00 +scene0043_00 +scene0043_01 +scene0419_00 +scene0419_01 +scene0419_02 +scene0368_00 +scene0368_01 +scene0348_00 +scene0348_01 +scene0348_02 +scene0442_00 +scene0178_00 +scene0380_00 +scene0380_01 +scene0380_02 +scene0165_00 +scene0165_01 +scene0165_02 +scene0181_00 +scene0181_01 +scene0181_02 +scene0181_03 +scene0333_00 +scene0614_00 +scene0614_01 +scene0614_02 +scene0404_00 +scene0404_01 +scene0404_02 +scene0185_00 +scene0126_00 +scene0126_01 +scene0126_02 +scene0519_00 +scene0236_00 +scene0236_01 +scene0189_00 +scene0075_00 +scene0267_00 +scene0192_00 +scene0192_01 +scene0192_02 +scene0281_00 +scene0420_00 +scene0420_01 +scene0420_02 +scene0195_00 +scene0195_01 +scene0195_02 +scene0597_00 +scene0597_01 +scene0597_02 +scene0041_00 +scene0041_01 +scene0111_00 +scene0111_01 +scene0111_02 +scene0666_00 +scene0666_01 +scene0666_02 +scene0200_00 +scene0200_01 +scene0200_02 +scene0536_00 +scene0536_01 +scene0536_02 +scene0390_00 +scene0280_00 +scene0280_01 +scene0280_02 +scene0344_00 +scene0344_01 +scene0205_00 +scene0205_01 +scene0205_02 +scene0484_00 +scene0484_01 +scene0009_00 +scene0009_01 +scene0009_02 +scene0302_00 +scene0302_01 +scene0209_00 +scene0209_01 +scene0209_02 +scene0210_00 +scene0210_01 +scene0395_00 +scene0395_01 +scene0395_02 +scene0683_00 +scene0601_00 +scene0601_01 +scene0214_00 +scene0214_01 +scene0214_02 +scene0477_00 +scene0477_01 +scene0439_00 +scene0439_01 +scene0468_00 +scene0468_01 +scene0468_02 +scene0546_00 +scene0466_00 +scene0466_01 +scene0220_00 +scene0220_01 +scene0220_02 +scene0122_00 +scene0122_01 +scene0130_00 +scene0110_00 +scene0110_01 +scene0110_02 +scene0327_00 +scene0156_00 +scene0266_00 +scene0266_01 +scene0001_00 +scene0001_01 +scene0228_00 +scene0199_00 +scene0219_00 +scene0464_00 +scene0232_00 +scene0232_01 +scene0232_02 +scene0299_00 +scene0299_01 +scene0530_00 +scene0363_00 +scene0453_00 +scene0453_01 +scene0570_00 +scene0570_01 +scene0570_02 +scene0183_00 +scene0239_00 +scene0239_01 +scene0239_02 +scene0373_00 +scene0373_01 +scene0241_00 +scene0241_01 +scene0241_02 +scene0188_00 +scene0622_00 +scene0622_01 +scene0244_00 +scene0244_01 +scene0691_00 +scene0691_01 +scene0206_00 +scene0206_01 +scene0206_02 +scene0247_00 +scene0247_01 +scene0061_00 +scene0061_01 +scene0082_00 +scene0250_00 +scene0250_01 +scene0250_02 +scene0501_00 +scene0501_01 +scene0501_02 +scene0320_00 +scene0320_01 +scene0320_02 +scene0320_03 +scene0631_00 +scene0631_01 +scene0631_02 +scene0255_00 +scene0255_01 +scene0255_02 +scene0047_00 +scene0265_00 +scene0265_01 +scene0265_02 +scene0004_00 +scene0336_00 +scene0336_01 +scene0058_00 +scene0058_01 +scene0260_00 +scene0260_01 +scene0260_02 +scene0243_00 +scene0603_00 +scene0603_01 +scene0093_00 +scene0093_01 +scene0093_02 +scene0109_00 +scene0109_01 +scene0434_00 +scene0434_01 +scene0434_02 +scene0290_00 +scene0627_00 +scene0627_01 +scene0470_00 +scene0470_01 +scene0137_00 +scene0137_01 +scene0137_02 +scene0270_00 +scene0270_01 +scene0270_02 +scene0271_00 +scene0271_01 +scene0504_00 +scene0274_00 +scene0274_01 +scene0274_02 +scene0036_00 +scene0036_01 +scene0276_00 +scene0276_01 +scene0272_00 +scene0272_01 +scene0499_00 +scene0698_00 +scene0698_01 +scene0051_00 +scene0051_01 +scene0051_02 +scene0051_03 +scene0108_00 +scene0245_00 +scene0369_00 +scene0369_01 +scene0369_02 +scene0284_00 +scene0289_00 +scene0289_01 +scene0286_00 +scene0286_01 +scene0286_02 +scene0286_03 +scene0031_00 +scene0031_01 +scene0031_02 +scene0545_00 +scene0545_01 +scene0545_02 +scene0557_00 +scene0557_01 +scene0557_02 +scene0533_00 +scene0533_01 +scene0116_00 +scene0116_01 +scene0116_02 +scene0611_00 +scene0611_01 +scene0688_00 +scene0294_00 +scene0294_01 +scene0294_02 +scene0295_00 +scene0295_01 +scene0296_00 +scene0296_01 +scene0596_00 +scene0596_01 +scene0596_02 +scene0532_00 +scene0532_01 +scene0637_00 +scene0638_00 +scene0121_00 +scene0121_01 +scene0121_02 +scene0040_00 +scene0040_01 +scene0197_00 +scene0197_01 +scene0197_02 +scene0410_00 +scene0410_01 +scene0305_00 +scene0305_01 +scene0615_00 +scene0615_01 +scene0703_00 +scene0703_01 +scene0555_00 +scene0297_00 +scene0297_01 +scene0297_02 +scene0582_00 +scene0582_01 +scene0582_02 +scene0023_00 +scene0094_00 +scene0013_00 +scene0013_01 +scene0013_02 +scene0136_00 +scene0136_01 +scene0136_02 +scene0407_00 +scene0407_01 +scene0062_00 +scene0062_01 +scene0062_02 +scene0386_00 +scene0318_00 +scene0554_00 +scene0554_01 +scene0497_00 +scene0213_00 +scene0258_00 +scene0323_00 +scene0323_01 +scene0324_00 +scene0324_01 +scene0016_00 +scene0016_01 +scene0016_02 +scene0681_00 +scene0398_00 +scene0398_01 +scene0227_00 +scene0090_00 +scene0066_00 +scene0262_00 +scene0262_01 +scene0155_00 +scene0155_01 +scene0155_02 +scene0352_00 +scene0352_01 +scene0352_02 +scene0038_00 +scene0038_01 +scene0038_02 +scene0335_00 +scene0335_01 +scene0335_02 +scene0261_00 +scene0261_01 +scene0261_02 +scene0261_03 +scene0640_00 +scene0640_01 +scene0640_02 +scene0080_00 +scene0080_01 +scene0080_02 +scene0403_00 +scene0403_01 +scene0282_00 +scene0282_01 +scene0282_02 +scene0682_00 +scene0173_00 +scene0173_01 +scene0173_02 +scene0522_00 +scene0687_00 +scene0345_00 +scene0345_01 +scene0612_00 +scene0612_01 +scene0411_00 +scene0411_01 +scene0411_02 +scene0625_00 +scene0625_01 +scene0211_00 +scene0211_01 +scene0211_02 +scene0211_03 +scene0676_00 +scene0676_01 +scene0179_00 +scene0498_00 +scene0498_01 +scene0498_02 +scene0547_00 +scene0547_01 +scene0547_02 +scene0269_00 +scene0269_01 +scene0269_02 +scene0366_00 +scene0680_00 +scene0680_01 +scene0588_00 +scene0588_01 +scene0588_02 +scene0588_03 +scene0346_00 +scene0346_01 +scene0359_00 +scene0359_01 +scene0014_00 +scene0120_00 +scene0120_01 +scene0212_00 +scene0212_01 +scene0212_02 +scene0176_00 +scene0049_00 +scene0259_00 +scene0259_01 +scene0586_00 +scene0586_01 +scene0586_02 +scene0309_00 +scene0309_01 +scene0125_00 +scene0455_00 +scene0177_00 +scene0177_01 +scene0177_02 +scene0326_00 +scene0372_00 +scene0171_00 +scene0171_01 +scene0374_00 +scene0654_00 +scene0654_01 +scene0445_00 +scene0445_01 +scene0475_00 +scene0475_01 +scene0475_02 +scene0349_00 +scene0349_01 +scene0234_00 +scene0669_00 +scene0669_01 +scene0375_00 +scene0375_01 +scene0375_02 +scene0387_00 +scene0387_01 +scene0387_02 +scene0312_00 +scene0312_01 +scene0312_02 +scene0384_00 +scene0385_00 +scene0385_01 +scene0385_02 +scene0000_00 +scene0000_01 +scene0000_02 +scene0376_00 +scene0376_01 +scene0376_02 +scene0301_00 +scene0301_01 +scene0301_02 +scene0322_00 +scene0542_00 +scene0079_00 +scene0079_01 +scene0099_00 +scene0099_01 +scene0476_00 +scene0476_01 +scene0476_02 +scene0394_00 +scene0394_01 +scene0147_00 +scene0147_01 +scene0067_00 +scene0067_01 +scene0067_02 +scene0397_00 +scene0397_01 +scene0337_00 +scene0337_01 +scene0337_02 +scene0431_00 +scene0223_00 +scene0223_01 +scene0223_02 +scene0010_00 +scene0010_01 +scene0402_00 +scene0268_00 +scene0268_01 +scene0268_02 +scene0679_00 +scene0679_01 +scene0405_00 +scene0128_00 +scene0408_00 +scene0408_01 +scene0190_00 +scene0107_00 +scene0076_00 +scene0167_00 +scene0361_00 +scene0361_01 +scene0361_02 +scene0216_00 +scene0202_00 +scene0303_00 +scene0303_01 +scene0303_02 +scene0446_00 +scene0446_01 +scene0089_00 +scene0089_01 +scene0089_02 +scene0360_00 +scene0150_00 +scene0150_01 +scene0150_02 +scene0421_00 +scene0421_01 +scene0421_02 +scene0454_00 +scene0626_00 +scene0626_01 +scene0626_02 +scene0186_00 +scene0186_01 +scene0538_00 +scene0479_00 +scene0479_01 +scene0479_02 +scene0656_00 +scene0656_01 +scene0656_02 +scene0656_03 +scene0525_00 +scene0525_01 +scene0525_02 +scene0308_00 +scene0396_00 +scene0396_01 +scene0396_02 +scene0624_00 +scene0292_00 +scene0292_01 +scene0632_00 +scene0253_00 +scene0021_00 +scene0325_00 +scene0325_01 +scene0437_00 +scene0437_01 +scene0438_00 +scene0590_00 +scene0590_01 +scene0400_00 +scene0400_01 +scene0541_00 +scene0541_01 +scene0541_02 +scene0677_00 +scene0677_01 +scene0677_02 +scene0443_00 +scene0315_00 +scene0288_00 +scene0288_01 +scene0288_02 +scene0422_00 +scene0672_00 +scene0672_01 +scene0184_00 +scene0449_00 +scene0449_01 +scene0449_02 +scene0048_00 +scene0048_01 +scene0138_00 +scene0452_00 +scene0452_01 +scene0452_02 +scene0667_00 +scene0667_01 +scene0667_02 +scene0463_00 +scene0463_01 +scene0078_00 +scene0078_01 +scene0078_02 +scene0636_00 +scene0457_00 +scene0457_01 +scene0457_02 +scene0465_00 +scene0465_01 +scene0577_00 +scene0151_00 +scene0151_01 +scene0339_00 +scene0573_00 +scene0573_01 +scene0154_00 +scene0096_00 +scene0096_01 +scene0096_02 +scene0235_00 +scene0168_00 +scene0168_01 +scene0168_02 +scene0594_00 +scene0587_00 +scene0587_01 +scene0587_02 +scene0587_03 +scene0229_00 +scene0229_01 +scene0229_02 +scene0512_00 +scene0106_00 +scene0106_01 +scene0106_02 +scene0472_00 +scene0472_01 +scene0472_02 +scene0489_00 +scene0489_01 +scene0489_02 +scene0425_00 +scene0425_01 +scene0641_00 +scene0526_00 +scene0526_01 +scene0317_00 +scene0317_01 +scene0544_00 +scene0017_00 +scene0017_01 +scene0017_02 +scene0042_00 +scene0042_01 +scene0042_02 +scene0576_00 +scene0576_01 +scene0576_02 +scene0347_00 +scene0347_01 +scene0347_02 +scene0436_00 +scene0226_00 +scene0226_01 +scene0485_00 +scene0486_00 +scene0487_00 +scene0487_01 +scene0619_00 +scene0097_00 +scene0367_00 +scene0367_01 +scene0491_00 +scene0492_00 +scene0492_01 +scene0005_00 +scene0005_01 +scene0543_00 +scene0543_01 +scene0543_02 +scene0657_00 +scene0341_00 +scene0341_01 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_val.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_val.txt new file mode 100644 index 0000000000000000000000000000000000000000..965ff258035f857446c30b10e9a6be49f71d3dc7 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv1_val.txt @@ -0,0 +1,156 @@ +scene0534_00 +scene0534_01 +scene0319_00 +scene0273_00 +scene0273_01 +scene0225_00 +scene0198_00 +scene0003_00 +scene0003_01 +scene0003_02 +scene0409_00 +scene0409_01 +scene0331_00 +scene0331_01 +scene0505_00 +scene0505_01 +scene0505_02 +scene0505_03 +scene0505_04 +scene0506_00 +scene0057_00 +scene0057_01 +scene0074_00 +scene0074_01 +scene0074_02 +scene0091_00 +scene0112_00 +scene0112_01 +scene0112_02 +scene0240_00 +scene0102_00 +scene0102_01 +scene0513_00 +scene0514_00 +scene0514_01 +scene0537_00 +scene0516_00 +scene0516_01 +scene0495_00 +scene0617_00 +scene0133_00 +scene0520_00 +scene0520_01 +scene0635_00 +scene0635_01 +scene0054_00 +scene0473_00 +scene0473_01 +scene0524_00 +scene0524_01 +scene0379_00 +scene0471_00 +scene0471_01 +scene0471_02 +scene0566_00 +scene0248_00 +scene0248_01 +scene0248_02 +scene0529_00 +scene0529_01 +scene0529_02 +scene0391_00 +scene0264_00 +scene0264_01 +scene0264_02 +scene0675_00 +scene0675_01 +scene0350_00 +scene0350_01 +scene0350_02 +scene0450_00 +scene0068_00 +scene0068_01 +scene0237_00 +scene0237_01 +scene0365_00 +scene0365_01 +scene0365_02 +scene0605_00 +scene0605_01 +scene0539_00 +scene0539_01 +scene0539_02 +scene0540_00 +scene0540_01 +scene0540_02 +scene0170_00 +scene0170_01 +scene0170_02 +scene0433_00 +scene0340_00 +scene0340_01 +scene0340_02 +scene0160_00 +scene0160_01 +scene0160_02 +scene0160_03 +scene0160_04 +scene0059_00 +scene0059_01 +scene0059_02 +scene0056_00 +scene0056_01 +scene0478_00 +scene0478_01 +scene0548_00 +scene0548_01 +scene0548_02 +scene0204_00 +scene0204_01 +scene0204_02 +scene0033_00 +scene0145_00 +scene0483_00 +scene0508_00 +scene0508_01 +scene0508_02 +scene0180_00 +scene0148_00 +scene0556_00 +scene0556_01 +scene0416_00 +scene0416_01 +scene0416_02 +scene0416_03 +scene0416_04 +scene0073_00 +scene0073_01 +scene0073_02 +scene0073_03 +scene0034_00 +scene0034_01 +scene0034_02 +scene0639_00 +scene0561_00 +scene0561_01 +scene0298_00 +scene0692_00 +scene0692_01 +scene0692_02 +scene0692_03 +scene0692_04 +scene0642_00 +scene0642_01 +scene0642_02 +scene0642_03 +scene0630_00 +scene0630_01 +scene0630_02 +scene0630_03 +scene0630_04 +scene0630_05 +scene0630_06 +scene0706_00 +scene0567_00 +scene0567_01 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels-old.combined.tsv b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels-old.combined.tsv new file mode 100644 index 0000000000000000000000000000000000000000..05c006e98066aa78d126bebcfb3654200d351b93 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels-old.combined.tsv @@ -0,0 +1,608 @@ +id raw_category category count nyu40id eigen13id nyuClass nyu40class eigen13class ModelNet40 ModelNet10 ShapeNetCore55 synsetoffset wnsynsetid wnsynsetkey mpcat40 mpcat40index +1 wall wall 8277 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +2 chair chair 4646 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +22 books book 1678 23 2 book books Books n02870526 book.n.11 objects 39 +3 floor floor 1553 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +5 door door 1483 8 12 door door Wall door n03221720 door.n.01 door 4 +1163 object object 1313 40 7 otherprop Objects objects 39 +16 window window 1209 9 13 window window Window n04587648 window.n.01 window 9 +4 table table 1170 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +56 trash can trash can 1090 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +13 pillow pillow 937 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +15 picture picture 862 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +41 ceiling ceiling 806 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +26 box box 775 29 7 box box Objects n02883344 box.n.01 objects 39 +161 doorframe doorframe 768 8 12 door door Wall door doorframe.n.01 door 4 +19 monitor monitor 765 40 7 monitor otherprop Objects monitor monitor tv or monitor 3211117 n03782190 monitor.n.04 objects 39 +7 cabinet cabinet 731 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +9 desk desk 680 14 10 desk desk Table desk desk table 4379243 n03179701 desk.n.01 table 5 +8 shelf shelf 641 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +10 office chair office chair 595 5 4 chair chair Chair chair chair chair 3001627 n04373704 swivel_chair.n.01 chair 3 +31 towel towel 570 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +6 couch couch 502 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +14 sink sink 488 34 7 sink sink Objects sink n04223580 sink.n.01 sink 15 +48 backpack backpack 479 40 7 backpack otherprop Objects n02769748 backpack.n.01 objects 39 +28 lamp lamp 419 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +11 bed bed 370 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +18 bookshelf bookshelf 360 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +71 mirror mirror 349 19 7 mirror mirror Objects n03773035 mirror.n.01 mirror 21 +21 curtain curtain 347 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +40 plant plant 331 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +52 whiteboard whiteboard 327 30 7 whiteboard whiteboard Objects n03211616 display_panel.n.01 board_panel 35 +96 radiator radiator 322 39 6 radiator otherfurniture Furniture n04041069 radiator.n.02 misc 40 +22 book book 318 23 2 book books Books n02870526 book.n.11 objects 39 +29 kitchen cabinet kitchen cabinet 310 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +49 toilet paper toilet paper 291 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +29 kitchen cabinets kitchen cabinet 289 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +23 armchair armchair 281 5 4 chair chair Chair chair chair chair 3001627 n02738535 armchair.n.01 chair 3 +63 shoes shoe 272 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +24 coffee table coffee table 258 7 10 coffee table table Table table table table 4379243 n03063968 coffee_table.n.01 table 5 +17 toilet toilet 256 33 7 toilet toilet Objects toilet toilet n04446276 toilet.n.01 toilet 18 +47 bag bag 252 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +32 clothes clothes 248 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +46 keyboard keyboard 246 40 7 keyboard otherprop Objects keyboard computer keyboard 3085013 n03085013 computer_keyboard.n.01 objects 39 +65 bottle bottle 226 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +97 recycling bin recycling bin 225 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +34 nightstand nightstand 224 32 6 night stand night stand Furniture night_stand night_stand n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +38 stool stool 221 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +33 tv tv 219 25 11 television television TV tv or monitor 3211117 n03211117 display.n.06 tv_monitor 22 +75 file cabinet file cabinet 217 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +36 dresser dresser 213 17 6 dresser dresser Furniture dresser dresser n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +64 computer tower computer tower 203 40 7 computer otherprop Objects n03082979 computer.n.01 objects 39 +32 clothing clothes 165 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +101 telephone telephone 164 40 7 telephone otherprop Objects telephone 4401088 n04401088 telephone.n.01 objects 39 +130 cup cup 157 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +27 refrigerator refrigerator 154 24 6 refridgerator refridgerator Furniture n04070727 refrigerator.n.01 appliances 37 +44 end table end table 147 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +131 jacket jacket 146 40 7 jacket otherprop Objects n03589791 jacket.n.01 clothes 38 +55 shower curtain shower curtain 144 28 7 shower curtain shower curtain Objects curtain n04209239 shower_curtain.n.01 curtain 12 +42 bathtub bathtub 144 36 7 bathtub bathtub Objects bathtub bathtub tub 2808440 n02808440 bathtub.n.01 bathtub 25 +59 microwave microwave 141 40 7 microwave otherprop Objects microwave 3761084 n03761084 microwave.n.02 appliances 37 +159 kitchen counter kitchen counter 140 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +74 sofa chair sofa chair 129 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +82 paper towel dispenser paper towel dispenser 129 40 7 paper towel dispenser otherprop Objects objects 39 +1164 bathroom vanity bathroom vanity 126 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 table 5 +93 suitcase suitcase 118 40 7 luggage otherprop Objects n02773838 bag.n.06 objects 39 +77 laptop laptop 111 40 7 laptop otherprop Objects laptop laptop 3642806 n03642806 laptop.n.01 objects 39 +67 ottoman ottoman 111 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +128 shower walls shower wall 109 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +50 printer printer 106 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +35 counter counter 104 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +69 board board 100 38 7 board otherstructure Objects board_panel 35 +100 soap dispenser soap dispenser 99 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +62 stove stove 95 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +105 light light 93 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +1165 closet wall closet wall 90 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +165 mini fridge mini fridge 87 24 6 refridgerator refridgerator Furniture n03273913 electric_refrigerator.n.01 appliances 37 +7 cabinets cabinet 79 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +5 doors door 76 8 12 door door Wall door n03221720 door.n.01 door 4 +76 fan fan 75 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +230 tissue box tissue box 73 40 7 tissue box otherprop Objects n02883344 box.n.01 objects 39 +54 blanket blanket 72 40 7 blanket otherprop Objects n02849154 blanket.n.01 objects 39 +125 bathroom stall bathroom stall 71 38 7 otherstructure Objects n02873839 booth.n.02 misc 40 +72 copier copier 70 40 7 otherprop Objects n03257586 duplicator.n.01 appliances 37 +68 bench bench 66 39 6 bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +145 bar bar 66 38 7 bar otherstructure Objects n02788689 bar.n.03 misc 40 +157 soap dish soap dish 65 40 7 soap dish otherprop Objects n04254009 soap_dish.n.01 objects 39 +1166 laundry hamper laundry hamper 65 40 7 laundry basket otherprop Objects objects 39 +132 storage bin storage bin 63 40 7 storage bin otherprop Objects objects 39 +1167 bathroom stall door bathroom stall door 62 8 12 door door Wall door n03221720 door.n.01 door 4 +232 light switch light switch 61 38 7 light switch otherstructure Objects n04372370 switch.n.01 misc 40 +134 coffee maker coffee maker 61 40 7 otherprop Objects n03063338 coffee_maker.n.01 appliances 37 +51 tv stand tv stand 61 39 6 tv stand otherfurniture Furniture tv_stand n03290653 entertainment_center.n.01 furniture 36 +250 decoration decoration 60 40 7 otherprop Objects n03169390 decoration.n.01 misc 40 +1168 ceiling light ceiling light 59 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +342 range hood range hood 59 38 7 range hood otherstructure Objects range_hood n04053677 range_hood.n.01 misc 40 +89 blackboard blackboard 58 38 7 blackboard otherstructure Objects n02846511 blackboard.n.01 board_panel 35 +103 clock clock 58 40 7 clock otherprop Objects clock 3046257 n03046257 clock.n.01 objects 39 +99 wardrobe closet wardrobe 54 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +95 rail rail 53 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +154 bulletin board bulletin board 53 38 7 board otherstructure Objects n03211616 display_panel.n.01 board_panel 35 +140 mat mat 52 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1169 trash bin trash bin 52 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +193 ledge ledge 51 38 7 otherstructure Objects n09337253 ledge.n.01 misc 40 +116 seat seat 49 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +202 mouse mouse 49 40 7 mouse otherprop Objects n03793489 mouse.n.04 objects 39 +73 basket basket 48 40 7 basket otherprop Objects basket 2801938 n02801938 basket.n.01 objects 39 +78 shower shower 48 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +1170 dumbbell dumbbell 48 40 7 otherprop Objects n03255030 dumbbell.n.01 objects 39 +79 paper paper 46 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +80 person person 46 31 7 person person Objects person n05217688 person.n.02 misc 40 +141 windowsill windowsill 45 38 7 otherstructure Objects n04590263 windowsill.n.01 window 9 +57 closet closet 45 39 6 wardrobe otherfurniture Furniture wardrobe misc 40 +102 bucket bucket 45 40 7 bucket otherprop Objects n02909870 bucket.n.01 misc 40 +261 sign sign 44 40 7 sign otherprop Objects n04217882 signboard.n.01 objects 39 +118 speaker speaker 43 40 7 speaker otherprop Objects speaker 3691459 n03691459 loudspeaker.n.01 objects 39 +136 dishwasher dishwasher 43 38 7 dishwasher otherstructure Objects dishwasher 3207941 n03207941 dishwasher.n.01 appliances 37 +98 container container 43 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1171 stair rail stair rail 42 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +170 shower curtain rod shower curtain rod 42 40 7 otherprop Objects curtain 12 +1172 tube tube 41 40 7 otherprop Objects misc 40 +1173 bathroom cabinet bathroom cabinet 39 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +79 papers paper 39 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +221 storage container storage container 39 40 7 container otherprop Objects objects 39 +570 paper bag paper bag 39 37 7 bag bag Objects n04122825 sack.n.01 objects 39 +138 paper towel roll paper towel roll 39 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +168 ball ball 39 40 7 ball otherprop Objects objects 39 +276 closet doors closet door 38 8 12 door door Wall door n03221720 door.n.01 door 4 +106 laundry basket laundry basket 37 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +214 cart cart 37 40 7 cart otherprop Objects n03484083 handcart.n.01 shelving 31 +276 closet door closet door 35 8 12 door door Wall door n03221720 door.n.01 door 4 +323 dish rack dish rack 35 40 7 dish rack otherprop Objects n03207630 dish_rack.n.01 objects 39 +58 stairs stairs 35 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +86 blinds blinds 35 13 13 blinds blinds Window n02851099 blind.n.03 blinds 32 +2 stack of chairs chair 35 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +399 purse purse 34 40 7 purse otherprop Objects n02774152 bag.n.04 objects 39 +121 bicycle bicycle 33 40 7 bicycle otherprop Objects bicycle 2834778 n02834778 bicycle.n.01 objects 39 +185 tray tray 32 40 7 tray otherprop Objects n04476259 tray.n.01 objects 39 +300 plunger plunger 30 40 7 otherprop Objects n03970156 plunger.n.03 objects 39 +180 paper cutter paper cutter 30 40 7 paper cutter otherprop Objects n03886940 paper_cutter.n.01 objects 39 +163 toilet paper dispenser toilet paper dispenser 29 40 7 otherprop Objects objects 39 +26 boxes box 29 29 7 box box Objects n02883344 box.n.01 objects 39 +66 bin bin 28 40 7 bin otherprop Objects n02839910 bin.n.01 objects 39 +208 toilet seat cover dispenser toilet seat cover dispenser 28 40 7 otherprop Objects objects 39 +112 guitar guitar 28 40 7 guitar otherprop Objects guitar guitar 3467517 n03467517 guitar.n.01 objects 39 +540 mailboxes mailbox 28 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +395 handicap bar handicap bar 27 38 7 bar otherstructure Objects misc 40 +166 fire extinguisher fire extinguisher 27 40 7 fire extinguisher otherprop Objects n03345837 fire_extinguisher.n.01 misc 40 +122 ladder ladder 27 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 stairs 16 +120 column column 26 38 7 column otherstructure Objects n03074380 column.n.06 column 24 +107 pipe pipe 25 40 7 pipe otherprop Objects n03944672 pipe.n.02 misc 40 +283 vacuum cleaner vacuum cleaner 25 40 7 otherprop Objects n04517823 vacuum.n.04 objects 39 +88 plate plate 24 40 7 plate otherprop Objects n03959485 plate.n.04 objects 39 +90 piano piano 24 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +177 water cooler water cooler 24 39 6 water cooler otherfurniture Furniture n04559166 water_cooler.n.01 misc 40 +1174 cd case cd case 24 40 7 otherprop Objects objects 39 +562 bowl bowl 24 40 7 bowl otherprop Objects bowl bowl 2880940 n02880940 bowl.n.03 objects 39 +1175 closet rod closet rod 24 40 7 otherprop Objects n04100174 rod.n.01 misc 40 +1156 bathroom counter bathroom counter 24 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +84 oven oven 23 38 7 oven otherstructure Objects n03862676 oven.n.01 appliances 37 +104 stand stand 23 39 6 stand otherfurniture Furniture table table table 4379243 n04301000 stand.n.04 table 5 +229 scale scale 23 40 7 scale otherprop Objects n04141975 scale.n.07 objects 39 +70 washing machine washing machine 23 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +325 broom broom 22 40 7 broom otherprop Objects n02906734 broom.n.01 objects 39 +169 hat hat 22 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +128 shower wall shower wall 22 1 12 wall wall Wall n04208936 shower.n.01 wall 1 +331 guitar case guitar case 21 40 7 guitar case otherprop Objects objects 39 +87 rack rack 21 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +488 water pitcher water pitcher 21 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +776 laundry detergent laundry detergent 21 40 7 otherprop Objects objects 39 +370 hair dryer hair dryer 21 40 7 hair dryer otherprop Objects n03483316 hand_blower.n.01 objects 39 +191 pillar pillar 21 38 7 column otherstructure Objects n03073977 column.n.07 column 24 +748 divider divider 20 40 7 otherprop Objects wall 1 +242 power outlet power outlet 19 40 7 otherprop Objects misc 40 +45 dining table dining table 19 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +417 shower floor shower floor 19 2 5 floor floor Floor n04208936 shower.n.01 floor 2 +70 washing machines washing machine 19 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +188 shower door shower door 19 8 12 door door Wall door n04208936 shower.n.01 door 4 +1176 coffee kettle coffee kettle 18 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1177 wardrobe cabinet wardrobe 18 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1178 structure structure 18 38 7 otherstructure Objects misc 40 +18 bookshelves bookshelf 17 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +110 clothes dryer clothes dryer 17 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +148 toaster toaster 17 40 7 toaster otherprop Objects n04442312 toaster.n.02 appliances 37 +63 shoe shoe 17 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +155 ironing board ironing board 16 39 6 ironing board otherfurniture Furniture n03586090 ironing_board.n.01 objects 39 +572 alarm clock alarm clock 16 40 7 alarm clock otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +1179 shower head shower head 15 38 7 otherstructure Objects shower 23 +28 lamp base lamp 15 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +392 water bottle water bottle 15 40 7 bottle otherprop Objects bottle bottle 2876657 n04557648 water_bottle.n.01 objects 39 +1180 keyboard piano keyboard piano 15 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +609 projector screen projector screen 15 38 7 projector screen otherstructure Objects misc 40 +1181 case of water bottles case of water bottles 15 40 7 otherprop Objects objects 39 +195 toaster oven toaster oven 14 40 7 toaster oven otherprop Objects n04442441 toaster_oven.n.01 appliances 37 +581 music stand music stand 14 39 6 music stand otherfurniture Furniture n03801760 music_stand.n.01 furniture 36 +58 staircase stairs 14 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +1182 coat rack coat rack 14 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 3 +1183 storage organizer storage organizer 14 40 7 otherprop Objects shelving 3 +139 machine machine 14 40 7 machine otherprop Objects n03699975 machine.n.01 appliances 37 +1184 folded chair folded chair 14 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1185 fire alarm fire alarm 14 40 7 otherprop Objects n03343737 fire_alarm.n.02 misc 40 +156 fireplace fireplace 13 38 7 fireplace otherstructure Objects n03346455 fireplace.n.01 fireplace 27 +408 vent vent 13 40 7 otherprop Objects n04526241 vent.n.01 misc 40 +213 furniture furniture 13 39 6 furniture otherfurniture Furniture n03405725 furniture.n.01 furniture 36 +1186 power strip power strip 13 40 7 otherprop Objects objects 39 +1187 calendar calendar 13 40 7 otherprop Objects objects 39 +1188 poster poster 13 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +115 toilet paper holder toilet paper holder 13 40 7 toilet paper holder otherprop Objects objects 39 +1189 potted plant potted plant 12 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +304 stuffed animal stuffed animal 12 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +1190 luggage luggage 12 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +21 curtains curtain 12 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +312 headphones headphones 12 40 7 otherprop Objects n03261776 earphone.n.01 objects 39 +233 crate crate 12 39 6 crate otherfurniture Furniture n03127925 crate.n.01 objects 39 +286 candle candle 12 40 7 candle otherprop Objects lamp n02948072 candle.n.01 objects 39 +264 projector projector 12 40 7 projector otherprop Objects n04009552 projector.n.02 objects 39 +110 clothes dryers clothes dryer 12 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +1191 mattress mattress 12 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +356 dustpan dustpan 12 40 7 otherprop Objects n03259009 dustpan.n.02 objects 39 +25 drawer drawer 11 39 6 drawer otherfurniture Furniture n03233905 drawer.n.01 furniture 36 +750 rod rod 11 40 7 otherprop Objects pistol 3948459 n03427202 gat.n.01 misc 40 +269 globe globe 11 40 7 globe otherprop Objects objects 39 +307 footrest footrest 11 39 6 foot rest otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +410 piano bench piano bench 11 39 6 piano bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +730 breakfast bar breakfast bar 11 38 7 bar otherstructure Objects counter 26 +216 step stool step stool 11 40 7 step stool otherprop Objects stool n04315713 step_stool.n.01 stool 19 +1192 hand rail hand rail 11 38 7 railing otherstructure Objects railing 30 +119 vending machine vending machine 11 40 7 machine otherprop Objects n04525305 vending_machine.n.01 appliances 37 +682 ceiling fan ceiling fan 11 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +434 swiffer swiffer 11 40 7 otherprop Objects objects 39 +126 foosball table foosball table 11 39 6 foosball table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +919 jar jar 11 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +85 footstool footstool 11 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +1193 folded table folded table 10 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +108 round table round table 10 7 10 table table Table table table table 4379243 n04114554 round_table.n.02 table 5 +135 hamper hamper 10 40 7 basket otherprop Objects basket 2801938 n03482405 hamper.n.02 objects 39 +1194 poster tube poster tube 10 40 7 otherprop Objects objects 39 +432 case case 10 40 7 case otherprop Objects objects 39 +53 carpet carpet 10 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +1195 thermostat thermostat 10 40 7 otherprop Objects n04422875 thermostat.n.01 misc 40 +111 coat coat 10 40 7 jacket otherprop Objects n03057021 coat.n.01 clothes 38 +305 water fountain water fountain 10 38 7 water fountain otherstructure Objects n03241335 drinking_fountain.n.01 misc 40 +1125 smoke detector smoke detector 10 40 7 otherprop Objects misc 40 +13 pillows pillow 9 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +1196 flip flops flip flops 9 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1197 cloth cloth 9 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1198 banner banner 9 40 7 otherprop Objects n02788021 banner.n.01 misc 40 +1199 clothes hanger clothes hanger 9 40 7 otherprop Objects n03057920 coat_hanger.n.01 objects 39 +1200 whiteboard eraser whiteboard eraser 9 40 7 otherprop Objects objects 39 +378 iron iron 9 40 7 otherprop Objects n03584829 iron.n.04 objects 39 +591 instrument case instrument case 9 40 7 case otherprop Objects objects 39 +49 toilet paper rolls toilet paper 9 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +92 soap soap 9 40 7 soap otherprop Objects n04253437 soap.n.01 objects 39 +1098 block block 9 40 7 otherprop Objects misc 40 +291 wall hanging wall hanging 8 40 7 otherprop Objects n03491178 hanging.n.01 picture 6 +1063 kitchen island kitchen island 8 38 7 kitchen island otherstructure Objects n03620600 kitchen_island.n.01 counter 26 +107 pipes pipe 8 38 7 otherstructure Objects misc 40 +1135 toothbrush toothbrush 8 40 7 toothbrush otherprop Objects n04453156 toothbrush.n.01 objects 39 +189 shirt shirt 8 40 7 otherprop Objects n04197391 shirt.n.01 clothes 38 +245 cutting board cutting board 8 40 7 cutting board otherprop Objects n03025513 chopping_board.n.01 objects 39 +194 vase vase 8 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1201 shower control valve shower control valve 8 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +386 exercise machine exercise machine 8 40 7 machine otherprop Objects gym_equipment 33 +1202 compost bin compost bin 8 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +857 shorts shorts 8 40 7 shorts otherprop Objects clothes 38 +452 tire tire 8 40 7 otherprop Objects n04440749 tire.n.01 objects 39 +1203 teddy bear teddy bear 7 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +346 bathrobe bathrobe 7 40 7 otherprop Objects n02807616 bathrobe.n.01 clothes 38 +152 handrail handrail 7 38 7 railing otherstructure Objects n02788148 bannister.n.02 railing 30 +83 faucet faucet 7 40 7 faucet otherprop Objects faucet 3325088 n03325088 faucet.n.01 misc 40 +1204 pantry wall pantry wall 7 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +726 thermos thermos 7 40 7 flask otherprop Objects bottle bottle 2876657 n04422727 thermos.n.01 objects 39 +61 rug rug 7 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +39 couch cushions cushion 7 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1117 tripod tripod 7 39 6 stand otherfurniture Furniture n04485082 tripod.n.01 objects 39 +540 mailbox mailbox 7 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +1205 tupperware tupperware 7 40 7 otherprop Objects objects 39 +415 shoe rack shoe rack 7 40 7 shoe rack otherprop Objects shelving 31 +31 towels towel 6 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +1206 beer bottles beer bottle 6 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +153 treadmill treadmill 6 39 6 treadmill otherfurniture Furniture n04477387 treadmill.n.01 gym_equipment 33 +1207 salt salt 6 40 7 otherprop Objects objects 39 +129 chest chest 6 39 6 chest otherfurniture Furniture dresser dresser chest_of_drawers 13 +220 dispenser dispenser 6 40 7 otherprop Objects n03210683 dispenser.n.01 objects 39 +1208 mirror doors mirror door 6 8 12 door door Wall door n03221720 door.n.01 door 4 +231 remote remote 6 40 7 otherprop Objects remote_control 4074963 n04074963 remote_control.n.01 objects 39 +1209 folded ladder folded ladder 6 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 misc 40 +39 cushion cushion 6 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1210 carton carton 6 40 7 otherprop Objects objects 39 +117 step step 6 38 7 otherstructure Objects n04314914 step.n.04 misc 40 +822 drying rack drying rack 6 39 6 drying rack otherfurniture Furniture shelving 31 +238 slippers slipper 6 40 7 shoe otherprop Objects n04241394 slipper.n.01 clothes 38 +143 pool table pool table 6 39 6 pool table otherfurniture Furniture table table table 4379243 n03982430 pool_table.n.01 table 5 +1211 soda stream soda stream 6 40 7 otherprop Objects objects 39 +228 toilet brush toilet brush 6 40 7 toilet brush otherprop Objects objects 39 +494 loft bed loft bed 6 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +226 cooking pot cooking pot 6 40 7 pot otherprop Objects objects 39 +91 heater heater 6 39 6 heater otherfurniture Furniture n03508101 heater.n.01 misc 40 +1072 messenger bag messenger bag 6 37 7 bag bag Objects objects 39 +435 stapler stapler 6 40 7 stapler otherprop Objects n04303497 stapler.n.01 objects 39 +1165 closet walls closet wall 5 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +345 scanner scanner 5 40 7 otherprop Objects appliances 37 +893 elliptical machine elliptical machine 5 40 7 machine otherprop Objects gym_equipment 33 +621 kettle kettle 5 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1212 metronome metronome 5 40 7 otherprop Objects n03757604 metronome.n.01 objects 39 +297 dumbell dumbell 5 40 7 otherprop Objects objects 39 +1213 music book music book 5 23 2 book books Books n02870526 book.n.11 objects 39 +1214 rice cooker rice cooker 5 40 7 otherprop Objects objects 39 +1215 dart board dart board 5 38 7 board otherstructure Objects n03162940 dartboard.n.01 objects 39 +529 sewing machine sewing machine 5 40 7 sewing machine otherprop Objects n04179913 sewing_machine.n.01 objects 39 +1216 grab bar grab bar 5 38 7 railing otherstructure Objects railing 30 +1217 flowerpot flowerpot 5 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1218 painting painting 5 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1219 railing railing 5 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +1220 stair stair 5 38 7 stairs otherstructure Objects stairs n04314914 step.n.04 stairs 16 +525 toolbox toolbox 5 39 6 chest otherfurniture Furniture n04452615 toolbox.n.01 objects 39 +204 nerf gun nerf gun 5 40 7 otherprop Objects objects 39 +693 binders binder 5 40 7 binder otherprop Objects objects 39 +179 desk lamp desk lamp 5 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1221 quadcopter quadcopter 5 40 7 otherprop Objects objects 39 +1222 pitcher pitcher 5 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +1223 hanging hanging 5 40 7 otherprop Objects misc 40 +1224 mail mail 5 40 7 otherprop Objects misc 40 +1225 closet ceiling closet ceiling 5 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +1226 hoverboard hoverboard 5 40 7 otherprop Objects objects 39 +1227 beanbag chair beanbag chair 5 39 6 bean bag otherfurniture Furniture n02816656 beanbag.n.01 chair 3 +571 water heater water heater 5 40 7 water heater otherprop Objects n04560113 water_heater.n.01 misc 40 +1228 spray bottle spray bottle 5 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +556 rope rope 5 40 7 rope otherprop Objects n04108268 rope.n.01 objects 39 +280 plastic container plastic container 5 40 7 container otherprop Objects objects 39 +1229 soap bottle soap bottle 5 40 7 soap otherprop Objects objects 39 +1230 ikea bag ikea bag 4 37 7 bag bag Objects 2773838 n02773838 bag.n.06 objects 39 +1231 sleeping bag sleeping bag 4 40 7 otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +1232 duffel bag duffel bag 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +746 frying pan frying pan 4 40 7 frying pan otherprop Objects n03400231 frying_pan.n.01 objects 39 +1233 oven mitt oven mitt 4 40 7 otherprop Objects objects 39 +1234 pot pot 4 40 7 pot otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +144 hand dryer hand dryer 4 40 7 otherprop Objects objects 39 +282 dollhouse dollhouse 4 39 6 doll house otherfurniture Furniture n03219483 dollhouse.n.01 objects 39 +167 shampoo bottle shampoo bottle 4 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1235 hair brush hair brush 4 40 7 otherprop Objects n02908217 brush.n.02 objects 39 +1236 tennis racket tennis racket 4 40 7 otherprop Objects n04409806 tennis_racket.n.01 objects 39 +1237 display case display case 4 40 7 case otherprop Objects objects 39 +234 ping pong table ping pong table 4 39 6 ping pong table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +563 boiler boiler 4 40 7 otherprop Objects misc 40 +1238 bag of coffee beans bag of coffee beans 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +1239 bananas banana 4 40 7 otherprop Objects n00021265 food.n.01 objects 39 +1240 carseat carseat 4 40 7 otherprop Objects misc 40 +366 helmet helmet 4 40 7 otherprop Objects helmet 3513137 n03513137 helmet.n.02 clothes 38 +816 umbrella umbrella 4 40 7 umbrella otherprop Objects n04507155 umbrella.n.01 objects 39 +1241 coffee box coffee box 4 40 7 otherprop Objects objects 39 +719 envelope envelope 4 40 7 envelope otherprop Objects n03291819 envelope.n.01 objects 39 +284 wet floor sign wet floor sign 4 40 7 sign otherprop Objects misc 40 +1242 clothing rack clothing rack 4 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +247 controller controller 4 40 7 otherprop Objects n03096960 control.n.09 objects 39 +1243 bath walls bathroom wall 4 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +1244 podium podium 4 39 6 otherfurniture Furniture n03159640 dais.n.01 furniture 36 +1245 storage box storage box 4 29 7 box box Objects n02883344 box.n.01 objects 39 +1246 dolly dolly 4 40 7 otherprop Objects misc 40 +1247 shampoo shampoo 3 40 7 otherprop Objects n04183516 shampoo.n.01 objects 39 +592 paper tray paper tray 3 40 7 paper tray otherprop Objects objects 39 +385 cabinet door cabinet door 3 8 12 door door Wall door door 4 +1248 changing station changing station 3 40 7 otherprop Objects misc 40 +1249 poster printer poster printer 3 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +133 screen screen 3 40 7 otherprop Objects n03151077 curtain.n.01 curtain 12 +301 soap bar soap bar 3 38 7 bar otherstructure Objects objects 39 +1250 crutches crutches 3 40 7 otherprop Objects n03141823 crutch.n.01 objects 39 +379 studio light studio light 3 38 7 light otherstructure Objects lighting 28 +130 stack of cups cup 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +1251 toilet flush button toilet flush button 3 40 7 otherprop Objects objects 39 +450 trunk trunk 3 40 7 otherprop Objects misc 40 +1252 grocery bag grocery bag 3 37 7 bag bag Objects suitcase 2773838 n03461288 grocery_bag.n.01 objects 39 +316 plastic bin plastic bin 3 40 7 bin otherprop Objects objects 39 +1253 pizza box pizza box 3 29 7 box box Objects objects 39 +385 cabinet doors cabinet door 3 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 door 4 +1254 legs legs 3 31 7 person person Objects person n05217688 person.n.02 misc 40 +461 car car 3 40 7 car otherprop Objects car car 2958343 n02958343 car.n.01 misc 40 +1255 shaving cream shaving cream 3 40 7 otherprop Objects n04186051 shaving_cream.n.01 objects 39 +1256 luggage stand luggage stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +599 shredder shredder 3 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +281 statue statue 3 40 7 sculpture otherprop Objects n04306847 statue.n.01 misc 40 +1257 urinal urinal 3 33 7 toilet toilet Objects toilet toilet n04515991 urinal.n.01 toilet 18 +1258 hose hose 3 40 7 otherprop Objects n03539875 hose.n.03 misc 40 +1259 bike pump bike pump 3 40 7 otherprop Objects objects 39 +319 coatrack coatrack 3 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1260 bear bear 3 40 7 otherprop Objects objects 39 +28 wall lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1261 humidifier humidifier 3 40 7 otherprop Objects objects 39 +546 toothpaste toothpaste 3 40 7 toothpaste otherprop Objects objects 39 +1262 mouthwash bottle mouthwash bottle 3 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1263 poster cutter poster cutter 3 40 7 otherprop Objects objects 39 +1264 golf bag golf bag 3 37 7 bag bag Objects suitcase 2773838 n03445617 golf_bag.n.01 objects 39 +1265 food container food container 3 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1266 camera camera 3 40 7 otherprop Objects objects 39 +28 table lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n04380533 table_lamp.n.01 lighting 28 +1267 yoga mat yoga mat 3 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1268 card card 3 40 7 otherprop Objects objects 39 +1269 mug mug 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +188 shower doors shower door 3 38 7 otherstructure Objects n04208936 shower.n.01 door 4 +689 cardboard cardboard 3 40 7 otherprop Objects objects 39 +1270 rack stand rack stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +1271 boxes of paper boxes of paper 3 29 7 box box Objects n02883344 box.n.01 objects 39 +1272 flag flag 3 40 7 otherprop Objects misc 40 +354 futon futon 3 39 6 mattress otherfurniture Furniture n03408444 futon.n.01 sofa 10 +339 magazine magazine 3 40 7 magazine otherprop Objects n06595351 magazine.n.01 objects 39 +1009 exit sign exit sign 3 40 7 exit sign otherprop Objects misc 40 +1273 rolled poster rolled poster 3 40 7 otherprop Objects objects 39 +1274 wheel wheel 3 40 7 otherprop Objects objects 39 +15 pictures picture 3 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1275 blackboard eraser blackboard eraser 3 40 7 eraser otherprop Objects n03294833 eraser.n.01 objects 39 +361 organizer organizer 3 40 7 otherprop Objects n03918737 personal_digital_assistant.n.01 objects 39 +1276 doll doll 3 40 7 toy otherprop Objects n03219135 doll.n.01 objects 39 +326 book rack book rack 3 39 6 bookrack otherfurniture Furniture objects 39 +1277 laundry bag laundry bag 3 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +1278 sponge sponge 3 40 7 otherprop Objects n01906749 sponge.n.04 objects 39 +116 seating seat 3 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +1184 folded chairs folded chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1279 lotion bottle lotion bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +212 can can 2 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1280 lunch box lunch box 2 40 7 otherprop Objects objects 39 +1281 food display food display 2 40 7 otherprop Objects misc 40 +794 storage shelf storage shelf 2 40 7 otherprop Objects shelving 31 +1282 sliding wood door sliding wood door 2 40 7 otherprop Objects door 4 +955 pants pants 2 40 7 otherprop Objects n04489008 trouser.n.01 clothes 38 +387 wood wood 2 40 7 otherprop Objects misc 40 +69 boards board 2 38 7 board otherstructure Objects board_panel 35 +65 bottles bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +523 washcloth washcloth 2 40 7 otherprop Objects n04554523 washcloth.n.01 towel 20 +389 workbench workbench 2 39 6 bench otherfurniture Furniture bench table 4379243 n04600486 workbench.n.01 table 5 +29 open kitchen cabinet kitchen cabinet 2 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +1283 organizer shelf organizer shelf 2 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +146 frame frame 2 38 7 otherstructure Objects misc 40 +130 cups cup 2 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +372 exercise ball exercise ball 2 40 7 ball otherprop Objects n04285146 sports_equipment.n.01 gym_equipment 33 +289 easel easel 2 39 6 stand otherfurniture Furniture n03262809 easel.n.01 furniture 36 +440 garbage bag garbage bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +321 roomba roomba 2 40 7 otherprop Objects objects 39 +976 garage door garage door 2 38 7 garage door otherstructure Objects door door 4 +1256 luggage rack luggage stand 2 39 6 stand otherfurniture Furniture n04038440 shelving 31 +1284 bike lock bike lock 2 40 7 otherprop Objects objects 39 +1285 briefcase briefcase 2 40 7 otherprop Objects n02900705 briefcase.n.01 objects 39 +357 hand towel hand towel 2 27 7 towel towel Objects n03490006 hand_towel.n.01 towel 20 +1286 bath products bath product 2 40 7 otherprop Objects objects 39 +1287 star star 2 40 7 otherprop Objects n09444783 star.n.03 misc 40 +365 map map 2 40 7 map otherprop Objects n03720163 map.n.01 misc 40 +1288 coffee bean bag coffee bean bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +81 headboard headboard 2 39 6 headboard otherfurniture Furniture n03502200 headboard.n.01 bed 11 +1289 ipad ipad 2 40 7 otherprop Objects objects 39 +1290 display rack display rack 2 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +948 traffic cone traffic cone 2 40 7 cone otherprop Objects cone objects 39 +174 toiletry toiletry 2 40 7 otherprop Objects n04447443 toiletry.n.01 objects 39 +1028 canopy canopy 2 40 7 otherprop Objects misc 40 +1291 massage chair massage chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1292 paper organizer paper organizer 2 40 7 otherprop Objects objects 39 +1005 barricade barricade 2 40 7 otherprop Objects misc 40 +235 platform platform 2 38 7 otherstructure Objects misc 40 +1293 cap cap 2 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +1294 dumbbell plates dumbbell plates 2 40 7 otherprop Objects objects 39 +1295 elevator elevator 2 38 7 otherstructure Objects misc 40 +1296 cooking pan cooking pan 2 40 7 pan otherprop Objects n03880531 pan.n.01 objects 39 +1297 trash bag trash bag 2 37 7 bag bag Objects objects 39 +1298 santa santa 2 40 7 otherprop Objects misc 40 +1299 jewelry box jewelry box 2 29 7 box box Objects n02883344 box.n.01 objects 39 +1300 boat boat 2 40 7 otherprop Objects misc 40 +1301 sock sock 2 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1051 kinect kinect 2 40 7 kinect otherprop Objects objects 39 +566 crib crib 2 39 6 crib otherfurniture Furniture furniture 36 +1302 plastic storage bin plastic storage bin 2 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1062 cooler cooler 2 24 6 refridgerator refridgerator Furniture n03102654 cooler.n.01 appliances 37 +1303 kitchen apron kitchen apron 2 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1304 dishwashing soap bottle dishwashing soap bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1305 xbox controller xbox controller 2 40 7 otherprop Objects objects 39 +1306 banana holder banana holder 2 40 7 otherprop Objects objects 39 +298 ping pong paddle ping pong paddle 2 40 7 otherprop Objects table 5 +1307 airplane airplane 2 40 7 otherprop Objects misc 40 +1308 conditioner bottle conditioner bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1309 tea kettle tea kettle 2 40 7 tea kettle otherprop Objects n04397768 teakettle.n.01 objects 39 +43 bedframe bedframe 2 39 6 otherfurniture Furniture n02822579 bedstead.n.01 bed 11 +1310 wood beam wood beam 2 38 7 otherstructure Objects beam 29 +593 toilet paper package toilet paper package 2 40 7 otherprop Objects objects 39 +1311 wall mounted coat rack wall mounted coat rack 2 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1312 film light film light 2 40 7 otherprop Objects lighting 28 +749 ceiling lamp ceiling lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +623 chain chain 1 40 7 otherprop Objects chair 3 +1313 sofa sofa 1 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +99 closet wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +265 sweater sweater 1 40 7 otherprop Objects n04370048 sweater.n.01 clothes 38 +1314 kitchen mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +99 wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1315 water softener water softener 1 40 7 otherprop Objects misc 40 +448 banister banister 1 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +257 trolley trolley 1 40 7 trolley otherprop Objects n04335435 streetcar.n.01 misc 40 +1316 pantry shelf pantry shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +786 sofa bed sofa bed 1 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +801 loofa loofa 1 40 7 otherprop Objects objects 39 +972 shower faucet handle shower faucet handle 1 40 7 handle otherprop Objects shower 23 +1317 toy piano toy piano 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1318 fish fish 1 40 7 otherprop Objects n02512053 fish.n.01 objects 39 +75 file cabinets file cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n03337140 file.n.03 cabinet 7 +657 cat litter box cat litter box 1 29 7 box box Objects objects 39 +561 electric panel electric panel 1 40 7 otherprop Objects misc 40 +93 suitcases suitcase 1 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +513 curtain rod curtain rod 1 38 7 curtain rod otherstructure Objects curtain 12 +411 bunk bed bunk bed 1 39 6 bunk bed otherfurniture Furniture bed bed bed 2818832 n02920259 bunk_bed.n.01 bed 11 +1122 chandelier chandelier 1 38 7 chandelier otherstructure Objects n03005285 chandelier.n.01 lighting 28 +922 tape tape 1 40 7 tape otherprop Objects objects 39 +88 plates plate 1 40 7 otherprop Objects n03959485 plate.n.04 objects 39 +518 alarm alarm 1 40 7 alarm otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +814 fire hose fire hose 1 40 7 otherprop Objects n03346004 fire_hose.n.01 misc 40 +1319 toy dinosaur toy dinosaur 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1320 cone cone 1 40 7 otherprop Objects objects 39 +649 glass doors glass door 1 8 12 door door Wall door n03221720 door.n.01 door 4 +607 hatrack hatrack 1 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +819 subwoofer subwoofer 1 40 7 speaker otherprop Objects speaker 3691459 n04349401 subwoofer.n.01 objects 39 +1321 fire sprinkler fire sprinkler 1 40 7 otherprop Objects misc 40 +1322 trash cabinet trash cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +1204 pantry walls pantry wall 1 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +227 photo photo 1 40 7 photo otherprop Objects n03925226 photograph.n.01 picture 6 +817 barrier barrier 1 40 7 otherprop Objects n02796623 barrier.n.01 misc 40 +130 stacks of cups cup 1 40 7 otherprop Objects n03147509 cup.n.01 objects 39 +712 beachball beachball 1 40 7 ball otherprop Objects n02814224 beach_ball.n.01 objects 39 +1323 folded boxes folded boxes 1 40 7 otherprop Objects objects 39 +1324 contact lens solution bottle contact lens solution bottle 1 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +673 covered box covered box 1 29 7 box box Objects objects 39 +459 folder folder 1 40 7 folder otherprop Objects n03376279 folder.n.02 objects 39 +643 mail trays mail tray 1 40 7 mail tray otherprop Objects objects 39 +238 slipper slipper 1 40 7 otherprop Objects n04241394 slipper.n.01 clothes 38 +765 magazine rack magazine rack 1 39 6 stand otherfurniture Furniture n03704549 magazine_rack.n.01 shelving 31 +1008 sticker sticker 1 40 7 sticker otherprop Objects n07272545 gummed_label.n.01 objects 39 +225 lotion lotion 1 40 7 otherprop Objects n03690938 lotion.n.01 objects 39 +1083 buddha buddha 1 40 7 otherprop Objects objects 39 +813 file organizer file organizer 1 40 7 otherprop Objects objects 39 +138 paper towel rolls paper towel roll 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +1145 night lamp night lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +796 fuse box fuse box 1 40 7 otherprop Objects misc 40 +1325 knife block knife block 1 40 7 otherprop Objects objects 39 +363 furnace furnace 1 39 6 furnace otherfurniture Furniture n03404449 furnace.n.01 +1174 cd cases cd case 1 40 7 otherprop Objects objects 39 +38 stools stool 1 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +1326 hand sanitzer dispenser hand sanitzer dispenser 1 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +997 teapot teapot 1 40 7 tea pot otherprop Objects n04398044 teapot.n.01 objects 39 +1327 pen holder pen holder 1 40 7 otherprop Objects objects 39 +1328 tray rack tray rack 1 40 7 otherprop Objects objects 39 +1329 wig wig 1 40 7 otherprop Objects n04584207 wig.n.01 objects 39 +182 switch switch 1 40 7 otherprop Objects n04372370 switch.n.01 misc 40 +280 plastic containers plastic container 1 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1330 night light night light 1 40 7 otherprop Objects lighting 28 +1331 notepad notepad 1 40 7 otherprop Objects objects 39 +1332 mail bin mail bin 1 40 7 otherprop Objects misc 40 +1333 elevator button elevator button 1 40 7 otherprop Objects misc 40 +939 gaming wheel gaming wheel 1 40 7 otherprop Objects objects 39 +1334 drum set drum set 1 40 7 otherprop Objects objects 39 +480 cosmetic bag cosmetic bag 1 37 7 bag bag Objects objects 39 +907 coffee mug coffee mug 1 40 7 vessel otherprop Objects cup or mug 3797390 n03063599 coffee_mug.n.01 objects 39 +1335 closet shelf closet shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +1336 baby mobile baby mobile 1 40 7 otherprop Objects objects 39 +829 diaper bin diaper bin 1 40 7 bin otherprop Objects objects 39 +947 door wall door wall 1 1 12 wall wall Wall wall 1 +1116 stepstool stepstool 1 40 7 step stool otherprop Objects objects 39 +599 paper shredder shredder 1 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +733 dress rack dress rack 1 40 7 otherprop Objects n03238762 dress_rack.n.01 misc 40 +123 cover cover 1 40 7 blanket otherprop Objects objects 39 +506 shopping bag shopping bag 1 37 7 bag bag Objects n04204081 shopping_bag.n.01 objects 39 +569 sliding door sliding door 1 8 12 door door Wall door n04239074 sliding_door.n.01 door 4 +1337 exercise bike exercise bike 1 40 7 machine otherprop Objects n04210120 shredder.n.01 gym_equipment 33 +1338 recliner chair recliner chair 1 5 4 chair chair Chair chair chair chair 3001627 n03238762 dress_rack.n.01 chair 3 +1314 kitchenaid mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +1339 soda can soda can 1 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1340 stovetop stovetop 1 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +851 stepladder stepladder 1 39 6 ladder otherfurniture Furniture stairs n04315599 step_ladder.n.01 stairs 16 +142 tap tap 1 40 7 faucet otherprop Objects faucet 3325088 n04559451 water_faucet.n.01 objects 39 +436 cable cable 1 40 7 cables otherprop Objects objects 39 +1341 baby changing station baby changing station 1 39 6 otherfurniture Furniture furniture 36 +1342 costume costume 1 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +885 rocking chair rocking chair 1 5 4 chair chair Chair chair chair chair 3001627 n04099969 rocking_chair.n.01 chair 3 +693 binder binder 1 40 7 binder otherprop Objects objects 39 +815 media center media center 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +401 towel rack towel rack 1 40 7 otherprop Objects n04459773 towel_rack.n.01 misc 40 +1343 medal medal 1 40 7 otherprop Objects objects 39 +1184 stack of folded chairs folded chair 1 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1344 telescope telescope 1 40 7 otherprop Objects n04403638 telescope.n.01 objects 39 +1345 closet doorframe closet doorframe 1 8 12 door door Wall door door 4 +160 glass glass 1 38 7 glass otherstructure Objects n03438257 glass.n.02 misc 40 +1126 baseball cap baseball cap 1 40 7 otherprop Objects cap 2954340 n02799323 baseball_cap.n.01 clothes 38 +1346 battery disposal jar battery disposal jar 1 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +332 mop mop 1 40 7 otherprop Objects n04367480 swab.n.02 objects 39 +397 tank tank 1 40 7 otherprop Objects objects 39 +643 mail tray mail tray 1 40 7 mail tray otherprop Objects objects 39 +551 centerpiece centerpiece 1 40 7 centerpiece otherprop Objects n02994419 centerpiece.n.02 objects 39 +1163 stick stick 1 40 7 stick otherprop Objects objects 39 +1347 closet floor closet floor 1 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +1348 dryer sheets dryer sheets 1 40 7 otherprop Objects objects 39 +803 bycicle bycicle 1 40 7 otherprop Objects misc 40 +484 flower stand flower stand 1 39 6 stand otherfurniture Furniture furniture 36 +1349 air mattress air mattress 1 4 1 bed bed Bed bed bed bed 2818832 n02690809 air_mattress.n.01 bed 11 +1350 clip clip 1 40 7 otherprop Objects objects 39 +222 side table side table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1253 pizza boxes pizza box 1 29 7 box box Objects n02883344 box.n.01 objects 39 +1351 display display 1 39 7 otherfurniture Furniture n03211117 display.n.06 misc 40 +1352 postcard postcard 1 40 7 otherprop Objects objects 39 +828 display sign display sign 1 40 7 sign otherprop Objects misc 40 +1353 paper towel paper towel 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +612 boots boot 1 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1354 tennis racket bag tennis racket bag 1 40 7 otherprop Objects objects 39 +1355 air hockey table air hockey table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1301 socks sock 1 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1356 food bag food bag 1 37 7 bag bag Objects objects 39 +1199 clothes hangers clothes hanger 1 40 7 otherprop Objects n03057920 coat_hanger.n.01 misc 40 +1357 starbucks cup starbucks cup 1 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv new file mode 100644 index 0000000000000000000000000000000000000000..cff61b132f3ebf4edd513445b76fd39db54462d2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv @@ -0,0 +1,608 @@ +id raw_category category count nyu40id eigen13id nyuClass nyu40class eigen13class ModelNet40 ModelNet10 ShapeNetCore55 synsetoffset wnsynsetid wnsynsetkey mpcat40 mpcat40index +1 wall wall 8277 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +2 chair chair 4646 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +22 books book 1678 23 2 book books Books n02870526 book.n.11 objects 39 +3 floor floor 1553 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +5 door door 1483 8 12 door door Wall door n03221720 door.n.01 door 4 +1163 object object 1313 40 7 otherprop Objects objects 39 +16 window window 1209 9 13 window window Window n04587648 window.n.01 window 9 +4 table table 1170 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +56 trash can trash can 1090 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +13 pillow pillow 937 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +15 picture picture 862 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +41 ceiling ceiling 806 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +26 box box 775 29 7 box box Objects n02883344 box.n.01 objects 39 +161 doorframe doorframe 768 8 12 door door Wall door doorframe.n.01 door 4 +19 monitor monitor 765 40 7 monitor otherprop Objects monitor monitor tv or monitor 3211117 n03782190 monitor.n.04 objects 39 +7 cabinet cabinet 731 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +9 desk desk 680 14 10 desk desk Table desk desk table 4379243 n03179701 desk.n.01 table 5 +8 shelf shelf 641 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +10 office chair office chair 595 5 4 chair chair Chair chair chair chair 3001627 n04373704 swivel_chair.n.01 chair 3 +31 towel towel 570 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +6 couch couch 502 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +14 sink sink 488 34 7 sink sink Objects sink n04223580 sink.n.01 sink 15 +48 backpack backpack 479 40 7 backpack otherprop Objects n02769748 backpack.n.01 objects 39 +28 lamp lamp 419 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +11 bed bed 370 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +18 bookshelf bookshelf 360 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +71 mirror mirror 349 19 7 mirror mirror Objects n03773035 mirror.n.01 mirror 21 +21 curtain curtain 347 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +40 plant plant 331 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +52 whiteboard whiteboard 327 30 7 whiteboard whiteboard Objects n03211616 display_panel.n.01 board_panel 35 +96 radiator radiator 322 39 6 radiator otherfurniture Furniture n04041069 radiator.n.02 misc 40 +22 book book 318 23 2 book books Books n02870526 book.n.11 objects 39 +29 kitchen cabinet kitchen cabinet 310 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +49 toilet paper toilet paper 291 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +29 kitchen cabinets kitchen cabinet 289 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +23 armchair armchair 281 5 4 chair chair Chair chair chair chair 3001627 n02738535 armchair.n.01 chair 3 +63 shoes shoe 272 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +24 coffee table coffee table 258 7 10 coffee table table Table table table table 4379243 n03063968 coffee_table.n.01 table 5 +17 toilet toilet 256 33 7 toilet toilet Objects toilet toilet n04446276 toilet.n.01 toilet 18 +47 bag bag 252 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +32 clothes clothes 248 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +46 keyboard keyboard 246 40 7 keyboard otherprop Objects keyboard computer keyboard 3085013 n03085013 computer_keyboard.n.01 objects 39 +65 bottle bottle 226 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +97 recycling bin recycling bin 225 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +34 nightstand nightstand 224 32 6 night stand night stand Furniture night_stand night_stand n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +38 stool stool 221 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +33 tv tv 219 25 11 television television TV tv or monitor 3211117 n03211117 display.n.06 tv_monitor 22 +75 file cabinet file cabinet 217 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +36 dresser dresser 213 17 6 dresser dresser Furniture dresser dresser n03015254 chest_of_drawers.n.01 chest_of_drawers 13 +64 computer tower computer tower 203 40 7 computer otherprop Objects n03082979 computer.n.01 objects 39 +32 clothing clothes 165 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +101 telephone telephone 164 40 7 telephone otherprop Objects telephone 4401088 n04401088 telephone.n.01 objects 39 +130 cup cup 157 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +27 refrigerator refrigerator 154 24 6 refridgerator refridgerator Furniture n04070727 refrigerator.n.01 appliances 37 +44 end table end table 147 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +131 jacket jacket 146 40 7 jacket otherprop Objects n03589791 jacket.n.01 clothes 38 +55 shower curtain shower curtain 144 28 7 shower curtain shower curtain Objects curtain n04209239 shower_curtain.n.01 curtain 12 +42 bathtub bathtub 144 36 7 bathtub bathtub Objects bathtub bathtub tub 2808440 n02808440 bathtub.n.01 bathtub 25 +59 microwave microwave 141 40 7 microwave otherprop Objects microwave 3761084 n03761084 microwave.n.02 appliances 37 +159 kitchen counter kitchen counter 140 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +74 sofa chair sofa chair 129 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +82 paper towel dispenser paper towel dispenser 129 40 7 paper towel dispenser otherprop Objects objects 39 +1164 bathroom vanity bathroom vanity 126 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 table 5 +93 suitcase suitcase 118 40 7 luggage otherprop Objects n02773838 bag.n.06 objects 39 +77 laptop laptop 111 40 7 laptop otherprop Objects laptop laptop 3642806 n03642806 laptop.n.01 objects 39 +67 ottoman ottoman 111 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +128 shower walls shower wall 109 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +50 printer printer 106 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +35 counter counter 104 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +69 board board 100 38 7 board otherstructure Objects board_panel 35 +100 soap dispenser soap dispenser 99 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +62 stove stove 95 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +105 light light 93 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +1165 closet wall closet wall 90 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +165 mini fridge mini fridge 87 24 6 refridgerator refridgerator Furniture n03273913 electric_refrigerator.n.01 appliances 37 +7 cabinets cabinet 79 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +5 doors door 76 8 12 door door Wall door n03221720 door.n.01 door 4 +76 fan fan 75 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +230 tissue box tissue box 73 40 7 tissue box otherprop Objects n02883344 box.n.01 objects 39 +54 blanket blanket 72 40 7 blanket otherprop Objects n02849154 blanket.n.01 objects 39 +125 bathroom stall bathroom stall 71 38 7 otherstructure Objects n02873839 booth.n.02 misc 40 +72 copier copier 70 40 7 otherprop Objects n03257586 duplicator.n.01 appliances 37 +68 bench bench 66 39 6 bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +145 bar bar 66 38 7 bar otherstructure Objects n02788689 bar.n.03 misc 40 +157 soap dish soap dish 65 40 7 soap dish otherprop Objects n04254009 soap_dish.n.01 objects 39 +1166 laundry hamper laundry hamper 65 40 7 laundry basket otherprop Objects objects 39 +132 storage bin storage bin 63 40 7 storage bin otherprop Objects objects 39 +1167 bathroom stall door bathroom stall door 62 8 12 door door Wall door n03221720 door.n.01 door 4 +232 light switch light switch 61 38 7 light switch otherstructure Objects n04372370 switch.n.01 misc 40 +134 coffee maker coffee maker 61 40 7 otherprop Objects n03063338 coffee_maker.n.01 appliances 37 +51 tv stand tv stand 61 39 6 tv stand otherfurniture Furniture tv_stand n03290653 entertainment_center.n.01 furniture 36 +250 decoration decoration 60 40 7 otherprop Objects n03169390 decoration.n.01 misc 40 +1168 ceiling light ceiling light 59 38 7 light otherstructure Objects n03665366 light.n.02 lighting 28 +342 range hood range hood 59 38 7 range hood otherstructure Objects range_hood n04053677 range_hood.n.01 misc 40 +89 blackboard blackboard 58 38 7 blackboard otherstructure Objects n02846511 blackboard.n.01 board_panel 35 +103 clock clock 58 40 7 clock otherprop Objects clock 3046257 n03046257 clock.n.01 objects 39 +99 wardrobe closet wardrobe 54 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +95 rail rail 53 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +154 bulletin board bulletin board 53 38 7 board otherstructure Objects n03211616 display_panel.n.01 board_panel 35 +140 mat mat 52 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1169 trash bin trash bin 52 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +193 ledge ledge 51 38 7 otherstructure Objects n09337253 ledge.n.01 misc 40 +116 seat seat 49 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +202 mouse mouse 49 40 7 mouse otherprop Objects n03793489 mouse.n.04 objects 39 +73 basket basket 48 40 7 basket otherprop Objects basket 2801938 n02801938 basket.n.01 objects 39 +78 shower shower 48 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +1170 dumbbell dumbbell 48 40 7 otherprop Objects n03255030 dumbbell.n.01 objects 39 +79 paper paper 46 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +80 person person 46 31 7 person person Objects person n05217688 person.n.02 misc 40 +141 windowsill windowsill 45 38 7 otherstructure Objects n04590263 windowsill.n.01 window 9 +57 closet closet 45 39 6 wardrobe otherfurniture Furniture wardrobe misc 40 +102 bucket bucket 45 40 7 bucket otherprop Objects n02909870 bucket.n.01 misc 40 +261 sign sign 44 40 7 sign otherprop Objects n04217882 signboard.n.01 objects 39 +118 speaker speaker 43 40 7 speaker otherprop Objects speaker 3691459 n03691459 loudspeaker.n.01 objects 39 +136 dishwasher dishwasher 43 38 7 dishwasher otherstructure Objects dishwasher 3207941 n03207941 dishwasher.n.01 appliances 37 +98 container container 43 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1171 stair rail stair rail 42 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +170 shower curtain rod shower curtain rod 42 40 7 otherprop Objects curtain 12 +1172 tube tube 41 40 7 otherprop Objects misc 40 +1173 bathroom cabinet bathroom cabinet 39 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +79 papers paper 39 26 7 paper paper Objects n14974264 paper.n.01 objects 39 +221 storage container storage container 39 40 7 container otherprop Objects objects 39 +570 paper bag paper bag 39 37 7 bag bag Objects n04122825 sack.n.01 objects 39 +138 paper towel roll paper towel roll 39 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +168 ball ball 39 40 7 ball otherprop Objects objects 39 +276 closet doors closet door 38 8 12 door door Wall door n03221720 door.n.01 door 4 +106 laundry basket laundry basket 37 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +214 cart cart 37 40 7 cart otherprop Objects n03484083 handcart.n.01 shelving 31 +276 closet door closet door 35 8 12 door door Wall door n03221720 door.n.01 door 4 +323 dish rack dish rack 35 40 7 dish rack otherprop Objects n03207630 dish_rack.n.01 objects 39 +58 stairs stairs 35 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +86 blinds blinds 35 13 13 blinds blinds Window n02851099 blind.n.03 blinds 32 +2 stack of chairs chair 35 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +399 purse purse 34 40 7 purse otherprop Objects n02774152 bag.n.04 objects 39 +121 bicycle bicycle 33 40 7 bicycle otherprop Objects bicycle 2834778 n02834778 bicycle.n.01 objects 39 +185 tray tray 32 40 7 tray otherprop Objects n04476259 tray.n.01 objects 39 +300 plunger plunger 30 40 7 otherprop Objects n03970156 plunger.n.03 objects 39 +180 paper cutter paper cutter 30 40 7 paper cutter otherprop Objects n03886940 paper_cutter.n.01 objects 39 +163 toilet paper dispenser toilet paper dispenser 29 40 7 otherprop Objects objects 39 +26 boxes box 29 29 7 box box Objects n02883344 box.n.01 objects 39 +66 bin bin 28 40 7 bin otherprop Objects n02839910 bin.n.01 objects 39 +208 toilet seat cover dispenser toilet seat cover dispenser 28 40 7 otherprop Objects objects 39 +112 guitar guitar 28 40 7 guitar otherprop Objects guitar guitar 3467517 n03467517 guitar.n.01 objects 39 +540 mailboxes mailbox 28 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +395 handicap bar handicap bar 27 38 7 bar otherstructure Objects misc 40 +166 fire extinguisher fire extinguisher 27 40 7 fire extinguisher otherprop Objects n03345837 fire_extinguisher.n.01 misc 40 +122 ladder ladder 27 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 stairs 16 +120 column column 26 38 7 column otherstructure Objects n03074380 column.n.06 column 24 +107 pipe pipe 25 40 7 pipe otherprop Objects n03944672 pipe.n.02 misc 40 +283 vacuum cleaner vacuum cleaner 25 40 7 otherprop Objects n04517823 vacuum.n.04 objects 39 +88 plate plate 24 40 7 plate otherprop Objects n03959485 plate.n.04 objects 39 +90 piano piano 24 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +177 water cooler water cooler 24 39 6 water cooler otherfurniture Furniture n04559166 water_cooler.n.01 misc 40 +1174 cd case cd case 24 40 7 otherprop Objects objects 39 +562 bowl bowl 24 40 7 bowl otherprop Objects bowl bowl 2880940 n02880940 bowl.n.03 objects 39 +1175 closet rod closet rod 24 40 7 otherprop Objects n04100174 rod.n.01 misc 40 +1156 bathroom counter bathroom counter 24 12 6 counter counter Furniture table table table 4379243 n03116530 counter.n.01 counter 26 +84 oven oven 23 38 7 oven otherstructure Objects n03862676 oven.n.01 appliances 37 +104 stand stand 23 39 6 stand otherfurniture Furniture table table table 4379243 n04301000 stand.n.04 table 5 +229 scale scale 23 40 7 scale otherprop Objects n04141975 scale.n.07 objects 39 +70 washing machine washing machine 23 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +325 broom broom 22 40 7 broom otherprop Objects n02906734 broom.n.01 objects 39 +169 hat hat 22 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +128 shower wall shower wall 22 1 12 wall wall Wall n04208936 shower.n.01 wall 1 +331 guitar case guitar case 21 40 7 guitar case otherprop Objects objects 39 +87 rack rack 21 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +488 water pitcher water pitcher 21 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +776 laundry detergent laundry detergent 21 40 7 otherprop Objects objects 39 +370 hair dryer hair dryer 21 40 7 hair dryer otherprop Objects n03483316 hand_blower.n.01 objects 39 +191 pillar pillar 21 38 7 column otherstructure Objects n03073977 column.n.07 column 24 +748 divider divider 20 40 7 otherprop Objects wall 1 +242 power outlet power outlet 19 40 7 otherprop Objects misc 40 +45 dining table dining table 19 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +417 shower floor shower floor 19 2 5 floor floor Floor n04208936 shower.n.01 floor 2 +70 washing machines washing machine 19 39 6 washing machine otherfurniture Furniture washing_machine 4554684 n04554684 washer.n.03 appliances 37 +188 shower door shower door 19 8 12 door door Wall door n04208936 shower.n.01 door 4 +1176 coffee kettle coffee kettle 18 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1177 wardrobe cabinet wardrobe 18 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1178 structure structure 18 38 7 otherstructure Objects misc 40 +18 bookshelves bookshelf 17 10 6 bookshelf bookshelf Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +110 clothes dryer clothes dryer 17 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +148 toaster toaster 17 40 7 toaster otherprop Objects n04442312 toaster.n.02 appliances 37 +63 shoe shoe 17 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +155 ironing board ironing board 16 39 6 ironing board otherfurniture Furniture n03586090 ironing_board.n.01 objects 39 +572 alarm clock alarm clock 16 40 7 alarm clock otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +1179 shower head shower head 15 38 7 otherstructure Objects shower 23 +28 lamp base lamp 15 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +392 water bottle water bottle 15 40 7 bottle otherprop Objects bottle bottle 2876657 n04557648 water_bottle.n.01 objects 39 +1180 keyboard piano keyboard piano 15 39 6 piano otherfurniture Furniture piano piano 3928116 n03928116 piano.n.01 furniture 36 +609 projector screen projector screen 15 38 7 projector screen otherstructure Objects misc 40 +1181 case of water bottles case of water bottles 15 40 7 otherprop Objects objects 39 +195 toaster oven toaster oven 14 40 7 toaster oven otherprop Objects n04442441 toaster_oven.n.01 appliances 37 +581 music stand music stand 14 39 6 music stand otherfurniture Furniture n03801760 music_stand.n.01 furniture 36 +58 staircase stairs 14 38 7 stairs otherstructure Objects n04298308 stairway.n.01 stairs 16 +1182 coat rack coat rack 14 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 3 +1183 storage organizer storage organizer 14 40 7 otherprop Objects shelving 3 +139 machine machine 14 40 7 machine otherprop Objects n03699975 machine.n.01 appliances 37 +1184 folded chair folded chair 14 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1185 fire alarm fire alarm 14 40 7 otherprop Objects n03343737 fire_alarm.n.02 misc 40 +156 fireplace fireplace 13 38 7 fireplace otherstructure Objects n03346455 fireplace.n.01 fireplace 27 +408 vent vent 13 40 7 otherprop Objects n04526241 vent.n.01 misc 40 +213 furniture furniture 13 39 6 furniture otherfurniture Furniture n03405725 furniture.n.01 furniture 36 +1186 power strip power strip 13 40 7 otherprop Objects objects 39 +1187 calendar calendar 13 40 7 otherprop Objects objects 39 +1188 poster poster 13 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +115 toilet paper holder toilet paper holder 13 40 7 toilet paper holder otherprop Objects objects 39 +1189 potted plant potted plant 12 40 7 plant otherprop Objects plant n00017222 plant.n.02 plant 14 +304 stuffed animal stuffed animal 12 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +1190 luggage luggage 12 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +21 curtains curtain 12 16 13 curtain curtain Window curtain n03151077 curtain.n.01 curtain 12 +312 headphones headphones 12 40 7 otherprop Objects n03261776 earphone.n.01 objects 39 +233 crate crate 12 39 6 crate otherfurniture Furniture n03127925 crate.n.01 objects 39 +286 candle candle 12 40 7 candle otherprop Objects lamp n02948072 candle.n.01 objects 39 +264 projector projector 12 40 7 projector otherprop Objects n04009552 projector.n.02 objects 39 +110 clothes dryers clothes dryer 12 39 6 otherfurniture Furniture n03251766 dryer.n.01 appliances 37 +1191 mattress mattress 12 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +356 dustpan dustpan 12 40 7 otherprop Objects n03259009 dustpan.n.02 objects 39 +25 drawer drawer 11 39 6 drawer otherfurniture Furniture n03233905 drawer.n.01 furniture 36 +750 rod rod 11 40 7 otherprop Objects pistol 3948459 n03427202 gat.n.01 misc 40 +269 globe globe 11 40 7 globe otherprop Objects objects 39 +307 footrest footrest 11 39 6 foot rest otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +410 piano bench piano bench 11 39 6 piano bench otherfurniture Furniture bench bench 2828884 n02828884 bench.n.01 seating 34 +730 breakfast bar breakfast bar 11 38 7 bar otherstructure Objects counter 26 +216 step stool step stool 11 40 7 step stool otherprop Objects stool n04315713 step_stool.n.01 stool 19 +1192 hand rail hand rail 11 38 7 railing otherstructure Objects railing 30 +119 vending machine vending machine 11 40 7 machine otherprop Objects n04525305 vending_machine.n.01 appliances 37 +682 ceiling fan ceiling fan 11 40 7 fan otherprop Objects n03320046 fan.n.01 misc 40 +434 swiffer swiffer 11 40 7 otherprop Objects objects 39 +126 foosball table foosball table 11 39 6 foosball table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +919 jar jar 11 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +85 footstool footstool 11 39 6 ottoman otherfurniture Furniture stool n03380724 footstool.n.01 stool 19 +1193 folded table folded table 10 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +108 round table round table 10 7 10 table table Table table table table 4379243 n04114554 round_table.n.02 table 5 +135 hamper hamper 10 40 7 basket otherprop Objects basket 2801938 n03482405 hamper.n.02 objects 39 +1194 poster tube poster tube 10 40 7 otherprop Objects objects 39 +432 case case 10 40 7 case otherprop Objects objects 39 +53 carpet carpet 10 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +1195 thermostat thermostat 10 40 7 otherprop Objects n04422875 thermostat.n.01 misc 40 +111 coat coat 10 40 7 jacket otherprop Objects n03057021 coat.n.01 clothes 38 +305 water fountain water fountain 10 38 7 water fountain otherstructure Objects n03241335 drinking_fountain.n.01 misc 40 +1125 smoke detector smoke detector 10 40 7 otherprop Objects misc 40 +13 pillows pillow 9 18 7 pillow pillow Objects pillow 3938244 n03938244 pillow.n.01 cushion 8 +1196 flip flops flip flops 9 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1197 cloth cloth 9 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1198 banner banner 9 40 7 otherprop Objects n02788021 banner.n.01 misc 40 +1199 clothes hanger clothes hanger 9 40 7 otherprop Objects n03057920 coat_hanger.n.01 objects 39 +1200 whiteboard eraser whiteboard eraser 9 40 7 otherprop Objects objects 39 +378 iron iron 9 40 7 otherprop Objects n03584829 iron.n.04 objects 39 +591 instrument case instrument case 9 40 7 case otherprop Objects objects 39 +49 toilet paper rolls toilet paper 9 40 7 toilet paper otherprop Objects n15075141 toilet_tissue.n.01 objects 39 +92 soap soap 9 40 7 soap otherprop Objects n04253437 soap.n.01 objects 39 +1098 block block 9 40 7 otherprop Objects misc 40 +291 wall hanging wall hanging 8 40 7 otherprop Objects n03491178 hanging.n.01 picture 6 +1063 kitchen island kitchen island 8 38 7 kitchen island otherstructure Objects n03620600 kitchen_island.n.01 counter 26 +107 pipes pipe 8 38 7 otherstructure Objects misc 40 +1135 toothbrush toothbrush 8 40 7 toothbrush otherprop Objects n04453156 toothbrush.n.01 objects 39 +189 shirt shirt 8 40 7 otherprop Objects n04197391 shirt.n.01 clothes 38 +245 cutting board cutting board 8 40 7 cutting board otherprop Objects n03025513 chopping_board.n.01 objects 39 +194 vase vase 8 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1201 shower control valve shower control valve 8 38 7 otherstructure Objects n04208936 shower.n.01 shower 23 +386 exercise machine exercise machine 8 40 7 machine otherprop Objects gym_equipment 33 +1202 compost bin compost bin 8 39 6 garbage bin otherfurniture Furniture trash_bin 2747177 n02747177 ashcan.n.01 objects 39 +857 shorts shorts 8 40 7 shorts otherprop Objects clothes 38 +452 tire tire 8 40 7 otherprop Objects n04440749 tire.n.01 objects 39 +1203 teddy bear teddy bear 7 40 7 stuffed animal otherprop Objects n04399382 teddy.n.01 objects 39 +346 bathrobe bathrobe 7 40 7 otherprop Objects n02807616 bathrobe.n.01 clothes 38 +152 handrail handrail 7 38 7 railing otherstructure Objects n02788148 bannister.n.02 railing 30 +83 faucet faucet 7 40 7 faucet otherprop Objects faucet 3325088 n03325088 faucet.n.01 misc 40 +1204 pantry wall pantry wall 7 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +726 thermos thermos 7 40 7 flask otherprop Objects bottle bottle 2876657 n04422727 thermos.n.01 objects 39 +61 rug rug 7 40 7 rug otherprop Objects n04118021 rug.n.01 floor 2 +39 couch cushions cushion 7 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1117 tripod tripod 7 39 6 stand otherfurniture Furniture n04485082 tripod.n.01 objects 39 +540 mailbox mailbox 7 29 7 box box Objects mailbox 3710193 n03710193 mailbox.n.01 misc 40 +1205 tupperware tupperware 7 40 7 otherprop Objects objects 39 +415 shoe rack shoe rack 7 40 7 shoe rack otherprop Objects shelving 31 +31 towels towel 6 27 7 towel towel Objects n04459362 towel.n.01 towel 20 +1206 beer bottles beer bottle 6 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +153 treadmill treadmill 6 39 6 treadmill otherfurniture Furniture n04477387 treadmill.n.01 gym_equipment 33 +1207 salt salt 6 40 7 otherprop Objects objects 39 +129 chest chest 6 39 6 chest otherfurniture Furniture dresser dresser chest_of_drawers 13 +220 dispenser dispenser 6 40 7 otherprop Objects n03210683 dispenser.n.01 objects 39 +1208 mirror doors mirror door 6 8 12 door door Wall door n03221720 door.n.01 door 4 +231 remote remote 6 40 7 otherprop Objects remote_control 4074963 n04074963 remote_control.n.01 objects 39 +1209 folded ladder folded ladder 6 39 6 ladder otherfurniture Furniture stairs n03632277 ladder.n.01 misc 40 +39 cushion cushion 6 18 7 pillow pillow Objects n03151500 cushion.n.03 cushion 8 +1210 carton carton 6 40 7 otherprop Objects objects 39 +117 step step 6 38 7 otherstructure Objects n04314914 step.n.04 misc 40 +822 drying rack drying rack 6 39 6 drying rack otherfurniture Furniture shelving 31 +238 slippers slipper 6 40 7 shoe otherprop Objects n04241394 slipper.n.01 clothes 38 +143 pool table pool table 6 39 6 pool table otherfurniture Furniture table table table 4379243 n03982430 pool_table.n.01 table 5 +1211 soda stream soda stream 6 40 7 otherprop Objects objects 39 +228 toilet brush toilet brush 6 40 7 toilet brush otherprop Objects objects 39 +494 loft bed loft bed 6 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +226 cooking pot cooking pot 6 40 7 pot otherprop Objects objects 39 +91 heater heater 6 39 6 heater otherfurniture Furniture n03508101 heater.n.01 misc 40 +1072 messenger bag messenger bag 6 37 7 bag bag Objects objects 39 +435 stapler stapler 6 40 7 stapler otherprop Objects n04303497 stapler.n.01 objects 39 +1165 closet walls closet wall 5 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +345 scanner scanner 5 40 7 otherprop Objects appliances 37 +893 elliptical machine elliptical machine 5 40 7 machine otherprop Objects gym_equipment 33 +621 kettle kettle 5 40 7 pot otherprop Objects n03612814 kettle.n.01 objects 39 +1212 metronome metronome 5 40 7 otherprop Objects n03757604 metronome.n.01 objects 39 +297 dumbell dumbell 5 40 7 otherprop Objects objects 39 +1213 music book music book 5 23 2 book books Books n02870526 book.n.11 objects 39 +1214 rice cooker rice cooker 5 40 7 otherprop Objects objects 39 +1215 dart board dart board 5 38 7 board otherstructure Objects n03162940 dartboard.n.01 objects 39 +529 sewing machine sewing machine 5 40 7 sewing machine otherprop Objects n04179913 sewing_machine.n.01 objects 39 +1216 grab bar grab bar 5 38 7 railing otherstructure Objects railing 30 +1217 flowerpot flowerpot 5 40 7 vase otherprop Objects vase jar 3593526 n04522168 vase.n.01 objects 39 +1218 painting painting 5 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1219 railing railing 5 38 7 railing otherstructure Objects n04047401 railing.n.01 railing 30 +1220 stair stair 5 38 7 stairs otherstructure Objects stairs n04314914 step.n.04 stairs 16 +525 toolbox toolbox 5 39 6 chest otherfurniture Furniture n04452615 toolbox.n.01 objects 39 +204 nerf gun nerf gun 5 40 7 otherprop Objects objects 39 +693 binders binder 5 40 7 binder otherprop Objects objects 39 +179 desk lamp desk lamp 5 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1221 quadcopter quadcopter 5 40 7 otherprop Objects objects 39 +1222 pitcher pitcher 5 40 7 pitcher otherprop Objects n03950228 pitcher.n.02 objects 39 +1223 hanging hanging 5 40 7 otherprop Objects misc 40 +1224 mail mail 5 40 7 otherprop Objects misc 40 +1225 closet ceiling closet ceiling 5 22 3 ceiling ceiling Ceiling n02990373 ceiling.n.01 ceiling 17 +1226 hoverboard hoverboard 5 40 7 otherprop Objects objects 39 +1227 beanbag chair beanbag chair 5 39 6 bean bag otherfurniture Furniture n02816656 beanbag.n.01 chair 3 +571 water heater water heater 5 40 7 water heater otherprop Objects n04560113 water_heater.n.01 misc 40 +1228 spray bottle spray bottle 5 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +556 rope rope 5 40 7 rope otherprop Objects n04108268 rope.n.01 objects 39 +280 plastic container plastic container 5 40 7 container otherprop Objects objects 39 +1229 soap bottle soap bottle 5 40 7 soap otherprop Objects objects 39 +1230 ikea bag ikea bag 4 37 7 bag bag Objects 2773838 n02773838 bag.n.06 objects 39 +1231 sleeping bag sleeping bag 4 40 7 otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +1232 duffel bag duffel bag 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +746 frying pan frying pan 4 40 7 frying pan otherprop Objects n03400231 frying_pan.n.01 objects 39 +1233 oven mitt oven mitt 4 40 7 otherprop Objects objects 39 +1234 pot pot 4 40 7 pot otherprop Objects n04235860 sleeping_bag.n.01 objects 39 +144 hand dryer hand dryer 4 40 7 otherprop Objects objects 39 +282 dollhouse dollhouse 4 39 6 doll house otherfurniture Furniture n03219483 dollhouse.n.01 objects 39 +167 shampoo bottle shampoo bottle 4 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1235 hair brush hair brush 4 40 7 otherprop Objects n02908217 brush.n.02 objects 39 +1236 tennis racket tennis racket 4 40 7 otherprop Objects n04409806 tennis_racket.n.01 objects 39 +1237 display case display case 4 40 7 case otherprop Objects objects 39 +234 ping pong table ping pong table 4 39 6 ping pong table otherfurniture Furniture table table table 4379243 n04379243 table.n.02 table 5 +563 boiler boiler 4 40 7 otherprop Objects misc 40 +1238 bag of coffee beans bag of coffee beans 4 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +1239 bananas banana 4 40 7 otherprop Objects n00021265 food.n.01 objects 39 +1240 carseat carseat 4 40 7 otherprop Objects misc 40 +366 helmet helmet 4 40 7 otherprop Objects helmet 3513137 n03513137 helmet.n.02 clothes 38 +816 umbrella umbrella 4 40 7 umbrella otherprop Objects n04507155 umbrella.n.01 objects 39 +1241 coffee box coffee box 4 40 7 otherprop Objects objects 39 +719 envelope envelope 4 40 7 envelope otherprop Objects n03291819 envelope.n.01 objects 39 +284 wet floor sign wet floor sign 4 40 7 sign otherprop Objects misc 40 +1242 clothing rack clothing rack 4 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +247 controller controller 4 40 7 otherprop Objects n03096960 control.n.09 objects 39 +1243 bath walls bathroom wall 4 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +1244 podium podium 4 39 6 otherfurniture Furniture n03159640 dais.n.01 furniture 36 +1245 storage box storage box 4 29 7 box box Objects n02883344 box.n.01 objects 39 +1246 dolly dolly 4 40 7 otherprop Objects misc 40 +1247 shampoo shampoo 3 40 7 otherprop Objects n04183516 shampoo.n.01 objects 39 +592 paper tray paper tray 3 40 7 paper tray otherprop Objects objects 39 +385 cabinet door cabinet door 3 8 12 door door Wall door door 4 +1248 changing station changing station 3 40 7 otherprop Objects misc 40 +1249 poster printer poster printer 3 40 7 printer otherprop Objects printer 4004475 n04004475 printer.n.03 appliances 37 +133 screen screen 3 40 7 otherprop Objects n03151077 curtain.n.01 curtain 12 +301 soap bar soap bar 3 38 7 bar otherstructure Objects objects 39 +1250 crutches crutches 3 40 7 otherprop Objects n03141823 crutch.n.01 objects 39 +379 studio light studio light 3 38 7 light otherstructure Objects lighting 28 +130 stack of cups cup 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +1251 toilet flush button toilet flush button 3 40 7 otherprop Objects objects 39 +450 trunk trunk 3 40 7 otherprop Objects misc 40 +1252 grocery bag grocery bag 3 37 7 bag bag Objects suitcase 2773838 n03461288 grocery_bag.n.01 objects 39 +316 plastic bin plastic bin 3 40 7 bin otherprop Objects objects 39 +1253 pizza box pizza box 3 29 7 box box Objects objects 39 +385 cabinet doors cabinet door 3 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 door 4 +1254 legs legs 3 31 7 person person Objects person n05217688 person.n.02 misc 40 +461 car car 3 40 7 car otherprop Objects car car 2958343 n02958343 car.n.01 misc 40 +1255 shaving cream shaving cream 3 40 7 otherprop Objects n04186051 shaving_cream.n.01 objects 39 +1256 luggage stand luggage stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +599 shredder shredder 3 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +281 statue statue 3 40 7 sculpture otherprop Objects n04306847 statue.n.01 misc 40 +1257 urinal urinal 3 33 7 toilet toilet Objects toilet toilet n04515991 urinal.n.01 toilet 18 +1258 hose hose 3 40 7 otherprop Objects n03539875 hose.n.03 misc 40 +1259 bike pump bike pump 3 40 7 otherprop Objects objects 39 +319 coatrack coatrack 3 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1260 bear bear 3 40 7 otherprop Objects objects 39 +28 wall lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +1261 humidifier humidifier 3 40 7 otherprop Objects objects 39 +546 toothpaste toothpaste 3 40 7 toothpaste otherprop Objects objects 39 +1262 mouthwash bottle mouthwash bottle 3 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1263 poster cutter poster cutter 3 40 7 otherprop Objects objects 39 +1264 golf bag golf bag 3 37 7 bag bag Objects suitcase 2773838 n03445617 golf_bag.n.01 objects 39 +1265 food container food container 3 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1266 camera camera 3 40 7 otherprop Objects objects 39 +28 table lamp lamp 3 35 7 lamp lamp Objects lamp lamp 3636649 n04380533 table_lamp.n.01 lighting 28 +1267 yoga mat yoga mat 3 20 5 floor mat floor mat Floor n03727837 mat.n.01 floor 2 +1268 card card 3 40 7 otherprop Objects objects 39 +1269 mug mug 3 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +188 shower doors shower door 3 38 7 otherstructure Objects n04208936 shower.n.01 door 4 +689 cardboard cardboard 3 40 7 otherprop Objects objects 39 +1270 rack stand rack stand 3 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +1271 boxes of paper boxes of paper 3 29 7 box box Objects n02883344 box.n.01 objects 39 +1272 flag flag 3 40 7 otherprop Objects misc 40 +354 futon futon 3 39 6 mattress otherfurniture Furniture n03408444 futon.n.01 sofa 10 +339 magazine magazine 3 40 7 magazine otherprop Objects n06595351 magazine.n.01 objects 39 +1009 exit sign exit sign 3 40 7 exit sign otherprop Objects misc 40 +1273 rolled poster rolled poster 3 40 7 otherprop Objects objects 39 +1274 wheel wheel 3 40 7 otherprop Objects objects 39 +15 pictures picture 3 11 8 picture picture Picture n03931044 picture.n.01 picture 6 +1275 blackboard eraser blackboard eraser 3 40 7 eraser otherprop Objects n03294833 eraser.n.01 objects 39 +361 organizer organizer 3 40 7 otherprop Objects n03918737 personal_digital_assistant.n.01 objects 39 +1276 doll doll 3 40 7 toy otherprop Objects n03219135 doll.n.01 objects 39 +326 book rack book rack 3 39 6 bookrack otherfurniture Furniture objects 39 +1277 laundry bag laundry bag 3 40 7 laundry basket otherprop Objects basket 2801938 n03050864 clothes_hamper.n.01 objects 39 +1278 sponge sponge 3 40 7 otherprop Objects n01906749 sponge.n.04 objects 39 +116 seating seat 3 39 6 furniture otherfurniture Furniture n04161981 seat.n.03 furniture 36 +1184 folded chairs folded chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1279 lotion bottle lotion bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +212 can can 2 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1280 lunch box lunch box 2 40 7 otherprop Objects objects 39 +1281 food display food display 2 40 7 otherprop Objects misc 40 +794 storage shelf storage shelf 2 40 7 otherprop Objects shelving 31 +1282 sliding wood door sliding wood door 2 40 7 otherprop Objects door 4 +955 pants pants 2 40 7 otherprop Objects n04489008 trouser.n.01 clothes 38 +387 wood wood 2 40 7 otherprop Objects misc 40 +69 boards board 2 38 7 board otherstructure Objects board_panel 35 +65 bottles bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +523 washcloth washcloth 2 40 7 otherprop Objects n04554523 washcloth.n.01 towel 20 +389 workbench workbench 2 39 6 bench otherfurniture Furniture bench table 4379243 n04600486 workbench.n.01 table 5 +29 open kitchen cabinet kitchen cabinet 2 3 6 cabinet cabinet Furniture n02933112 cabinet.n.01 cabinet 7 +1283 organizer shelf organizer shelf 2 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +146 frame frame 2 38 7 otherstructure Objects misc 40 +130 cups cup 2 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 +372 exercise ball exercise ball 2 40 7 ball otherprop Objects n04285146 sports_equipment.n.01 gym_equipment 33 +289 easel easel 2 39 6 stand otherfurniture Furniture n03262809 easel.n.01 furniture 36 +440 garbage bag garbage bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +321 roomba roomba 2 40 7 otherprop Objects objects 39 +976 garage door garage door 2 38 7 garage door otherstructure Objects door door 4 +1256 luggage rack luggage stand 2 39 6 stand otherfurniture Furniture n04038440 shelving 31 +1284 bike lock bike lock 2 40 7 otherprop Objects objects 39 +1285 briefcase briefcase 2 40 7 otherprop Objects n02900705 briefcase.n.01 objects 39 +357 hand towel hand towel 2 27 7 towel towel Objects n03490006 hand_towel.n.01 towel 20 +1286 bath products bath product 2 40 7 otherprop Objects objects 39 +1287 star star 2 40 7 otherprop Objects n09444783 star.n.03 misc 40 +365 map map 2 40 7 map otherprop Objects n03720163 map.n.01 misc 40 +1288 coffee bean bag coffee bean bag 2 37 7 bag bag Objects suitcase 2773838 n02773838 bag.n.06 objects 39 +81 headboard headboard 2 39 6 headboard otherfurniture Furniture n03502200 headboard.n.01 bed 11 +1289 ipad ipad 2 40 7 otherprop Objects objects 39 +1290 display rack display rack 2 39 6 stand otherfurniture Furniture n04038440 rack.n.05 shelving 31 +948 traffic cone traffic cone 2 40 7 cone otherprop Objects cone objects 39 +174 toiletry toiletry 2 40 7 otherprop Objects n04447443 toiletry.n.01 objects 39 +1028 canopy canopy 2 40 7 otherprop Objects misc 40 +1291 massage chair massage chair 2 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1292 paper organizer paper organizer 2 40 7 otherprop Objects objects 39 +1005 barricade barricade 2 40 7 otherprop Objects misc 40 +235 platform platform 2 38 7 otherstructure Objects misc 40 +1293 cap cap 2 40 7 hat otherprop Objects n03497657 hat.n.01 clothes 38 +1294 dumbbell plates dumbbell plates 2 40 7 otherprop Objects objects 39 +1295 elevator elevator 2 38 7 otherstructure Objects misc 40 +1296 cooking pan cooking pan 2 40 7 pan otherprop Objects n03880531 pan.n.01 objects 39 +1297 trash bag trash bag 2 37 7 bag bag Objects objects 39 +1298 santa santa 2 40 7 otherprop Objects misc 40 +1299 jewelry box jewelry box 2 29 7 box box Objects n02883344 box.n.01 objects 39 +1300 boat boat 2 40 7 otherprop Objects misc 40 +1301 sock sock 2 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1051 kinect kinect 2 40 7 kinect otherprop Objects objects 39 +566 crib crib 2 39 6 crib otherfurniture Furniture furniture 36 +1302 plastic storage bin plastic storage bin 2 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1062 cooler cooler 2 24 6 refridgerator refridgerator Furniture n03102654 cooler.n.01 appliances 37 +1303 kitchen apron kitchen apron 2 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +1304 dishwashing soap bottle dishwashing soap bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1305 xbox controller xbox controller 2 40 7 otherprop Objects objects 39 +1306 banana holder banana holder 2 40 7 otherprop Objects objects 39 +298 ping pong paddle ping pong paddle 2 40 7 otherprop Objects table 5 +1307 airplane airplane 2 40 7 otherprop Objects misc 40 +1308 conditioner bottle conditioner bottle 2 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +1309 tea kettle tea kettle 2 40 7 tea kettle otherprop Objects n04397768 teakettle.n.01 objects 39 +43 bedframe bedframe 2 39 6 otherfurniture Furniture n02822579 bedstead.n.01 bed 11 +1310 wood beam wood beam 2 38 7 otherstructure Objects beam 29 +593 toilet paper package toilet paper package 2 40 7 otherprop Objects objects 39 +1311 wall mounted coat rack wall mounted coat rack 2 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +1312 film light film light 2 40 7 otherprop Objects lighting 28 +749 ceiling lamp ceiling lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +623 chain chain 1 40 7 otherprop Objects chair 3 +1313 sofa sofa 1 6 9 sofa sofa Sofa sofa sofa sofa 4256520 n04256520 sofa.n.01 sofa 10 +99 closet wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +265 sweater sweater 1 40 7 otherprop Objects n04370048 sweater.n.01 clothes 38 +1314 kitchen mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +99 wardrobe wardrobe 1 39 6 wardrobe otherfurniture Furniture wardrobe n04550184 wardrobe.n.01 furniture 36 +1315 water softener water softener 1 40 7 otherprop Objects misc 40 +448 banister banister 1 38 7 banister otherstructure Objects n02788148 bannister.n.02 railing 30 +257 trolley trolley 1 40 7 trolley otherprop Objects n04335435 streetcar.n.01 misc 40 +1316 pantry shelf pantry shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +786 sofa bed sofa bed 1 4 1 bed bed Bed bed bed bed 2818832 n02818832 bed.n.01 bed 11 +801 loofa loofa 1 40 7 otherprop Objects objects 39 +972 shower faucet handle shower faucet handle 1 40 7 handle otherprop Objects shower 23 +1317 toy piano toy piano 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1318 fish fish 1 40 7 otherprop Objects n02512053 fish.n.01 objects 39 +75 file cabinets file cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n03337140 file.n.03 cabinet 7 +657 cat litter box cat litter box 1 29 7 box box Objects objects 39 +561 electric panel electric panel 1 40 7 otherprop Objects misc 40 +93 suitcases suitcase 1 40 7 luggage otherprop Objects n02774630 baggage.n.01 objects 39 +513 curtain rod curtain rod 1 38 7 curtain rod otherstructure Objects curtain 12 +411 bunk bed bunk bed 1 39 6 bunk bed otherfurniture Furniture bed bed bed 2818832 n02920259 bunk_bed.n.01 bed 11 +1122 chandelier chandelier 1 38 7 chandelier otherstructure Objects n03005285 chandelier.n.01 lighting 28 +922 tape tape 1 40 7 tape otherprop Objects objects 39 +88 plates plate 1 40 7 otherprop Objects n03959485 plate.n.04 objects 39 +518 alarm alarm 1 40 7 alarm otherprop Objects clock 3046257 n02694662 alarm_clock.n.01 objects 39 +814 fire hose fire hose 1 40 7 otherprop Objects n03346004 fire_hose.n.01 misc 40 +1319 toy dinosaur toy dinosaur 1 40 7 toy otherprop Objects n03964744 plaything.n.01 objects 39 +1320 cone cone 1 40 7 otherprop Objects objects 39 +649 glass doors glass door 1 8 12 door door Wall door n03221720 door.n.01 door 4 +607 hatrack hatrack 1 40 7 otherprop Objects n03059103 coatrack.n.01 shelving 31 +819 subwoofer subwoofer 1 40 7 speaker otherprop Objects speaker 3691459 n04349401 subwoofer.n.01 objects 39 +1321 fire sprinkler fire sprinkler 1 40 7 otherprop Objects misc 40 +1322 trash cabinet trash cabinet 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +1204 pantry walls pantry wall 1 1 12 wall wall Wall n04546855 wall.n.01 wall 1 +227 photo photo 1 40 7 photo otherprop Objects n03925226 photograph.n.01 picture 6 +817 barrier barrier 1 40 7 otherprop Objects n02796623 barrier.n.01 misc 40 +130 stacks of cups cup 1 40 7 otherprop Objects n03147509 cup.n.01 objects 39 +712 beachball beachball 1 40 7 ball otherprop Objects n02814224 beach_ball.n.01 objects 39 +1323 folded boxes folded boxes 1 40 7 otherprop Objects objects 39 +1324 contact lens solution bottle contact lens solution bottle 1 40 7 bottle otherprop Objects bottle bottle 2876657 n02876657 bottle.n.01 objects 39 +673 covered box covered box 1 29 7 box box Objects objects 39 +459 folder folder 1 40 7 folder otherprop Objects n03376279 folder.n.02 objects 39 +643 mail trays mail tray 1 40 7 mail tray otherprop Objects objects 39 +238 slipper slipper 1 40 7 otherprop Objects n04241394 slipper.n.01 clothes 38 +765 magazine rack magazine rack 1 39 6 stand otherfurniture Furniture n03704549 magazine_rack.n.01 shelving 31 +1008 sticker sticker 1 40 7 sticker otherprop Objects n07272545 gummed_label.n.01 objects 39 +225 lotion lotion 1 40 7 otherprop Objects n03690938 lotion.n.01 objects 39 +1083 buddha buddha 1 40 7 otherprop Objects objects 39 +813 file organizer file organizer 1 40 7 otherprop Objects objects 39 +138 paper towel rolls paper towel roll 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +1145 night lamp night lamp 1 35 7 lamp lamp Objects lamp lamp 3636649 n03636649 lamp.n.02 lighting 28 +796 fuse box fuse box 1 40 7 otherprop Objects misc 40 +1325 knife block knife block 1 40 7 otherprop Objects objects 39 +363 furnace furnace 1 39 6 furnace otherfurniture Furniture n03404449 furnace.n.01 +1174 cd cases cd case 1 40 7 otherprop Objects objects 39 +38 stools stool 1 40 7 stool otherprop Objects stool n04326896 stool.n.01 stool 19 +1326 hand sanitzer dispenser hand sanitzer dispenser 1 40 7 otherprop Objects n04254120 soap_dispenser.n.01 objects 39 +997 teapot teapot 1 40 7 tea pot otherprop Objects n04398044 teapot.n.01 objects 39 +1327 pen holder pen holder 1 40 7 otherprop Objects objects 39 +1328 tray rack tray rack 1 40 7 otherprop Objects objects 39 +1329 wig wig 1 40 7 otherprop Objects n04584207 wig.n.01 objects 39 +182 switch switch 1 40 7 otherprop Objects n04372370 switch.n.01 misc 40 +280 plastic containers plastic container 1 40 7 container otherprop Objects n03094503 container.n.01 objects 39 +1330 night light night light 1 40 7 otherprop Objects lighting 28 +1331 notepad notepad 1 40 7 otherprop Objects objects 39 +1332 mail bin mail bin 1 40 7 otherprop Objects misc 40 +1333 elevator button elevator button 1 40 7 otherprop Objects misc 40 +939 gaming wheel gaming wheel 1 40 7 otherprop Objects objects 39 +1334 drum set drum set 1 40 7 otherprop Objects objects 39 +480 cosmetic bag cosmetic bag 1 37 7 bag bag Objects objects 39 +907 coffee mug coffee mug 1 40 7 vessel otherprop Objects cup or mug 3797390 n03063599 coffee_mug.n.01 objects 39 +1335 closet shelf closet shelf 1 15 6 shelves shelves Furniture bookshelf bookshelf 2871439 n02871439 bookshelf.n.01 shelving 31 +1336 baby mobile baby mobile 1 40 7 otherprop Objects objects 39 +829 diaper bin diaper bin 1 40 7 bin otherprop Objects objects 39 +947 door wall door wall 1 1 12 wall wall Wall wall 1 +1116 stepstool stepstool 1 40 7 step stool otherprop Objects objects 39 +599 paper shredder shredder 1 40 7 otherprop Objects n04210120 shredder.n.01 objects 39 +733 dress rack dress rack 1 40 7 otherprop Objects n03238762 dress_rack.n.01 misc 40 +123 cover cover 1 40 7 blanket otherprop Objects objects 39 +506 shopping bag shopping bag 1 37 7 bag bag Objects n04204081 shopping_bag.n.01 objects 39 +569 sliding door sliding door 1 8 12 door door Wall door n04239074 sliding_door.n.01 door 4 +1337 exercise bike exercise bike 1 40 7 machine otherprop Objects n04210120 shredder.n.01 gym_equipment 33 +1338 recliner chair recliner chair 1 5 4 chair chair Chair chair chair chair 3001627 n03238762 dress_rack.n.01 chair 3 +1314 kitchenaid mixer kitchen mixer 1 40 7 otherprop Objects appliances 37 +1339 soda can soda can 1 40 7 can otherprop Objects can 2946921 n02946921 can.n.01 objects 39 +1340 stovetop stovetop 1 38 7 stove otherstructure Objects stove 4330267 n04330267 stove.n.02 appliances 37 +851 stepladder stepladder 1 39 6 ladder otherfurniture Furniture stairs n04315599 step_ladder.n.01 stairs 16 +142 tap tap 1 40 7 faucet otherprop Objects faucet 3325088 n04559451 water_faucet.n.01 objects 39 +436 cable cable 1 40 7 cables otherprop Objects objects 39 +1341 baby changing station baby changing station 1 39 6 otherfurniture Furniture furniture 36 +1342 costume costume 1 21 7 clothes clothes Objects n02728440 apparel.n.01 clothes 38 +885 rocking chair rocking chair 1 5 4 chair chair Chair chair chair chair 3001627 n04099969 rocking_chair.n.01 chair 3 +693 binder binder 1 40 7 binder otherprop Objects objects 39 +815 media center media center 1 3 6 cabinet cabinet Furniture cabinet 2933112 n02933112 cabinet.n.01 cabinet 7 +401 towel rack towel rack 1 40 7 otherprop Objects n04459773 towel_rack.n.01 misc 40 +1343 medal medal 1 40 7 otherprop Objects objects 39 +1184 stack of folded chairs folded chair 1 5 4 chair chair Chair chair chair chair 3001627 n03001627 chair.n.01 chair 3 +1344 telescope telescope 1 40 7 otherprop Objects n04403638 telescope.n.01 objects 39 +1345 closet doorframe closet doorframe 1 8 12 door door Wall door door 4 +160 glass glass 1 38 7 glass otherstructure Objects n03438257 glass.n.02 misc 40 +1126 baseball cap baseball cap 1 40 7 otherprop Objects cap 2954340 n02799323 baseball_cap.n.01 clothes 38 +1346 battery disposal jar battery disposal jar 1 40 7 jar otherprop Objects jar 3593526 n03593526 jar.n.01 objects 39 +332 mop mop 1 40 7 otherprop Objects n04367480 swab.n.02 objects 39 +397 tank tank 1 40 7 otherprop Objects objects 39 +643 mail tray mail tray 1 40 7 mail tray otherprop Objects objects 39 +551 centerpiece centerpiece 1 40 7 centerpiece otherprop Objects n02994419 centerpiece.n.02 objects 39 +1163 object stick 1 40 7 stick otherprop Objects objects 39 +1347 closet floor closet floor 1 2 5 floor floor Floor n03365592 floor.n.01 floor 2 +1348 dryer sheets dryer sheets 1 40 7 otherprop Objects objects 39 +803 bycicle bycicle 1 40 7 otherprop Objects misc 40 +484 flower stand flower stand 1 39 6 stand otherfurniture Furniture furniture 36 +1349 air mattress air mattress 1 4 1 bed bed Bed bed bed bed 2818832 n02690809 air_mattress.n.01 bed 11 +1350 clip clip 1 40 7 otherprop Objects objects 39 +222 side table side table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1253 pizza boxes pizza box 1 29 7 box box Objects n02883344 box.n.01 objects 39 +1351 display display 1 39 7 otherfurniture Furniture n03211117 display.n.06 misc 40 +1352 postcard postcard 1 40 7 otherprop Objects objects 39 +828 display sign display sign 1 40 7 sign otherprop Objects misc 40 +1353 paper towel paper towel 1 40 7 paper towel otherprop Objects n03887697 paper_towel.n.01 towel 20 +612 boots boot 1 40 7 shoe otherprop Objects n04199027 shoe.n.01 clothes 38 +1354 tennis racket bag tennis racket bag 1 40 7 otherprop Objects objects 39 +1355 air hockey table air hockey table 1 7 10 table table Table table table table 4379243 n04379243 table.n.02 table 5 +1301 socks sock 1 21 7 clothes clothes Objects n04254777 sock.n.01 clothes 38 +1356 food bag food bag 1 37 7 bag bag Objects objects 39 +1199 clothes hangers clothes hanger 1 40 7 otherprop Objects n03057920 coat_hanger.n.01 misc 40 +1357 starbucks cup starbucks cup 1 40 7 cup otherprop Objects cup cup or mug 3797390 n03797390 mug.n.04 objects 39 \ No newline at end of file diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_test.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_test.txt new file mode 100644 index 0000000000000000000000000000000000000000..79d15b0ee4afa889883562a722b837b78ee8ce4b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_test.txt @@ -0,0 +1,100 @@ +scene0707_00 +scene0708_00 +scene0709_00 +scene0710_00 +scene0711_00 +scene0712_00 +scene0713_00 +scene0714_00 +scene0715_00 +scene0716_00 +scene0717_00 +scene0718_00 +scene0719_00 +scene0720_00 +scene0721_00 +scene0722_00 +scene0723_00 +scene0724_00 +scene0725_00 +scene0726_00 +scene0727_00 +scene0728_00 +scene0729_00 +scene0730_00 +scene0731_00 +scene0732_00 +scene0733_00 +scene0734_00 +scene0735_00 +scene0736_00 +scene0737_00 +scene0738_00 +scene0739_00 +scene0740_00 +scene0741_00 +scene0742_00 +scene0743_00 +scene0744_00 +scene0745_00 +scene0746_00 +scene0747_00 +scene0748_00 +scene0749_00 +scene0750_00 +scene0751_00 +scene0752_00 +scene0753_00 +scene0754_00 +scene0755_00 +scene0756_00 +scene0757_00 +scene0758_00 +scene0759_00 +scene0760_00 +scene0761_00 +scene0762_00 +scene0763_00 +scene0764_00 +scene0765_00 +scene0766_00 +scene0767_00 +scene0768_00 +scene0769_00 +scene0770_00 +scene0771_00 +scene0772_00 +scene0773_00 +scene0774_00 +scene0775_00 +scene0776_00 +scene0777_00 +scene0778_00 +scene0779_00 +scene0780_00 +scene0781_00 +scene0782_00 +scene0783_00 +scene0784_00 +scene0785_00 +scene0786_00 +scene0787_00 +scene0788_00 +scene0789_00 +scene0790_00 +scene0791_00 +scene0792_00 +scene0793_00 +scene0794_00 +scene0795_00 +scene0796_00 +scene0797_00 +scene0798_00 +scene0799_00 +scene0800_00 +scene0801_00 +scene0802_00 +scene0803_00 +scene0804_00 +scene0805_00 +scene0806_00 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt new file mode 100644 index 0000000000000000000000000000000000000000..ef625f120b812fea5ac507d3b7049fc7ebd2e7e4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt @@ -0,0 +1,1201 @@ +scene0191_00 +scene0191_01 +scene0191_02 +scene0119_00 +scene0230_00 +scene0528_00 +scene0528_01 +scene0705_00 +scene0705_01 +scene0705_02 +scene0415_00 +scene0415_01 +scene0415_02 +scene0007_00 +scene0141_00 +scene0141_01 +scene0141_02 +scene0515_00 +scene0515_01 +scene0515_02 +scene0447_00 +scene0447_01 +scene0447_02 +scene0531_00 +scene0503_00 +scene0285_00 +scene0069_00 +scene0584_00 +scene0584_01 +scene0584_02 +scene0581_00 +scene0581_01 +scene0581_02 +scene0620_00 +scene0620_01 +scene0263_00 +scene0263_01 +scene0481_00 +scene0481_01 +scene0020_00 +scene0020_01 +scene0291_00 +scene0291_01 +scene0291_02 +scene0469_00 +scene0469_01 +scene0469_02 +scene0659_00 +scene0659_01 +scene0024_00 +scene0024_01 +scene0024_02 +scene0564_00 +scene0117_00 +scene0027_00 +scene0027_01 +scene0027_02 +scene0028_00 +scene0330_00 +scene0418_00 +scene0418_01 +scene0418_02 +scene0233_00 +scene0233_01 +scene0673_00 +scene0673_01 +scene0673_02 +scene0673_03 +scene0673_04 +scene0673_05 +scene0585_00 +scene0585_01 +scene0362_00 +scene0362_01 +scene0362_02 +scene0362_03 +scene0035_00 +scene0035_01 +scene0358_00 +scene0358_01 +scene0358_02 +scene0037_00 +scene0194_00 +scene0321_00 +scene0293_00 +scene0293_01 +scene0623_00 +scene0623_01 +scene0592_00 +scene0592_01 +scene0569_00 +scene0569_01 +scene0413_00 +scene0313_00 +scene0313_01 +scene0313_02 +scene0480_00 +scene0480_01 +scene0401_00 +scene0517_00 +scene0517_01 +scene0517_02 +scene0032_00 +scene0032_01 +scene0613_00 +scene0613_01 +scene0613_02 +scene0306_00 +scene0306_01 +scene0052_00 +scene0052_01 +scene0052_02 +scene0053_00 +scene0444_00 +scene0444_01 +scene0055_00 +scene0055_01 +scene0055_02 +scene0560_00 +scene0589_00 +scene0589_01 +scene0589_02 +scene0610_00 +scene0610_01 +scene0610_02 +scene0364_00 +scene0364_01 +scene0383_00 +scene0383_01 +scene0383_02 +scene0006_00 +scene0006_01 +scene0006_02 +scene0275_00 +scene0451_00 +scene0451_01 +scene0451_02 +scene0451_03 +scene0451_04 +scene0451_05 +scene0135_00 +scene0065_00 +scene0065_01 +scene0065_02 +scene0104_00 +scene0674_00 +scene0674_01 +scene0448_00 +scene0448_01 +scene0448_02 +scene0502_00 +scene0502_01 +scene0502_02 +scene0440_00 +scene0440_01 +scene0440_02 +scene0071_00 +scene0072_00 +scene0072_01 +scene0072_02 +scene0509_00 +scene0509_01 +scene0509_02 +scene0649_00 +scene0649_01 +scene0602_00 +scene0694_00 +scene0694_01 +scene0101_00 +scene0101_01 +scene0101_02 +scene0101_03 +scene0101_04 +scene0101_05 +scene0218_00 +scene0218_01 +scene0579_00 +scene0579_01 +scene0579_02 +scene0039_00 +scene0039_01 +scene0493_00 +scene0493_01 +scene0242_00 +scene0242_01 +scene0242_02 +scene0083_00 +scene0083_01 +scene0127_00 +scene0127_01 +scene0662_00 +scene0662_01 +scene0662_02 +scene0018_00 +scene0087_00 +scene0087_01 +scene0087_02 +scene0332_00 +scene0332_01 +scene0332_02 +scene0628_00 +scene0628_01 +scene0628_02 +scene0134_00 +scene0134_01 +scene0134_02 +scene0238_00 +scene0238_01 +scene0092_00 +scene0092_01 +scene0092_02 +scene0092_03 +scene0092_04 +scene0022_00 +scene0022_01 +scene0467_00 +scene0392_00 +scene0392_01 +scene0392_02 +scene0424_00 +scene0424_01 +scene0424_02 +scene0646_00 +scene0646_01 +scene0646_02 +scene0098_00 +scene0098_01 +scene0044_00 +scene0044_01 +scene0044_02 +scene0510_00 +scene0510_01 +scene0510_02 +scene0571_00 +scene0571_01 +scene0166_00 +scene0166_01 +scene0166_02 +scene0563_00 +scene0172_00 +scene0172_01 +scene0388_00 +scene0388_01 +scene0215_00 +scene0215_01 +scene0252_00 +scene0287_00 +scene0668_00 +scene0572_00 +scene0572_01 +scene0572_02 +scene0026_00 +scene0224_00 +scene0113_00 +scene0113_01 +scene0551_00 +scene0381_00 +scene0381_01 +scene0381_02 +scene0371_00 +scene0371_01 +scene0460_00 +scene0118_00 +scene0118_01 +scene0118_02 +scene0417_00 +scene0008_00 +scene0634_00 +scene0521_00 +scene0123_00 +scene0123_01 +scene0123_02 +scene0045_00 +scene0045_01 +scene0511_00 +scene0511_01 +scene0114_00 +scene0114_01 +scene0114_02 +scene0070_00 +scene0029_00 +scene0029_01 +scene0029_02 +scene0129_00 +scene0103_00 +scene0103_01 +scene0002_00 +scene0002_01 +scene0132_00 +scene0132_01 +scene0132_02 +scene0124_00 +scene0124_01 +scene0143_00 +scene0143_01 +scene0143_02 +scene0604_00 +scene0604_01 +scene0604_02 +scene0507_00 +scene0105_00 +scene0105_01 +scene0105_02 +scene0428_00 +scene0428_01 +scene0311_00 +scene0140_00 +scene0140_01 +scene0182_00 +scene0182_01 +scene0182_02 +scene0142_00 +scene0142_01 +scene0399_00 +scene0399_01 +scene0012_00 +scene0012_01 +scene0012_02 +scene0060_00 +scene0060_01 +scene0370_00 +scene0370_01 +scene0370_02 +scene0310_00 +scene0310_01 +scene0310_02 +scene0661_00 +scene0650_00 +scene0152_00 +scene0152_01 +scene0152_02 +scene0158_00 +scene0158_01 +scene0158_02 +scene0482_00 +scene0482_01 +scene0600_00 +scene0600_01 +scene0600_02 +scene0393_00 +scene0393_01 +scene0393_02 +scene0562_00 +scene0174_00 +scene0174_01 +scene0157_00 +scene0157_01 +scene0161_00 +scene0161_01 +scene0161_02 +scene0159_00 +scene0254_00 +scene0254_01 +scene0115_00 +scene0115_01 +scene0115_02 +scene0162_00 +scene0163_00 +scene0163_01 +scene0523_00 +scene0523_01 +scene0523_02 +scene0459_00 +scene0459_01 +scene0175_00 +scene0085_00 +scene0085_01 +scene0279_00 +scene0279_01 +scene0279_02 +scene0201_00 +scene0201_01 +scene0201_02 +scene0283_00 +scene0456_00 +scene0456_01 +scene0429_00 +scene0043_00 +scene0043_01 +scene0419_00 +scene0419_01 +scene0419_02 +scene0368_00 +scene0368_01 +scene0348_00 +scene0348_01 +scene0348_02 +scene0442_00 +scene0178_00 +scene0380_00 +scene0380_01 +scene0380_02 +scene0165_00 +scene0165_01 +scene0165_02 +scene0181_00 +scene0181_01 +scene0181_02 +scene0181_03 +scene0333_00 +scene0614_00 +scene0614_01 +scene0614_02 +scene0404_00 +scene0404_01 +scene0404_02 +scene0185_00 +scene0126_00 +scene0126_01 +scene0126_02 +scene0519_00 +scene0236_00 +scene0236_01 +scene0189_00 +scene0075_00 +scene0267_00 +scene0192_00 +scene0192_01 +scene0192_02 +scene0281_00 +scene0420_00 +scene0420_01 +scene0420_02 +scene0195_00 +scene0195_01 +scene0195_02 +scene0597_00 +scene0597_01 +scene0597_02 +scene0041_00 +scene0041_01 +scene0111_00 +scene0111_01 +scene0111_02 +scene0666_00 +scene0666_01 +scene0666_02 +scene0200_00 +scene0200_01 +scene0200_02 +scene0536_00 +scene0536_01 +scene0536_02 +scene0390_00 +scene0280_00 +scene0280_01 +scene0280_02 +scene0344_00 +scene0344_01 +scene0205_00 +scene0205_01 +scene0205_02 +scene0484_00 +scene0484_01 +scene0009_00 +scene0009_01 +scene0009_02 +scene0302_00 +scene0302_01 +scene0209_00 +scene0209_01 +scene0209_02 +scene0210_00 +scene0210_01 +scene0395_00 +scene0395_01 +scene0395_02 +scene0683_00 +scene0601_00 +scene0601_01 +scene0214_00 +scene0214_01 +scene0214_02 +scene0477_00 +scene0477_01 +scene0439_00 +scene0439_01 +scene0468_00 +scene0468_01 +scene0468_02 +scene0546_00 +scene0466_00 +scene0466_01 +scene0220_00 +scene0220_01 +scene0220_02 +scene0122_00 +scene0122_01 +scene0130_00 +scene0110_00 +scene0110_01 +scene0110_02 +scene0327_00 +scene0156_00 +scene0266_00 +scene0266_01 +scene0001_00 +scene0001_01 +scene0228_00 +scene0199_00 +scene0219_00 +scene0464_00 +scene0232_00 +scene0232_01 +scene0232_02 +scene0299_00 +scene0299_01 +scene0530_00 +scene0363_00 +scene0453_00 +scene0453_01 +scene0570_00 +scene0570_01 +scene0570_02 +scene0183_00 +scene0239_00 +scene0239_01 +scene0239_02 +scene0373_00 +scene0373_01 +scene0241_00 +scene0241_01 +scene0241_02 +scene0188_00 +scene0622_00 +scene0622_01 +scene0244_00 +scene0244_01 +scene0691_00 +scene0691_01 +scene0206_00 +scene0206_01 +scene0206_02 +scene0247_00 +scene0247_01 +scene0061_00 +scene0061_01 +scene0082_00 +scene0250_00 +scene0250_01 +scene0250_02 +scene0501_00 +scene0501_01 +scene0501_02 +scene0320_00 +scene0320_01 +scene0320_02 +scene0320_03 +scene0631_00 +scene0631_01 +scene0631_02 +scene0255_00 +scene0255_01 +scene0255_02 +scene0047_00 +scene0265_00 +scene0265_01 +scene0265_02 +scene0004_00 +scene0336_00 +scene0336_01 +scene0058_00 +scene0058_01 +scene0260_00 +scene0260_01 +scene0260_02 +scene0243_00 +scene0603_00 +scene0603_01 +scene0093_00 +scene0093_01 +scene0093_02 +scene0109_00 +scene0109_01 +scene0434_00 +scene0434_01 +scene0434_02 +scene0290_00 +scene0627_00 +scene0627_01 +scene0470_00 +scene0470_01 +scene0137_00 +scene0137_01 +scene0137_02 +scene0270_00 +scene0270_01 +scene0270_02 +scene0271_00 +scene0271_01 +scene0504_00 +scene0274_00 +scene0274_01 +scene0274_02 +scene0036_00 +scene0036_01 +scene0276_00 +scene0276_01 +scene0272_00 +scene0272_01 +scene0499_00 +scene0698_00 +scene0698_01 +scene0051_00 +scene0051_01 +scene0051_02 +scene0051_03 +scene0108_00 +scene0245_00 +scene0369_00 +scene0369_01 +scene0369_02 +scene0284_00 +scene0289_00 +scene0289_01 +scene0286_00 +scene0286_01 +scene0286_02 +scene0286_03 +scene0031_00 +scene0031_01 +scene0031_02 +scene0545_00 +scene0545_01 +scene0545_02 +scene0557_00 +scene0557_01 +scene0557_02 +scene0533_00 +scene0533_01 +scene0116_00 +scene0116_01 +scene0116_02 +scene0611_00 +scene0611_01 +scene0688_00 +scene0294_00 +scene0294_01 +scene0294_02 +scene0295_00 +scene0295_01 +scene0296_00 +scene0296_01 +scene0596_00 +scene0596_01 +scene0596_02 +scene0532_00 +scene0532_01 +scene0637_00 +scene0638_00 +scene0121_00 +scene0121_01 +scene0121_02 +scene0040_00 +scene0040_01 +scene0197_00 +scene0197_01 +scene0197_02 +scene0410_00 +scene0410_01 +scene0305_00 +scene0305_01 +scene0615_00 +scene0615_01 +scene0703_00 +scene0703_01 +scene0555_00 +scene0297_00 +scene0297_01 +scene0297_02 +scene0582_00 +scene0582_01 +scene0582_02 +scene0023_00 +scene0094_00 +scene0013_00 +scene0013_01 +scene0013_02 +scene0136_00 +scene0136_01 +scene0136_02 +scene0407_00 +scene0407_01 +scene0062_00 +scene0062_01 +scene0062_02 +scene0386_00 +scene0318_00 +scene0554_00 +scene0554_01 +scene0497_00 +scene0213_00 +scene0258_00 +scene0323_00 +scene0323_01 +scene0324_00 +scene0324_01 +scene0016_00 +scene0016_01 +scene0016_02 +scene0681_00 +scene0398_00 +scene0398_01 +scene0227_00 +scene0090_00 +scene0066_00 +scene0262_00 +scene0262_01 +scene0155_00 +scene0155_01 +scene0155_02 +scene0352_00 +scene0352_01 +scene0352_02 +scene0038_00 +scene0038_01 +scene0038_02 +scene0335_00 +scene0335_01 +scene0335_02 +scene0261_00 +scene0261_01 +scene0261_02 +scene0261_03 +scene0640_00 +scene0640_01 +scene0640_02 +scene0080_00 +scene0080_01 +scene0080_02 +scene0403_00 +scene0403_01 +scene0282_00 +scene0282_01 +scene0282_02 +scene0682_00 +scene0173_00 +scene0173_01 +scene0173_02 +scene0522_00 +scene0687_00 +scene0345_00 +scene0345_01 +scene0612_00 +scene0612_01 +scene0411_00 +scene0411_01 +scene0411_02 +scene0625_00 +scene0625_01 +scene0211_00 +scene0211_01 +scene0211_02 +scene0211_03 +scene0676_00 +scene0676_01 +scene0179_00 +scene0498_00 +scene0498_01 +scene0498_02 +scene0547_00 +scene0547_01 +scene0547_02 +scene0269_00 +scene0269_01 +scene0269_02 +scene0366_00 +scene0680_00 +scene0680_01 +scene0588_00 +scene0588_01 +scene0588_02 +scene0588_03 +scene0346_00 +scene0346_01 +scene0359_00 +scene0359_01 +scene0014_00 +scene0120_00 +scene0120_01 +scene0212_00 +scene0212_01 +scene0212_02 +scene0176_00 +scene0049_00 +scene0259_00 +scene0259_01 +scene0586_00 +scene0586_01 +scene0586_02 +scene0309_00 +scene0309_01 +scene0125_00 +scene0455_00 +scene0177_00 +scene0177_01 +scene0177_02 +scene0326_00 +scene0372_00 +scene0171_00 +scene0171_01 +scene0374_00 +scene0654_00 +scene0654_01 +scene0445_00 +scene0445_01 +scene0475_00 +scene0475_01 +scene0475_02 +scene0349_00 +scene0349_01 +scene0234_00 +scene0669_00 +scene0669_01 +scene0375_00 +scene0375_01 +scene0375_02 +scene0387_00 +scene0387_01 +scene0387_02 +scene0312_00 +scene0312_01 +scene0312_02 +scene0384_00 +scene0385_00 +scene0385_01 +scene0385_02 +scene0000_00 +scene0000_01 +scene0000_02 +scene0376_00 +scene0376_01 +scene0376_02 +scene0301_00 +scene0301_01 +scene0301_02 +scene0322_00 +scene0542_00 +scene0079_00 +scene0079_01 +scene0099_00 +scene0099_01 +scene0476_00 +scene0476_01 +scene0476_02 +scene0394_00 +scene0394_01 +scene0147_00 +scene0147_01 +scene0067_00 +scene0067_01 +scene0067_02 +scene0397_00 +scene0397_01 +scene0337_00 +scene0337_01 +scene0337_02 +scene0431_00 +scene0223_00 +scene0223_01 +scene0223_02 +scene0010_00 +scene0010_01 +scene0402_00 +scene0268_00 +scene0268_01 +scene0268_02 +scene0679_00 +scene0679_01 +scene0405_00 +scene0128_00 +scene0408_00 +scene0408_01 +scene0190_00 +scene0107_00 +scene0076_00 +scene0167_00 +scene0361_00 +scene0361_01 +scene0361_02 +scene0216_00 +scene0202_00 +scene0303_00 +scene0303_01 +scene0303_02 +scene0446_00 +scene0446_01 +scene0089_00 +scene0089_01 +scene0089_02 +scene0360_00 +scene0150_00 +scene0150_01 +scene0150_02 +scene0421_00 +scene0421_01 +scene0421_02 +scene0454_00 +scene0626_00 +scene0626_01 +scene0626_02 +scene0186_00 +scene0186_01 +scene0538_00 +scene0479_00 +scene0479_01 +scene0479_02 +scene0656_00 +scene0656_01 +scene0656_02 +scene0656_03 +scene0525_00 +scene0525_01 +scene0525_02 +scene0308_00 +scene0396_00 +scene0396_01 +scene0396_02 +scene0624_00 +scene0292_00 +scene0292_01 +scene0632_00 +scene0253_00 +scene0021_00 +scene0325_00 +scene0325_01 +scene0437_00 +scene0437_01 +scene0438_00 +scene0590_00 +scene0590_01 +scene0400_00 +scene0400_01 +scene0541_00 +scene0541_01 +scene0541_02 +scene0677_00 +scene0677_01 +scene0677_02 +scene0443_00 +scene0315_00 +scene0288_00 +scene0288_01 +scene0288_02 +scene0422_00 +scene0672_00 +scene0672_01 +scene0184_00 +scene0449_00 +scene0449_01 +scene0449_02 +scene0048_00 +scene0048_01 +scene0138_00 +scene0452_00 +scene0452_01 +scene0452_02 +scene0667_00 +scene0667_01 +scene0667_02 +scene0463_00 +scene0463_01 +scene0078_00 +scene0078_01 +scene0078_02 +scene0636_00 +scene0457_00 +scene0457_01 +scene0457_02 +scene0465_00 +scene0465_01 +scene0577_00 +scene0151_00 +scene0151_01 +scene0339_00 +scene0573_00 +scene0573_01 +scene0154_00 +scene0096_00 +scene0096_01 +scene0096_02 +scene0235_00 +scene0168_00 +scene0168_01 +scene0168_02 +scene0594_00 +scene0587_00 +scene0587_01 +scene0587_02 +scene0587_03 +scene0229_00 +scene0229_01 +scene0229_02 +scene0512_00 +scene0106_00 +scene0106_01 +scene0106_02 +scene0472_00 +scene0472_01 +scene0472_02 +scene0489_00 +scene0489_01 +scene0489_02 +scene0425_00 +scene0425_01 +scene0641_00 +scene0526_00 +scene0526_01 +scene0317_00 +scene0317_01 +scene0544_00 +scene0017_00 +scene0017_01 +scene0017_02 +scene0042_00 +scene0042_01 +scene0042_02 +scene0576_00 +scene0576_01 +scene0576_02 +scene0347_00 +scene0347_01 +scene0347_02 +scene0436_00 +scene0226_00 +scene0226_01 +scene0485_00 +scene0486_00 +scene0487_00 +scene0487_01 +scene0619_00 +scene0097_00 +scene0367_00 +scene0367_01 +scene0491_00 +scene0492_00 +scene0492_01 +scene0005_00 +scene0005_01 +scene0543_00 +scene0543_01 +scene0543_02 +scene0657_00 +scene0341_00 +scene0341_01 +scene0534_00 +scene0534_01 +scene0319_00 +scene0273_00 +scene0273_01 +scene0225_00 +scene0198_00 +scene0003_00 +scene0003_01 +scene0003_02 +scene0409_00 +scene0409_01 +scene0331_00 +scene0331_01 +scene0505_00 +scene0505_01 +scene0505_02 +scene0505_03 +scene0505_04 +scene0506_00 +scene0057_00 +scene0057_01 +scene0074_00 +scene0074_01 +scene0074_02 +scene0091_00 +scene0112_00 +scene0112_01 +scene0112_02 +scene0240_00 +scene0102_00 +scene0102_01 +scene0513_00 +scene0514_00 +scene0514_01 +scene0537_00 +scene0516_00 +scene0516_01 +scene0495_00 +scene0617_00 +scene0133_00 +scene0520_00 +scene0520_01 +scene0635_00 +scene0635_01 +scene0054_00 +scene0473_00 +scene0473_01 +scene0524_00 +scene0524_01 +scene0379_00 +scene0471_00 +scene0471_01 +scene0471_02 +scene0566_00 +scene0248_00 +scene0248_01 +scene0248_02 +scene0529_00 +scene0529_01 +scene0529_02 +scene0391_00 +scene0264_00 +scene0264_01 +scene0264_02 +scene0675_00 +scene0675_01 +scene0350_00 +scene0350_01 +scene0350_02 +scene0450_00 +scene0068_00 +scene0068_01 +scene0237_00 +scene0237_01 +scene0365_00 +scene0365_01 +scene0365_02 +scene0605_00 +scene0605_01 +scene0539_00 +scene0539_01 +scene0539_02 +scene0540_00 +scene0540_01 +scene0540_02 +scene0170_00 +scene0170_01 +scene0170_02 +scene0433_00 +scene0340_00 +scene0340_01 +scene0340_02 +scene0160_00 +scene0160_01 +scene0160_02 +scene0160_03 +scene0160_04 +scene0059_00 +scene0059_01 +scene0059_02 +scene0056_00 +scene0056_01 +scene0478_00 +scene0478_01 +scene0548_00 +scene0548_01 +scene0548_02 +scene0204_00 +scene0204_01 +scene0204_02 +scene0033_00 +scene0145_00 +scene0483_00 +scene0508_00 +scene0508_01 +scene0508_02 +scene0180_00 +scene0148_00 +scene0556_00 +scene0556_01 +scene0416_00 +scene0416_01 +scene0416_02 +scene0416_03 +scene0416_04 +scene0073_00 +scene0073_01 +scene0073_02 +scene0073_03 +scene0034_00 +scene0034_01 +scene0034_02 +scene0639_00 +scene0561_00 +scene0561_01 +scene0298_00 +scene0692_00 +scene0692_01 +scene0692_02 +scene0692_03 +scene0692_04 +scene0642_00 +scene0642_01 +scene0642_02 +scene0642_03 +scene0630_00 +scene0630_01 +scene0630_02 +scene0630_03 +scene0630_04 +scene0630_05 +scene0630_06 +scene0706_00 +scene0567_00 +scene0567_01 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt new file mode 100644 index 0000000000000000000000000000000000000000..b9e7d9205321e8ca047a527466f4b7100c9c9d2c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt @@ -0,0 +1,312 @@ +scene0568_00 +scene0568_01 +scene0568_02 +scene0304_00 +scene0488_00 +scene0488_01 +scene0412_00 +scene0412_01 +scene0217_00 +scene0019_00 +scene0019_01 +scene0414_00 +scene0575_00 +scene0575_01 +scene0575_02 +scene0426_00 +scene0426_01 +scene0426_02 +scene0426_03 +scene0549_00 +scene0549_01 +scene0578_00 +scene0578_01 +scene0578_02 +scene0665_00 +scene0665_01 +scene0050_00 +scene0050_01 +scene0050_02 +scene0257_00 +scene0025_00 +scene0025_01 +scene0025_02 +scene0583_00 +scene0583_01 +scene0583_02 +scene0701_00 +scene0701_01 +scene0701_02 +scene0580_00 +scene0580_01 +scene0565_00 +scene0169_00 +scene0169_01 +scene0655_00 +scene0655_01 +scene0655_02 +scene0063_00 +scene0221_00 +scene0221_01 +scene0591_00 +scene0591_01 +scene0591_02 +scene0678_00 +scene0678_01 +scene0678_02 +scene0462_00 +scene0427_00 +scene0595_00 +scene0193_00 +scene0193_01 +scene0164_00 +scene0164_01 +scene0164_02 +scene0164_03 +scene0598_00 +scene0598_01 +scene0598_02 +scene0599_00 +scene0599_01 +scene0599_02 +scene0328_00 +scene0300_00 +scene0300_01 +scene0354_00 +scene0458_00 +scene0458_01 +scene0423_00 +scene0423_01 +scene0423_02 +scene0307_00 +scene0307_01 +scene0307_02 +scene0606_00 +scene0606_01 +scene0606_02 +scene0432_00 +scene0432_01 +scene0608_00 +scene0608_01 +scene0608_02 +scene0651_00 +scene0651_01 +scene0651_02 +scene0430_00 +scene0430_01 +scene0689_00 +scene0357_00 +scene0357_01 +scene0574_00 +scene0574_01 +scene0574_02 +scene0329_00 +scene0329_01 +scene0329_02 +scene0153_00 +scene0153_01 +scene0616_00 +scene0616_01 +scene0671_00 +scene0671_01 +scene0618_00 +scene0382_00 +scene0382_01 +scene0490_00 +scene0621_00 +scene0607_00 +scene0607_01 +scene0149_00 +scene0695_00 +scene0695_01 +scene0695_02 +scene0695_03 +scene0389_00 +scene0377_00 +scene0377_01 +scene0377_02 +scene0342_00 +scene0139_00 +scene0629_00 +scene0629_01 +scene0629_02 +scene0496_00 +scene0633_00 +scene0633_01 +scene0518_00 +scene0652_00 +scene0406_00 +scene0406_01 +scene0406_02 +scene0144_00 +scene0144_01 +scene0494_00 +scene0278_00 +scene0278_01 +scene0316_00 +scene0609_00 +scene0609_01 +scene0609_02 +scene0609_03 +scene0084_00 +scene0084_01 +scene0084_02 +scene0696_00 +scene0696_01 +scene0696_02 +scene0351_00 +scene0351_01 +scene0643_00 +scene0644_00 +scene0645_00 +scene0645_01 +scene0645_02 +scene0081_00 +scene0081_01 +scene0081_02 +scene0647_00 +scene0647_01 +scene0535_00 +scene0353_00 +scene0353_01 +scene0353_02 +scene0559_00 +scene0559_01 +scene0559_02 +scene0593_00 +scene0593_01 +scene0246_00 +scene0653_00 +scene0653_01 +scene0064_00 +scene0064_01 +scene0356_00 +scene0356_01 +scene0356_02 +scene0030_00 +scene0030_01 +scene0030_02 +scene0222_00 +scene0222_01 +scene0338_00 +scene0338_01 +scene0338_02 +scene0378_00 +scene0378_01 +scene0378_02 +scene0660_00 +scene0553_00 +scene0553_01 +scene0553_02 +scene0527_00 +scene0663_00 +scene0663_01 +scene0663_02 +scene0664_00 +scene0664_01 +scene0664_02 +scene0334_00 +scene0334_01 +scene0334_02 +scene0046_00 +scene0046_01 +scene0046_02 +scene0203_00 +scene0203_01 +scene0203_02 +scene0088_00 +scene0088_01 +scene0088_02 +scene0088_03 +scene0086_00 +scene0086_01 +scene0086_02 +scene0670_00 +scene0670_01 +scene0256_00 +scene0256_01 +scene0256_02 +scene0249_00 +scene0441_00 +scene0658_00 +scene0704_00 +scene0704_01 +scene0187_00 +scene0187_01 +scene0131_00 +scene0131_01 +scene0131_02 +scene0207_00 +scene0207_01 +scene0207_02 +scene0461_00 +scene0011_00 +scene0011_01 +scene0343_00 +scene0251_00 +scene0077_00 +scene0077_01 +scene0684_00 +scene0684_01 +scene0550_00 +scene0686_00 +scene0686_01 +scene0686_02 +scene0208_00 +scene0500_00 +scene0500_01 +scene0552_00 +scene0552_01 +scene0648_00 +scene0648_01 +scene0435_00 +scene0435_01 +scene0435_02 +scene0435_03 +scene0690_00 +scene0690_01 +scene0693_00 +scene0693_01 +scene0693_02 +scene0700_00 +scene0700_01 +scene0700_02 +scene0699_00 +scene0231_00 +scene0231_01 +scene0231_02 +scene0697_00 +scene0697_01 +scene0697_02 +scene0697_03 +scene0474_00 +scene0474_01 +scene0474_02 +scene0474_03 +scene0474_04 +scene0474_05 +scene0355_00 +scene0355_01 +scene0146_00 +scene0146_01 +scene0146_02 +scene0196_00 +scene0702_00 +scene0702_01 +scene0702_02 +scene0314_00 +scene0277_00 +scene0277_01 +scene0277_02 +scene0095_00 +scene0095_01 +scene0015_00 +scene0100_00 +scene0100_01 +scene0100_02 +scene0558_00 +scene0558_01 +scene0558_02 +scene0685_00 +scene0685_01 +scene0685_02 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/preprocess_scannet.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/preprocess_scannet.py new file mode 100644 index 0000000000000000000000000000000000000000..aaccf1f0ee5255749100dfd93cf31d886ec9c699 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/preprocess_scannet.py @@ -0,0 +1,255 @@ +""" +Preprocessing Script for ScanNet 20/200 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import warnings + +warnings.filterwarnings("ignore", category=DeprecationWarning) + +import os +import argparse +import glob +import json +import plyfile +import numpy as np +import pandas as pd +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + +# Load external constants +from meta_data.scannet200_constants import VALID_CLASS_IDS_200, VALID_CLASS_IDS_20 + +CLOUD_FILE_PFIX = "_vh_clean_2" +SEGMENTS_FILE_PFIX = ".0.010000.segs.json" +AGGREGATIONS_FILE_PFIX = ".aggregation.json" +CLASS_IDS200 = VALID_CLASS_IDS_200 +CLASS_IDS20 = VALID_CLASS_IDS_20 +IGNORE_INDEX = -1 + + +def read_plymesh(filepath): + """Read ply file and return it as numpy array. Returns None if emtpy.""" + with open(filepath, "rb") as f: + plydata = plyfile.PlyData.read(f) + if plydata.elements: + vertices = pd.DataFrame(plydata["vertex"].data).values + faces = np.stack(plydata["face"].data["vertex_indices"], axis=0) + return vertices, faces + + +# Map the raw category id to the point cloud +def point_indices_from_group(seg_indices, group, labels_pd): + group_segments = np.array(group["segments"]) + label = group["label"] + + # Map the category name to id + label_id20 = labels_pd[labels_pd["raw_category"] == label]["nyu40id"] + label_id20 = int(label_id20.iloc[0]) if len(label_id20) > 0 else 0 + label_id200 = labels_pd[labels_pd["raw_category"] == label]["id"] + label_id200 = int(label_id200.iloc[0]) if len(label_id200) > 0 else 0 + + # Only store for the valid categories + if label_id20 in CLASS_IDS20: + label_id20 = CLASS_IDS20.index(label_id20) + else: + label_id20 = IGNORE_INDEX + + if label_id200 in CLASS_IDS200: + label_id200 = CLASS_IDS200.index(label_id200) + else: + label_id200 = IGNORE_INDEX + + # get points, where segment indices (points labelled with segment ids) are in the group segment list + point_idx = np.where(np.isin(seg_indices, group_segments))[0] + return point_idx, label_id20, label_id200 + + +def face_normal(vertex, face): + v01 = vertex[face[:, 1]] - vertex[face[:, 0]] + v02 = vertex[face[:, 2]] - vertex[face[:, 0]] + vec = np.cross(v01, v02) + length = np.sqrt(np.sum(vec**2, axis=1, keepdims=True)) + 1.0e-8 + nf = vec / length + area = length * 0.5 + return nf, area + + +def vertex_normal(vertex, face): + nf, area = face_normal(vertex, face) + nf = nf * area + + nv = np.zeros_like(vertex) + for i in range(face.shape[0]): + nv[face[i]] += nf[i] + + length = np.sqrt(np.sum(nv**2, axis=1, keepdims=True)) + 1.0e-8 + nv = nv / length + return nv + + +def handle_process( + scene_path, output_path, labels_pd, train_scenes, val_scenes, parse_normals=True +): + scene_id = os.path.basename(scene_path) + mesh_path = os.path.join(scene_path, f"{scene_id}{CLOUD_FILE_PFIX}.ply") + segments_file = os.path.join( + scene_path, f"{scene_id}{CLOUD_FILE_PFIX}{SEGMENTS_FILE_PFIX}" + ) + aggregations_file = os.path.join(scene_path, f"{scene_id}{AGGREGATIONS_FILE_PFIX}") + info_file = os.path.join(scene_path, f"{scene_id}.txt") + + if scene_id in train_scenes: + output_path = os.path.join(output_path, "train", f"{scene_id}") + split_name = "train" + elif scene_id in val_scenes: + output_path = os.path.join(output_path, "val", f"{scene_id}") + split_name = "val" + else: + output_path = os.path.join(output_path, "test", f"{scene_id}") + split_name = "test" + + print(f"Processing: {scene_id} in {split_name}") + + vertices, faces = read_plymesh(mesh_path) + coords = vertices[:, :3] + colors = vertices[:, 3:6] + save_dict = dict( + coord=coords.astype(np.float32), + color=colors.astype(np.uint8), + ) + + # # Rotating the mesh to axis aligned + # info_dict = {} + # with open(info_file) as f: + # for line in f: + # (key, val) = line.split(" = ") + # info_dict[key] = np.fromstring(val, sep=' ') + # + # if 'axisAlignment' not in info_dict: + # rot_matrix = np.identity(4) + # else: + # rot_matrix = info_dict['axisAlignment'].reshape(4, 4) + # r_coords = coords.transpose() + # r_coords = np.append(r_coords, np.ones((1, r_coords.shape[1])), axis=0) + # r_coords = np.dot(rot_matrix, r_coords) + # coords = r_coords + + # Parse Normals + if parse_normals: + save_dict["normal"] = vertex_normal(coords, faces).astype(np.float32) + + # Load segments file + if split_name != "test": + with open(segments_file) as f: + segments = json.load(f) + seg_indices = np.array(segments["segIndices"]) + + # Load Aggregations file + with open(aggregations_file) as f: + aggregation = json.load(f) + seg_groups = np.array(aggregation["segGroups"]) + + # Generate new labels + semantic_gt20 = np.ones((vertices.shape[0]), dtype=np.int16) * IGNORE_INDEX + semantic_gt200 = np.ones((vertices.shape[0]), dtype=np.int16) * IGNORE_INDEX + instance_ids = np.ones((vertices.shape[0]), dtype=np.int16) * IGNORE_INDEX + for group in seg_groups: + point_idx, label_id20, label_id200 = point_indices_from_group( + seg_indices, group, labels_pd + ) + + semantic_gt20[point_idx] = label_id20 + semantic_gt200[point_idx] = label_id200 + instance_ids[point_idx] = group["id"] + + semantic_gt20 = semantic_gt20.astype(int) + semantic_gt200 = semantic_gt200.astype(int) + instance_ids = instance_ids.astype(int) + + save_dict["segment20"] = semantic_gt20 + save_dict["segment200"] = semantic_gt200 + save_dict["instance"] = instance_ids + + # Concatenate with original cloud + processed_vertices = np.hstack((semantic_gt200, instance_ids)) + + if np.any(np.isnan(processed_vertices)) or not np.all( + np.isfinite(processed_vertices) + ): + raise ValueError(f"Find NaN in Scene: {scene_id}") + + # Save processed data + os.makedirs(output_path, exist_ok=True) + for key in save_dict.keys(): + np.save(os.path.join(output_path, f"{key}.npy"), save_dict[key]) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + parser.add_argument( + "--parse_normals", default=True, type=bool, help="Whether parse point normals" + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + config = parser.parse_args() + + # Load label map + labels_pd = pd.read_csv( + "pointcept/datasets/preprocessing/scannet/meta_data/scannetv2-labels.combined.tsv", + sep="\t", + header=0, + ) + + # Load train/val splits + with open( + "pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_train.txt" + ) as train_file: + train_scenes = train_file.read().splitlines() + with open( + "pointcept/datasets/preprocessing/scannet/meta_data/scannetv2_val.txt" + ) as val_file: + val_scenes = val_file.read().splitlines() + + # Create output directories + train_output_dir = os.path.join(config.output_root, "train") + os.makedirs(train_output_dir, exist_ok=True) + val_output_dir = os.path.join(config.output_root, "val") + os.makedirs(val_output_dir, exist_ok=True) + test_output_dir = os.path.join(config.output_root, "test") + os.makedirs(test_output_dir, exist_ok=True) + + # Load scene paths + scene_paths = sorted(glob.glob(config.dataset_root + "/scans*/scene*")) + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + handle_process, + scene_paths, + repeat(config.output_root), + repeat(labels_pd), + repeat(train_scenes), + repeat(val_scenes), + repeat(config.parse_normals), + ) + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/SensorData.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/SensorData.py new file mode 100644 index 0000000000000000000000000000000000000000..d90c8770e812f782e4735cc7095c100cd6258bf6 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/SensorData.py @@ -0,0 +1,183 @@ +import os, struct +import numpy as np +import zlib +import imageio +import cv2 + +COMPRESSION_TYPE_COLOR = {-1: "unknown", 0: "raw", 1: "png", 2: "jpeg"} +COMPRESSION_TYPE_DEPTH = { + -1: "unknown", + 0: "raw_ushort", + 1: "zlib_ushort", + 2: "occi_ushort", +} + + +class RGBDFrame: + def load(self, file_handle): + self.camera_to_world = np.asarray( + struct.unpack("f" * 16, file_handle.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.timestamp_color = struct.unpack("Q", file_handle.read(8))[0] + self.timestamp_depth = struct.unpack("Q", file_handle.read(8))[0] + self.color_size_bytes = struct.unpack("Q", file_handle.read(8))[0] + self.depth_size_bytes = struct.unpack("Q", file_handle.read(8))[0] + self.color_data = b"".join( + struct.unpack( + "c" * self.color_size_bytes, file_handle.read(self.color_size_bytes) + ) + ) + self.depth_data = b"".join( + struct.unpack( + "c" * self.depth_size_bytes, file_handle.read(self.depth_size_bytes) + ) + ) + + def decompress_depth(self, compression_type): + if compression_type == "zlib_ushort": + return self.decompress_depth_zlib() + else: + raise + + def decompress_depth_zlib(self): + return zlib.decompress(self.depth_data) + + def decompress_color(self, compression_type): + if compression_type == "jpeg": + return self.decompress_color_jpeg() + else: + raise + + def decompress_color_jpeg(self): + return imageio.imread(self.color_data) + + +class SensorData: + def __init__(self, filename): + self.version = 4 + self.load(filename) + + def load(self, filename): + with open(filename, "rb") as f: + version = struct.unpack("I", f.read(4))[0] + assert self.version == version + strlen = struct.unpack("Q", f.read(8))[0] + self.sensor_name = b"".join(struct.unpack("c" * strlen, f.read(strlen))) + self.intrinsic_color = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.extrinsic_color = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.intrinsic_depth = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.extrinsic_depth = np.asarray( + struct.unpack("f" * 16, f.read(16 * 4)), dtype=np.float32 + ).reshape(4, 4) + self.color_compression_type = COMPRESSION_TYPE_COLOR[ + struct.unpack("i", f.read(4))[0] + ] + self.depth_compression_type = COMPRESSION_TYPE_DEPTH[ + struct.unpack("i", f.read(4))[0] + ] + self.color_width = struct.unpack("I", f.read(4))[0] + self.color_height = struct.unpack("I", f.read(4))[0] + self.depth_width = struct.unpack("I", f.read(4))[0] + self.depth_height = struct.unpack("I", f.read(4))[0] + self.depth_shift = struct.unpack("f", f.read(4))[0] + num_frames = struct.unpack("Q", f.read(8))[0] + self.frames = [] + for i in range(num_frames): + frame = RGBDFrame() + frame.load(f) + self.frames.append(frame) + + def export_depth_images(self, output_path, image_size=None, frame_skip=1): + if not os.path.exists(output_path): + os.makedirs(output_path) + print( + "exporting", len(self.frames) // frame_skip, " depth frames to", output_path + ) + for f in range(0, len(self.frames), frame_skip): + if os.path.exists((os.path.join(output_path, str(f) + ".png"))): + continue + if f % 100 == 0: + print( + "exporting", + f, + "th depth frames to", + os.path.join(output_path, str(f) + ".png"), + ) + + depth_data = self.frames[f].decompress_depth(self.depth_compression_type) + depth = np.fromstring(depth_data, dtype=np.uint16).reshape( + self.depth_height, self.depth_width + ) + if image_size is not None: + depth = cv2.resize( + depth, + (image_size[1], image_size[0]), + interpolation=cv2.INTER_NEAREST, + ) + imageio.imwrite(os.path.join(output_path, str(f) + ".png"), depth) + + def export_color_images(self, output_path, image_size=None, frame_skip=1): + if not os.path.exists(output_path): + os.makedirs(output_path) + print( + "exporting", len(self.frames) // frame_skip, "color frames to", output_path + ) + for f in range(0, len(self.frames), frame_skip): + if os.path.exists((os.path.join(output_path, str(f) + ".png"))): + continue + if f % 100 == 0: + print( + "exporting", + f, + "th color frames to", + os.path.join(output_path, str(f) + ".png"), + ) + color = self.frames[f].decompress_color(self.color_compression_type) + if image_size is not None: + color = cv2.resize( + color, + (image_size[1], image_size[0]), + interpolation=cv2.INTER_NEAREST, + ) + # imageio.imwrite(os.path.join(output_path, str(f) + '.jpg'), color) + imageio.imwrite(os.path.join(output_path, str(f) + ".png"), color) + + def save_mat_to_file(self, matrix, filename): + with open(filename, "w") as f: + for line in matrix: + np.savetxt(f, line[np.newaxis], fmt="%f") + + def export_poses(self, output_path, frame_skip=1): + if not os.path.exists(output_path): + os.makedirs(output_path) + print( + "exporting", len(self.frames) // frame_skip, "camera poses to", output_path + ) + for f in range(0, len(self.frames), frame_skip): + self.save_mat_to_file( + self.frames[f].camera_to_world, + os.path.join(output_path, str(f) + ".txt"), + ) + + def export_intrinsics(self, output_path): + if not os.path.exists(output_path): + os.makedirs(output_path) + print("exporting camera intrinsics to", output_path) + self.save_mat_to_file( + self.intrinsic_color, os.path.join(output_path, "intrinsic_color.txt") + ) + self.save_mat_to_file( + self.extrinsic_color, os.path.join(output_path, "extrinsic_color.txt") + ) + self.save_mat_to_file( + self.intrinsic_depth, os.path.join(output_path, "intrinsic_depth.txt") + ) + self.save_mat_to_file( + self.extrinsic_depth, os.path.join(output_path, "extrinsic_depth.txt") + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/compute_full_overlapping.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/compute_full_overlapping.py new file mode 100644 index 0000000000000000000000000000000000000000..a6b407eebad280f2817805d15ec43b9f7f6afbf4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/compute_full_overlapping.py @@ -0,0 +1,91 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + +import copy +import torch +import numpy as np +import math +import glob, os +import argparse +import open3d as o3d + + +def make_open3d_point_cloud(xyz, color=None, voxel_size=None): + if np.isnan(xyz).any(): + return None + + xyz = xyz[:, :3] + pcd = o3d.geometry.PointCloud() + pcd.points = o3d.utility.Vector3dVector(xyz) + if color is not None: + pcd.colors = o3d.utility.Vector3dVector(color) + if voxel_size is not None: + pcd = pcd.voxel_down_sample(voxel_size) + + return pcd + + +def compute_overlap_ratio(pcd0, pcd1, voxel_size): + pcd0_down = pcd0.voxel_down_sample(voxel_size) + pcd1_down = pcd1.voxel_down_sample(voxel_size) + matching01 = get_matching_indices(pcd0_down, pcd1_down, voxel_size * 1.5, 1) + matching10 = get_matching_indices(pcd1_down, pcd0_down, voxel_size * 1.5, 1) + overlap0 = float(len(matching01)) / float(len(pcd0_down.points)) + overlap1 = float(len(matching10)) / float(len(pcd1_down.points)) + return max(overlap0, overlap1) + + +def get_matching_indices(source, pcd_tree, search_voxel_size, K=None): + match_inds = [] + for i, point in enumerate(source.points): + [_, idx, _] = pcd_tree.search_radius_vector_3d(point, search_voxel_size) + if K is not None: + idx = idx[:K] + for j in idx: + match_inds.append((i, j)) + return match_inds + + +def compute_full_overlapping(data_root, scene_id, voxel_size=0.05): + _points = [ + ( + pcd_name, + make_open3d_point_cloud( + torch.load(pcd_name)["coord"], voxel_size=voxel_size + ), + ) + for pcd_name in glob.glob(os.path.join(data_root, scene_id, "pcd", "*.pth")) + ] + points = [(pcd_name, pcd) for (pcd_name, pcd) in _points if pcd is not None] + print( + "load {} point clouds ({} invalid has been filtered), computing matching/overlapping".format( + len(points), len(_points) - len(points) + ) + ) + + matching_matrix = np.zeros((len(points), len(points))) + for i, (pcd0_name, pcd0) in enumerate(points): + print("matching to...{}".format(pcd0_name)) + pcd0_tree = o3d.geometry.KDTreeFlann(copy.deepcopy(pcd0)) + for j, (pcd1_name, pcd1) in enumerate(points): + if i == j: + continue + matching_matrix[i, j] = float( + len(get_matching_indices(pcd1, pcd0_tree, 1.5 * voxel_size, 1)) + ) / float(len(pcd1.points)) + + # write to file + with open(os.path.join(data_root, scene_id, "pcd", "overlap.txt"), "w") as f: + for i, (pcd0_name, pcd0) in enumerate(points): + for j, (pcd1_name, pcd1) in enumerate(points): + if i < j: + overlap = max(matching_matrix[i, j], matching_matrix[j, i]) + f.write( + "{} {} {}\n".format( + pcd0_name.replace(data_root, ""), + pcd1_name.replace(data_root, ""), + overlap, + ) + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/generage_list.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/generage_list.py new file mode 100644 index 0000000000000000000000000000000000000000..a8943ba040cc24fc8d3130bd8784052cb57ce6c9 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/generage_list.py @@ -0,0 +1,33 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + + +import argparse +import glob, os, sys + +from SensorData import SensorData + +# params +parser = argparse.ArgumentParser() +# data paths +parser.add_argument("--target_dir", required=True, help="path to the target dir") + +opt = parser.parse_args() +print(opt) + + +def main(): + overlaps = glob.glob(os.path.join(opt.target_dir, "*/pcd/overlap.txt")) + with open(os.path.join(opt.target_dir, "overlap30.txt"), "w") as f: + for fo in overlaps: + for line in open(fo): + pcd0, pcd1, op = line.strip().split() + if float(op) >= 0.3: + print("{} {} {}".format(pcd0, pcd1, op), file=f) + print("done") + + +if __name__ == "__main__": + main() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/plyfile.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/plyfile.py new file mode 100644 index 0000000000000000000000000000000000000000..17400c4bd28764829d248e90dc141182fa1d8f03 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/plyfile.py @@ -0,0 +1,894 @@ +# Copyright 2014 Darsh Ranjan +# +# This file is part of python-plyfile. +# +# python-plyfile is free software: you can redistribute it and/or +# modify it under the terms of the GNU General Public License as +# published by the Free Software Foundation, either version 3 of the +# License, or (at your option) any later version. +# +# python-plyfile is distributed in the hope that it will be useful, +# but WITHOUT ANY WARRANTY; without even the implied warranty of +# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the GNU +# General Public License for more details. +# +# You should have received a copy of the GNU General Public License +# along with python-plyfile. If not, see +# . + +from itertools import islice as _islice + +import numpy as _np +from sys import byteorder as _byteorder + + +try: + _range = xrange +except NameError: + _range = range + + +# Many-many relation +_data_type_relation = [ + ("int8", "i1"), + ("char", "i1"), + ("uint8", "u1"), + ("uchar", "b1"), + ("uchar", "u1"), + ("int16", "i2"), + ("short", "i2"), + ("uint16", "u2"), + ("ushort", "u2"), + ("int32", "i4"), + ("int", "i4"), + ("uint32", "u4"), + ("uint", "u4"), + ("float32", "f4"), + ("float", "f4"), + ("float64", "f8"), + ("double", "f8"), +] + +_data_types = dict(_data_type_relation) +_data_type_reverse = dict((b, a) for (a, b) in _data_type_relation) + +_types_list = [] +_types_set = set() +for _a, _b in _data_type_relation: + if _a not in _types_set: + _types_list.append(_a) + _types_set.add(_a) + if _b not in _types_set: + _types_list.append(_b) + _types_set.add(_b) + + +_byte_order_map = {"ascii": "=", "binary_little_endian": "<", "binary_big_endian": ">"} + +_byte_order_reverse = {"<": "binary_little_endian", ">": "binary_big_endian"} + +_native_byte_order = {"little": "<", "big": ">"}[_byteorder] + + +def _lookup_type(type_str): + if type_str not in _data_type_reverse: + try: + type_str = _data_types[type_str] + except KeyError: + raise ValueError("field type %r not in %r" % (type_str, _types_list)) + + return _data_type_reverse[type_str] + + +def _split_line(line, n): + fields = line.split(None, n) + if len(fields) == n: + fields.append("") + + assert len(fields) == n + 1 + + return fields + + +def make2d(array, cols=None, dtype=None): + """ + Make a 2D array from an array of arrays. The `cols' and `dtype' + arguments can be omitted if the array is not empty. + + """ + if (cols is None or dtype is None) and not len(array): + raise RuntimeError("cols and dtype must be specified for empty " "array") + + if cols is None: + cols = len(array[0]) + + if dtype is None: + dtype = array[0].dtype + + return _np.fromiter(array, [("_", dtype, (cols,))], count=len(array))["_"] + + +class PlyParseError(Exception): + """ + Raised when a PLY file cannot be parsed. + + The attributes `element', `row', `property', and `message' give + additional information. + + """ + + def __init__(self, message, element=None, row=None, prop=None): + self.message = message + self.element = element + self.row = row + self.prop = prop + + s = "" + if self.element: + s += "element %r: " % self.element.name + if self.row is not None: + s += "row %d: " % self.row + if self.prop: + s += "property %r: " % self.prop.name + s += self.message + + Exception.__init__(self, s) + + def __repr__(self): + return ( + "PlyParseError(%r, element=%r, row=%r, prop=%r)" % self.message, + self.element, + self.row, + self.prop, + ) + + +class PlyData(object): + """ + PLY file header and data. + + A PlyData instance is created in one of two ways: by the static + method PlyData.read (to read a PLY file), or directly from __init__ + given a sequence of elements (which can then be written to a PLY + file). + + """ + + def __init__( + self, elements=[], text=False, byte_order="=", comments=[], obj_info=[] + ): + """ + elements: sequence of PlyElement instances. + + text: whether the resulting PLY file will be text (True) or + binary (False). + + byte_order: '<' for little-endian, '>' for big-endian, or '=' + for native. This is only relevant if `text' is False. + + comments: sequence of strings that will be placed in the header + between the 'ply' and 'format ...' lines. + + obj_info: like comments, but will be placed in the header with + "obj_info ..." instead of "comment ...". + + """ + if byte_order == "=" and not text: + byte_order = _native_byte_order + + self.byte_order = byte_order + self.text = text + + self.comments = list(comments) + self.obj_info = list(obj_info) + self.elements = elements + + def _get_elements(self): + return self._elements + + def _set_elements(self, elements): + self._elements = tuple(elements) + self._index() + + elements = property(_get_elements, _set_elements) + + def _get_byte_order(self): + return self._byte_order + + def _set_byte_order(self, byte_order): + if byte_order not in ["<", ">", "="]: + raise ValueError("byte order must be '<', '>', or '='") + + self._byte_order = byte_order + + byte_order = property(_get_byte_order, _set_byte_order) + + def _index(self): + self._element_lookup = dict((elt.name, elt) for elt in self._elements) + if len(self._element_lookup) != len(self._elements): + raise ValueError("two elements with same name") + + @staticmethod + def _parse_header(stream): + """ + Parse a PLY header from a readable file-like stream. + + """ + lines = [] + comments = {"comment": [], "obj_info": []} + while True: + line = stream.readline().decode("ascii").strip() + fields = _split_line(line, 1) + + if fields[0] == "end_header": + break + + elif fields[0] in comments.keys(): + lines.append(fields) + else: + lines.append(line.split()) + + a = 0 + if lines[a] != ["ply"]: + raise PlyParseError("expected 'ply'") + + a += 1 + while lines[a][0] in comments.keys(): + comments[lines[a][0]].append(lines[a][1]) + a += 1 + + if lines[a][0] != "format": + raise PlyParseError("expected 'format'") + + if lines[a][2] != "1.0": + raise PlyParseError("expected version '1.0'") + + if len(lines[a]) != 3: + raise PlyParseError("too many fields after 'format'") + + fmt = lines[a][1] + + if fmt not in _byte_order_map: + raise PlyParseError("don't understand format %r" % fmt) + + byte_order = _byte_order_map[fmt] + text = fmt == "ascii" + + a += 1 + while a < len(lines) and lines[a][0] in comments.keys(): + comments[lines[a][0]].append(lines[a][1]) + a += 1 + + return PlyData( + PlyElement._parse_multi(lines[a:]), + text, + byte_order, + comments["comment"], + comments["obj_info"], + ) + + @staticmethod + def read(stream): + """ + Read PLY data from a readable file-like object or filename. + + """ + (must_close, stream) = _open_stream(stream, "read") + try: + data = PlyData._parse_header(stream) + for elt in data: + elt._read(stream, data.text, data.byte_order) + finally: + if must_close: + stream.close() + + return data + + def write(self, stream): + """ + Write PLY data to a writeable file-like object or filename. + + """ + (must_close, stream) = _open_stream(stream, "write") + try: + stream.write(self.header.encode("ascii")) + stream.write(b"\r\n") + for elt in self: + elt._write(stream, self.text, self.byte_order) + finally: + if must_close: + stream.close() + + @property + def header(self): + """ + Provide PLY-formatted metadata for the instance. + + """ + lines = ["ply"] + + if self.text: + lines.append("format ascii 1.0") + else: + lines.append("format " + _byte_order_reverse[self.byte_order] + " 1.0") + + # Some information is lost here, since all comments are placed + # between the 'format' line and the first element. + for c in self.comments: + lines.append("comment " + c) + + for c in self.obj_info: + lines.append("obj_info " + c) + + lines.extend(elt.header for elt in self.elements) + lines.append("end_header") + return "\r\n".join(lines) + + def __iter__(self): + return iter(self.elements) + + def __len__(self): + return len(self.elements) + + def __contains__(self, name): + return name in self._element_lookup + + def __getitem__(self, name): + return self._element_lookup[name] + + def __str__(self): + return self.header + + def __repr__(self): + return "PlyData(%r, text=%r, byte_order=%r, " "comments=%r, obj_info=%r)" % ( + self.elements, + self.text, + self.byte_order, + self.comments, + self.obj_info, + ) + + +def _open_stream(stream, read_or_write): + if hasattr(stream, read_or_write): + return (False, stream) + try: + return (True, open(stream, read_or_write[0] + "b")) + except TypeError: + raise RuntimeError("expected open file or filename") + + +class PlyElement(object): + """ + PLY file element. + + A client of this library doesn't normally need to instantiate this + directly, so the following is only for the sake of documenting the + internals. + + Creating a PlyElement instance is generally done in one of two ways: + as a byproduct of PlyData.read (when reading a PLY file) and by + PlyElement.describe (before writing a PLY file). + + """ + + def __init__(self, name, properties, count, comments=[]): + """ + This is not part of the public interface. The preferred methods + of obtaining PlyElement instances are PlyData.read (to read from + a file) and PlyElement.describe (to construct from a numpy + array). + + """ + self._name = str(name) + self._check_name() + self._count = count + + self._properties = tuple(properties) + self._index() + + self.comments = list(comments) + + self._have_list = any(isinstance(p, PlyListProperty) for p in self.properties) + + @property + def count(self): + return self._count + + def _get_data(self): + return self._data + + def _set_data(self, data): + self._data = data + self._count = len(data) + self._check_sanity() + + data = property(_get_data, _set_data) + + def _check_sanity(self): + for prop in self.properties: + if prop.name not in self._data.dtype.fields: + raise ValueError("dangling property %r" % prop.name) + + def _get_properties(self): + return self._properties + + def _set_properties(self, properties): + self._properties = tuple(properties) + self._check_sanity() + self._index() + + properties = property(_get_properties, _set_properties) + + def _index(self): + self._property_lookup = dict((prop.name, prop) for prop in self._properties) + if len(self._property_lookup) != len(self._properties): + raise ValueError("two properties with same name") + + def ply_property(self, name): + return self._property_lookup[name] + + @property + def name(self): + return self._name + + def _check_name(self): + if any(c.isspace() for c in self._name): + msg = "element name %r contains spaces" % self._name + raise ValueError(msg) + + def dtype(self, byte_order="="): + """ + Return the numpy dtype of the in-memory representation of the + data. (If there are no list properties, and the PLY format is + binary, then this also accurately describes the on-disk + representation of the element.) + + """ + return [(prop.name, prop.dtype(byte_order)) for prop in self.properties] + + @staticmethod + def _parse_multi(header_lines): + """ + Parse a list of PLY element definitions. + + """ + elements = [] + while header_lines: + (elt, header_lines) = PlyElement._parse_one(header_lines) + elements.append(elt) + + return elements + + @staticmethod + def _parse_one(lines): + """ + Consume one element definition. The unconsumed input is + returned along with a PlyElement instance. + + """ + a = 0 + line = lines[a] + + if line[0] != "element": + raise PlyParseError("expected 'element'") + if len(line) > 3: + raise PlyParseError("too many fields after 'element'") + if len(line) < 3: + raise PlyParseError("too few fields after 'element'") + + (name, count) = (line[1], int(line[2])) + + comments = [] + properties = [] + while True: + a += 1 + if a >= len(lines): + break + + if lines[a][0] == "comment": + comments.append(lines[a][1]) + elif lines[a][0] == "property": + properties.append(PlyProperty._parse_one(lines[a])) + else: + break + + return (PlyElement(name, properties, count, comments), lines[a:]) + + @staticmethod + def describe(data, name, len_types={}, val_types={}, comments=[]): + """ + Construct a PlyElement from an array's metadata. + + len_types and val_types can be given as mappings from list + property names to type strings (like 'u1', 'f4', etc., or + 'int8', 'float32', etc.). These can be used to define the length + and value types of list properties. List property lengths + always default to type 'u1' (8-bit unsigned integer), and value + types default to 'i4' (32-bit integer). + + """ + if not isinstance(data, _np.ndarray): + raise TypeError("only numpy arrays are supported") + + if len(data.shape) != 1: + raise ValueError("only one-dimensional arrays are " "supported") + + count = len(data) + + properties = [] + descr = data.dtype.descr + + for t in descr: + if not isinstance(t[1], str): + raise ValueError("nested records not supported") + + if not t[0]: + raise ValueError("field with empty name") + + if len(t) != 2 or t[1][1] == "O": + # non-scalar field, which corresponds to a list + # property in PLY. + + if t[1][1] == "O": + if len(t) != 2: + raise ValueError("non-scalar object fields not " "supported") + + len_str = _data_type_reverse[len_types.get(t[0], "u1")] + if t[1][1] == "O": + val_type = val_types.get(t[0], "i4") + val_str = _lookup_type(val_type) + else: + val_str = _lookup_type(t[1][1:]) + + prop = PlyListProperty(t[0], len_str, val_str) + else: + val_str = _lookup_type(t[1][1:]) + prop = PlyProperty(t[0], val_str) + + properties.append(prop) + + elt = PlyElement(name, properties, count, comments) + elt.data = data + + return elt + + def _read(self, stream, text, byte_order): + """ + Read the actual data from a PLY file. + + """ + if text: + self._read_txt(stream) + else: + if self._have_list: + # There are list properties, so a simple load is + # impossible. + self._read_bin(stream, byte_order) + else: + # There are no list properties, so loading the data is + # much more straightforward. + self._data = _np.fromfile(stream, self.dtype(byte_order), self.count) + + if len(self._data) < self.count: + k = len(self._data) + del self._data + raise PlyParseError("early end-of-file", self, k) + + self._check_sanity() + + def _write(self, stream, text, byte_order): + """ + Write the data to a PLY file. + + """ + if text: + self._write_txt(stream) + else: + if self._have_list: + # There are list properties, so serialization is + # slightly complicated. + self._write_bin(stream, byte_order) + else: + # no list properties, so serialization is + # straightforward. + self.data.astype(self.dtype(byte_order), copy=False).tofile(stream) + + def _read_txt(self, stream): + """ + Load a PLY element from an ASCII-format PLY file. The element + may contain list properties. + + """ + self._data = _np.empty(self.count, dtype=self.dtype()) + + k = 0 + for line in _islice(iter(stream.readline, b""), self.count): + fields = iter(line.strip().split()) + for prop in self.properties: + try: + self._data[prop.name][k] = prop._from_fields(fields) + except StopIteration: + raise PlyParseError("early end-of-line", self, k, prop) + except ValueError: + raise PlyParseError("malformed input", self, k, prop) + try: + next(fields) + except StopIteration: + pass + else: + raise PlyParseError("expected end-of-line", self, k) + k += 1 + + if k < self.count: + del self._data + raise PlyParseError("early end-of-file", self, k) + + def _write_txt(self, stream): + """ + Save a PLY element to an ASCII-format PLY file. The element may + contain list properties. + + """ + for rec in self.data: + fields = [] + for prop in self.properties: + fields.extend(prop._to_fields(rec[prop.name])) + + _np.savetxt(stream, [fields], "%.18g", newline="\r\n") + + def _read_bin(self, stream, byte_order): + """ + Load a PLY element from a binary PLY file. The element may + contain list properties. + + """ + self._data = _np.empty(self.count, dtype=self.dtype(byte_order)) + + for k in _range(self.count): + for prop in self.properties: + try: + self._data[prop.name][k] = prop._read_bin(stream, byte_order) + except StopIteration: + raise PlyParseError("early end-of-file", self, k, prop) + + def _write_bin(self, stream, byte_order): + """ + Save a PLY element to a binary PLY file. The element may + contain list properties. + + """ + for rec in self.data: + for prop in self.properties: + prop._write_bin(rec[prop.name], stream, byte_order) + + @property + def header(self): + """ + Format this element's metadata as it would appear in a PLY + header. + + """ + lines = ["element %s %d" % (self.name, self.count)] + + # Some information is lost here, since all comments are placed + # between the 'element' line and the first property definition. + for c in self.comments: + lines.append("comment " + c) + + lines.extend(list(map(str, self.properties))) + + return "\r\n".join(lines) + + def __getitem__(self, key): + return self.data[key] + + def __setitem__(self, key, value): + self.data[key] = value + + def __str__(self): + return self.header + + def __repr__(self): + return "PlyElement(%r, %r, count=%d, comments=%r)" % ( + self.name, + self.properties, + self.count, + self.comments, + ) + + +class PlyProperty(object): + """ + PLY property description. This class is pure metadata; the data + itself is contained in PlyElement instances. + + """ + + def __init__(self, name, val_dtype): + self._name = str(name) + self._check_name() + self.val_dtype = val_dtype + + def _get_val_dtype(self): + return self._val_dtype + + def _set_val_dtype(self, val_dtype): + self._val_dtype = _data_types[_lookup_type(val_dtype)] + + val_dtype = property(_get_val_dtype, _set_val_dtype) + + @property + def name(self): + return self._name + + def _check_name(self): + if any(c.isspace() for c in self._name): + msg = "Error: property name %r contains spaces" % self._name + raise RuntimeError(msg) + + @staticmethod + def _parse_one(line): + assert line[0] == "property" + + if line[1] == "list": + if len(line) > 5: + raise PlyParseError("too many fields after " "'property list'") + if len(line) < 5: + raise PlyParseError("too few fields after " "'property list'") + + return PlyListProperty(line[4], line[2], line[3]) + + else: + if len(line) > 3: + raise PlyParseError("too many fields after " "'property'") + if len(line) < 3: + raise PlyParseError("too few fields after " "'property'") + + return PlyProperty(line[2], line[1]) + + def dtype(self, byte_order="="): + """ + Return the numpy dtype description for this property (as a tuple + of strings). + + """ + return byte_order + self.val_dtype + + def _from_fields(self, fields): + """ + Parse from generator. Raise StopIteration if the property could + not be read. + + """ + return _np.dtype(self.dtype()).type(next(fields)) + + def _to_fields(self, data): + """ + Return generator over one item. + + """ + yield _np.dtype(self.dtype()).type(data) + + def _read_bin(self, stream, byte_order): + """ + Read data from a binary stream. Raise StopIteration if the + property could not be read. + + """ + try: + return _np.fromfile(stream, self.dtype(byte_order), 1)[0] + except IndexError: + raise StopIteration + + def _write_bin(self, data, stream, byte_order): + """ + Write data to a binary stream. + + """ + _np.dtype(self.dtype(byte_order)).type(data).tofile(stream) + + def __str__(self): + val_str = _data_type_reverse[self.val_dtype] + return "property %s %s" % (val_str, self.name) + + def __repr__(self): + return "PlyProperty(%r, %r)" % (self.name, _lookup_type(self.val_dtype)) + + +class PlyListProperty(PlyProperty): + """ + PLY list property description. + + """ + + def __init__(self, name, len_dtype, val_dtype): + PlyProperty.__init__(self, name, val_dtype) + + self.len_dtype = len_dtype + + def _get_len_dtype(self): + return self._len_dtype + + def _set_len_dtype(self, len_dtype): + self._len_dtype = _data_types[_lookup_type(len_dtype)] + + len_dtype = property(_get_len_dtype, _set_len_dtype) + + def dtype(self, byte_order="="): + """ + List properties always have a numpy dtype of "object". + + """ + return "|O" + + def list_dtype(self, byte_order="="): + """ + Return the pair (len_dtype, val_dtype) (both numpy-friendly + strings). + + """ + return (byte_order + self.len_dtype, byte_order + self.val_dtype) + + def _from_fields(self, fields): + (len_t, val_t) = self.list_dtype() + + n = int(_np.dtype(len_t).type(next(fields))) + + data = _np.loadtxt(list(_islice(fields, n)), val_t, ndmin=1) + if len(data) < n: + raise StopIteration + + return data + + def _to_fields(self, data): + """ + Return generator over the (numerical) PLY representation of the + list data (length followed by actual data). + + """ + (len_t, val_t) = self.list_dtype() + + data = _np.asarray(data, dtype=val_t).ravel() + + yield _np.dtype(len_t).type(data.size) + for x in data: + yield x + + def _read_bin(self, stream, byte_order): + (len_t, val_t) = self.list_dtype(byte_order) + + try: + n = _np.fromfile(stream, len_t, 1)[0] + except IndexError: + raise StopIteration + + data = _np.fromfile(stream, val_t, n) + if len(data) < n: + raise StopIteration + + return data + + def _write_bin(self, data, stream, byte_order): + """ + Write data to a binary stream. + + """ + (len_t, val_t) = self.list_dtype(byte_order) + + data = _np.asarray(data, dtype=val_t).ravel() + + _np.array(data.size, dtype=len_t).tofile(stream) + data.tofile(stream) + + def __str__(self): + len_str = _data_type_reverse[self.len_dtype] + val_str = _data_type_reverse[self.val_dtype] + return "property list %s %s %s" % (len_str, val_str, self.name) + + def __repr__(self): + return "PlyListProperty(%r, %r, %r)" % ( + self.name, + _lookup_type(self.len_dtype), + _lookup_type(self.val_dtype), + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/point_cloud_extractor.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/point_cloud_extractor.py new file mode 100644 index 0000000000000000000000000000000000000000..1cbff78d9453bac7efe8359448dabcd6edb60452 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/point_cloud_extractor.py @@ -0,0 +1,98 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +# +# This source code is licensed under the MIT license found in the +# LICENSE file in the root directory of this source tree. + + +import glob, os +import numpy as np +import cv2 +import torch + + +def extractor(input_path, output_path): + if not os.path.exists(output_path): + os.mkdir(output_path) + + # Load Depth Camera Intrinsic + depth_intrinsic = np.loadtxt(input_path + "/intrinsic/intrinsic_depth.txt") + print("Depth intrinsic: ") + print(depth_intrinsic) + + # Compute Camrea Distance (just for demo, so you can choose the camera distance in frame sampling) + poses = sorted( + glob.glob(input_path + "/pose/*.txt"), + key=lambda a: int(os.path.basename(a).split(".")[0]), + ) + depths = sorted( + glob.glob(input_path + "/depth/*.png"), + key=lambda a: int(os.path.basename(a).split(".")[0]), + ) + colors = sorted( + glob.glob(input_path + "/color/*.png"), + key=lambda a: int(os.path.basename(a).split(".")[0]), + ) + + # # Get Aligned Point Clouds. + for ind, (pose, depth, color) in enumerate(zip(poses, depths, colors)): + name = os.path.basename(pose).split(".")[0] + + if os.path.exists(output_path + "/{}.npz".format(name)): + continue + + try: + print("=" * 50, ": {}".format(pose)) + depth_img = cv2.imread(depth, -1) # read 16bit grayscale image + mask = depth_img != 0 + color_image = cv2.imread(color) + color_image = cv2.resize(color_image, (640, 480)) + color_image = np.reshape(color_image[mask], [-1, 3]) + colors = np.zeros_like(color_image) + colors[:, 0] = color_image[:, 2] + colors[:, 1] = color_image[:, 1] + colors[:, 2] = color_image[:, 0] + + pose = np.loadtxt(poses[ind]) + print("Camera pose: ") + print(pose) + + depth_shift = 1000.0 + x, y = np.meshgrid( + np.linspace(0, depth_img.shape[1] - 1, depth_img.shape[1]), + np.linspace(0, depth_img.shape[0] - 1, depth_img.shape[0]), + ) + uv_depth = np.zeros((depth_img.shape[0], depth_img.shape[1], 3)) + uv_depth[:, :, 0] = x + uv_depth[:, :, 1] = y + uv_depth[:, :, 2] = depth_img / depth_shift + uv_depth = np.reshape(uv_depth, [-1, 3]) + uv_depth = uv_depth[np.where(uv_depth[:, 2] != 0), :].squeeze() + + intrinsic_inv = np.linalg.inv(depth_intrinsic) + fx = depth_intrinsic[0, 0] + fy = depth_intrinsic[1, 1] + cx = depth_intrinsic[0, 2] + cy = depth_intrinsic[1, 2] + bx = depth_intrinsic[0, 3] + by = depth_intrinsic[1, 3] + point_list = [] + n = uv_depth.shape[0] + points = np.ones((n, 4)) + X = (uv_depth[:, 0] - cx) * uv_depth[:, 2] / fx + bx + Y = (uv_depth[:, 1] - cy) * uv_depth[:, 2] / fy + by + points[:, 0] = X + points[:, 1] = Y + points[:, 2] = uv_depth[:, 2] + points_world = np.dot(points, np.transpose(pose)) + print(points_world.shape) + + pcd = dict(coord=points_world[:, :3], color=colors) + # pcd_save = np.zeros((points_world.shape[0], 7)) + # pcd_save[:, :3] = points_world[:, :3] + # pcd_save[:, 3:6] = colors + + # print('Saving npz file...') + # np.savez(output_path + '/{}.npz'.format(name), pcd=pcd_save) + torch.save(pcd, output_path + "/{}.pth".format(name)) + except: + continue diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/preprocess.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..818c369fa60b841736012950895c6dbaebdbef86 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/preprocess.py @@ -0,0 +1,51 @@ +import os +import argparse +import glob +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from reader import reader +from point_cloud_extractor import extractor +from compute_full_overlapping import compute_full_overlapping + + +frame_skip = 25 + + +def parse_sens(sens_dir, output_dir): + scene_id = os.path.basename(os.path.dirname(sens_dir)) + print(f"Parsing sens data{sens_dir}") + reader( + sens_dir, + os.path.join(output_dir, scene_id), + frame_skip, + export_color_images=True, + export_depth_images=True, + export_poses=True, + export_intrinsics=True, + ) + extractor( + os.path.join(output_dir, scene_id), os.path.join(output_dir, scene_id, "pcd") + ) + compute_full_overlapping(output_dir, scene_id) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + opt = parser.parse_args() + sens_list = sorted(glob.glob(os.path.join(opt.dataset_root, "scans/scene*/*.sens"))) + # Preprocess data. + pool = ProcessPoolExecutor(max_workers=mp.cpu_count()) + # pool = ProcessPoolExecutor(max_workers=1) + print("Processing scenes...") + _ = list(pool.map(parse_sens, sens_list, repeat(opt.output_root))) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/reader.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/reader.py new file mode 100644 index 0000000000000000000000000000000000000000..d21aa0ce88006f34775edc9d9aaf4e750d523197 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannet/scannet_pair/reader.py @@ -0,0 +1,33 @@ +import argparse +import os, sys + +from SensorData import SensorData + + +def reader( + filename, + output_path, + frame_skip, + export_color_images=False, + export_depth_images=False, + export_poses=False, + export_intrinsics=False, +): + if not os.path.exists(output_path): + os.makedirs(output_path) + + # load the data + print("loading %s..." % filename) + sd = SensorData(filename) + if export_depth_images: + sd.export_depth_images( + os.path.join(output_path, "depth"), frame_skip=frame_skip + ) + if export_color_images: + sd.export_color_images( + os.path.join(output_path, "color"), frame_skip=frame_skip + ) + if export_poses: + sd.export_poses(os.path.join(output_path, "pose"), frame_skip=frame_skip) + if export_intrinsics: + sd.export_intrinsics(os.path.join(output_path, "intrinsic")) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannetpp/preprocess_scannetpp.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannetpp/preprocess_scannetpp.py new file mode 100644 index 0000000000000000000000000000000000000000..ad820029016ff16c53ab0ad872ede9449add6a7b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/scannetpp/preprocess_scannetpp.py @@ -0,0 +1,252 @@ +""" +Preprocessing Script for ScanNet++ +modified from official preprocess code. + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import argparse +import json +import numpy as np +import pandas as pd +import open3d as o3d +import multiprocessing as mp +from collections import OrderedDict +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat +from pathlib import Path + + +def parse_scene( + name, + split, + dataset_root, + output_root, + label_mapping, + class2idx, + ignore_index=-1, +): + print(f"Parsing scene {name} in {split} split") + dataset_root = Path(dataset_root) + output_root = Path(output_root) + scene_path = dataset_root / "data" / name / "scans" + mesh_path = scene_path / "mesh_aligned_0.05.ply" + segs_path = scene_path / "segments.json" + anno_path = scene_path / "segments_anno.json" + + # load mesh vertices and colors + mesh = o3d.io.read_triangle_mesh(str(mesh_path)) + + # extract mesh information + mesh.compute_vertex_normals(normalized=True) + coord = np.array(mesh.vertices).astype(np.float32) + color = (np.array(mesh.vertex_colors) * 255).astype(np.uint8) + normal = np.array(mesh.vertex_normals).astype(np.float32) + + save_path = output_root / split / name + save_path.mkdir(parents=True, exist_ok=True) + np.save(save_path / "coord.npy", coord) + np.save(save_path / "color.npy", color) + np.save(save_path / "normal.npy", normal) + + if split == "test": + return + + # get label on vertices + # load segments = vertices per segment ID + with open(segs_path) as f: + segments = json.load(f) + # load anno = (instance, groups of segments) + with open(anno_path) as f: + anno = json.load(f) + seg_indices = np.array(segments["segIndices"], dtype=np.uint32) + num_vertices = len(seg_indices) + assert num_vertices == len(coord) + semantic_gt = np.ones((num_vertices, 3), dtype=np.int16) * ignore_index + instance_gt = np.ones((num_vertices, 3), dtype=np.int16) * ignore_index + + # number of labels are used per vertex. initially 0 + # increment each time a new label is added + instance_size = np.ones((num_vertices, 3), dtype=np.int16) * np.inf + + # keep track of the size of the instance (#vertices) assigned to each vertex + # later, keep the label of the smallest instance for major label of vertices + # store inf initially so that we can pick the smallest instance + labels_used = np.zeros(num_vertices, dtype=np.int16) + + for idx, instance in enumerate(anno["segGroups"]): + label = instance["label"] + instance["label_orig"] = label + # remap label + instance["label"] = label_mapping.get(label, None) + instance["label_index"] = class2idx.get(label, ignore_index) + + if instance["label_index"] == ignore_index: + continue + # get all the vertices with segment index in this instance + # and max number of labels not yet applied + mask = np.isin(seg_indices, instance["segments"]) & (labels_used < 3) + size = mask.sum() + if size == 0: + continue + + # get the position to add the label - 0, 1, 2 + label_position = labels_used[mask] + semantic_gt[mask, label_position] = instance["label_index"] + # store all valid instance (include ignored instance) + instance_gt[mask, label_position] = instance["objectId"] + instance_size[mask, label_position] = size + labels_used[mask] += 1 + + # major label is the label of smallest instance for each vertex + # use major label for single class segmentation + # shift major label to the first column + mask = labels_used > 1 + if mask.sum() > 0: + major_label_position = np.argmin(instance_size[mask], axis=1) + + major_semantic_label = semantic_gt[mask, major_label_position] + semantic_gt[mask, major_label_position] = semantic_gt[:, 0][mask] + semantic_gt[:, 0][mask] = major_semantic_label + + major_instance_label = instance_gt[mask, major_label_position] + instance_gt[mask, major_label_position] = instance_gt[:, 0][mask] + instance_gt[:, 0][mask] = major_instance_label + + np.save(save_path / "segment.npy", semantic_gt) + np.save(save_path / "instance.npy", instance_gt) + + +def filter_map_classes(mapping, count_thresh, count_type, mapping_type): + mapping = mapping[mapping[count_type] >= count_thresh] + if mapping_type == "semantic": + map_key = "semantic_map_to" + elif mapping_type == "instance": + map_key = "instance_map_to" + else: + raise NotImplementedError + # create a dict with classes to be mapped + # classes that don't have mapping are entered as x->x + # otherwise x->y + map_dict = OrderedDict() + + for i in range(mapping.shape[0]): + row = mapping.iloc[i] + class_name = row["class"] + map_target = row[map_key] + + # map to None or some other label -> don't add this class to the label list + try: + if len(map_target) > 0: + # map to None -> don't use this class + if map_target == "None": + pass + else: + # map to something else -> use this class + map_dict[class_name] = map_target + except TypeError: + # nan values -> no mapping, keep label as is + if class_name not in map_dict: + map_dict[class_name] = class_name + + return map_dict + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet++ dataset containing data/metadata/splits.", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val/test folders will be located.", + ) + parser.add_argument( + "--ignore_index", + default=-1, + type=int, + help="Default ignore index.", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + config = parser.parse_args() + + print("Loading meta data...") + config.dataset_root = Path(config.dataset_root) + config.output_root = Path(config.output_root) + + train_list = np.loadtxt( + config.dataset_root / "splits" / "nvs_sem_train.txt", + dtype=str, + ) + print("Num samples in training split:", len(train_list)) + + val_list = np.loadtxt( + config.dataset_root / "splits" / "nvs_sem_val.txt", + dtype=str, + ) + print("Num samples in validation split:", len(val_list)) + + test_list = np.loadtxt( + config.dataset_root / "splits" / "sem_test.txt", + dtype=str, + ) + print("Num samples in testing split:", len(test_list)) + + data_list = np.concatenate([train_list, val_list, test_list]) + split_list = np.concatenate( + [ + np.full_like(train_list, "train"), + np.full_like(val_list, "val"), + np.full_like(test_list, "test"), + ] + ) + + # Parsing label information and mapping + segment_class_names = np.loadtxt( + config.dataset_root / "metadata" / "semantic_benchmark" / "top100.txt", + dtype=str, + delimiter=".", # dummy delimiter to replace " " + ) + print("Num classes in segment class list:", len(segment_class_names)) + + instance_class_names = np.loadtxt( + config.dataset_root / "metadata" / "semantic_benchmark" / "top100_instance.txt", + dtype=str, + delimiter=".", # dummy delimiter to replace " " + ) + print("Num classes in instance class list:", len(instance_class_names)) + + label_mapping = pd.read_csv( + config.dataset_root / "metadata" / "semantic_benchmark" / "map_benchmark.csv" + ) + label_mapping = filter_map_classes( + label_mapping, count_thresh=0, count_type="count", mapping_type="semantic" + ) + class2idx = { + class_name: idx for (idx, class_name) in enumerate(segment_class_names) + } + + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + parse_scene, + data_list, + split_list, + repeat(config.dataset_root), + repeat(config.output_root), + repeat(label_mapping), + repeat(class2idx), + repeat(config.ignore_index), + ) + ) + pool.shutdown() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/structured3d/preprocess_structured3d.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/structured3d/preprocess_structured3d.py new file mode 100644 index 0000000000000000000000000000000000000000..6924dc9abf3a3c253ee80dd3b3d85454e3df35d2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/structured3d/preprocess_structured3d.py @@ -0,0 +1,420 @@ +""" +Preprocessing Script for Structured3D + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import argparse +import io +import os +import PIL +from PIL import Image +import cv2 +import zipfile +import numpy as np +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + + +VALID_CLASS_IDS_25 = ( + 1, + 2, + 3, + 4, + 5, + 6, + 7, + 8, + 9, + 11, + 14, + 15, + 16, + 17, + 18, + 19, + 22, + 24, + 25, + 32, + 34, + 35, + 38, + 39, + 40, +) +CLASS_LABELS_25 = ( + "wall", + "floor", + "cabinet", + "bed", + "chair", + "sofa", + "table", + "door", + "window", + "picture", + "desk", + "shelves", + "curtain", + "dresser", + "pillow", + "mirror", + "ceiling", + "refrigerator", + "television", + "nightstand", + "sink", + "lamp", + "otherstructure", + "otherfurniture", + "otherprop", +) + + +def normal_from_cross_product(points_2d: np.ndarray) -> np.ndarray: + xyz_points_pad = np.pad(points_2d, ((0, 1), (0, 1), (0, 0)), mode="symmetric") + xyz_points_ver = (xyz_points_pad[:, :-1, :] - xyz_points_pad[:, 1:, :])[:-1, :, :] + xyz_points_hor = (xyz_points_pad[:-1, :, :] - xyz_points_pad[1:, :, :])[:, :-1, :] + xyz_normal = np.cross(xyz_points_hor, xyz_points_ver) + xyz_dist = np.linalg.norm(xyz_normal, axis=-1, keepdims=True) + xyz_normal = np.divide( + xyz_normal, xyz_dist, out=np.zeros_like(xyz_normal), where=xyz_dist != 0 + ) + return xyz_normal + + +class Structured3DReader: + def __init__(self, files): + super().__init__() + if isinstance(files, str): + files = [files] + self.readers = [zipfile.ZipFile(f, "r") for f in files] + self.names_mapper = dict() + for idx, reader in enumerate(self.readers): + for name in reader.namelist(): + self.names_mapper[name] = idx + + def filelist(self): + return list(self.names_mapper.keys()) + + def listdir(self, dir_name): + dir_name = dir_name.lstrip(os.path.sep).rstrip(os.path.sep) + file_list = list( + np.unique( + [ + f.replace(dir_name + os.path.sep, "", 1).split(os.path.sep)[0] + for f in self.filelist() + if f.startswith(dir_name + os.path.sep) + ] + ) + ) + if "" in file_list: + file_list.remove("") + return file_list + + def read(self, file_name): + split = self.names_mapper[file_name] + return self.readers[split].read(file_name) + + def read_camera(self, camera_path): + z2y_top_m = np.array([[0, 1, 0], [0, 0, 1], [1, 0, 0]], dtype=np.float32) + cam_extr = np.fromstring(self.read(camera_path), dtype=np.float32, sep=" ") + cam_t = np.matmul(z2y_top_m, cam_extr[:3] / 1000) + if cam_extr.shape[0] > 3: + cam_front, cam_up = cam_extr[3:6], cam_extr[6:9] + cam_n = np.cross(cam_front, cam_up) + cam_r = np.stack((cam_front, cam_up, cam_n), axis=1).astype(np.float32) + cam_r = np.matmul(z2y_top_m, cam_r) + cam_f = cam_extr[9:11] + else: + cam_r = np.eye(3, dtype=np.float32) + cam_f = None + return cam_r, cam_t, cam_f + + def read_depth(self, depth_path): + depth = cv2.imdecode( + np.frombuffer(self.read(depth_path), np.uint8), cv2.IMREAD_UNCHANGED + )[..., np.newaxis] + depth[depth == 0] = 65535 + return depth + + def read_color(self, color_path): + color = cv2.imdecode( + np.frombuffer(self.read(color_path), np.uint8), cv2.IMREAD_UNCHANGED + )[..., :3][..., ::-1] + return color + + def read_segment(self, segment_path): + segment = np.array(PIL.Image.open(io.BytesIO(self.read(segment_path))))[ + ..., np.newaxis + ] + return segment + + +def parse_scene( + scene, + dataset_root, + output_root, + ignore_index=-1, + grid_size=None, + fuse_prsp=True, + fuse_pano=True, + vis=False, +): + assert fuse_prsp or fuse_pano + reader = Structured3DReader( + [ + os.path.join(dataset_root, f) + for f in os.listdir(dataset_root) + if f.endswith(".zip") + ] + ) + scene_id = int(os.path.basename(scene).split("_")[-1]) + if scene_id < 3000: + split = "train" + elif 3000 <= scene_id < 3250: + split = "val" + else: + split = "test" + + print(f"Processing: {scene} in {split}") + rooms = reader.listdir(os.path.join("Structured3D", scene, "2D_rendering")) + for room in rooms: + room_path = os.path.join("Structured3D", scene, "2D_rendering", room) + coord_list = list() + color_list = list() + normal_list = list() + segment_list = list() + if fuse_prsp: + prsp_path = os.path.join(room_path, "perspective", "full") + frames = reader.listdir(prsp_path) + + for frame in frames: + try: + cam_r, cam_t, cam_f = reader.read_camera( + os.path.join(prsp_path, frame, "camera_pose.txt") + ) + depth = reader.read_depth( + os.path.join(prsp_path, frame, "depth.png") + ) + color = reader.read_color( + os.path.join(prsp_path, frame, "rgb_rawlight.png") + ) + segment = reader.read_segment( + os.path.join(prsp_path, frame, "semantic.png") + ) + except: + print( + f"Skipping {scene}_room{room}_frame{frame} perspective view due to loading error" + ) + else: + fx, fy = cam_f + height, width = depth.shape[0], depth.shape[1] + pixel = np.transpose(np.indices((width, height)), (2, 1, 0)) + pixel = pixel.reshape((-1, 2)) + pixel = np.hstack((pixel, np.ones((pixel.shape[0], 1)))) + k = np.diag([1.0, 1.0, 1.0]) + + k[0, 2] = width / 2 + k[1, 2] = height / 2 + + k[0, 0] = k[0, 2] / np.tan(fx) + k[1, 1] = k[1, 2] / np.tan(fy) + coord = ( + depth.reshape((-1, 1)) * (np.linalg.inv(k) @ pixel.T).T + ).reshape(height, width, 3) + coord = coord @ np.array([[0, 0, 1], [0, -1, 0], [1, 0, 0]]) + normal = normal_from_cross_product(coord) + + # Filtering invalid points + view_dist = np.maximum( + np.linalg.norm(coord, axis=-1, keepdims=True), float(10e-5) + ) + cosine_dist = np.sum( + (coord * normal / view_dist), axis=-1, keepdims=True + ) + cosine_dist = np.abs(cosine_dist) + mask = ((cosine_dist > 0.15) & (depth < 65535) & (segment > 0))[ + ..., 0 + ].reshape(-1) + + coord = np.matmul(coord / 1000, cam_r.T) + cam_t + normal = normal_from_cross_product(coord) + + if sum(mask) > 0: + coord_list.append(coord.reshape(-1, 3)[mask]) + color_list.append(color.reshape(-1, 3)[mask]) + normal_list.append(normal.reshape(-1, 3)[mask]) + segment_list.append(segment.reshape(-1, 1)[mask]) + else: + print( + f"Skipping {scene}_room{room}_frame{frame} perspective view due to all points are filtered out" + ) + + if fuse_pano: + pano_path = os.path.join(room_path, "panorama") + try: + _, cam_t, _ = reader.read_camera( + os.path.join(pano_path, "camera_xyz.txt") + ) + depth = reader.read_depth(os.path.join(pano_path, "full", "depth.png")) + color = reader.read_color( + os.path.join(pano_path, "full", "rgb_rawlight.png") + ) + segment = reader.read_segment( + os.path.join(pano_path, "full", "semantic.png") + ) + except: + print(f"Skipping {scene}_room{room} panorama view due to loading error") + else: + p_h, p_w = depth.shape[:2] + p_a = np.arange(p_w, dtype=np.float32) / p_w * 2 * np.pi - np.pi + p_b = np.arange(p_h, dtype=np.float32) / p_h * np.pi * -1 + np.pi / 2 + p_a = np.tile(p_a[None], [p_h, 1])[..., np.newaxis] + p_b = np.tile(p_b[:, None], [1, p_w])[..., np.newaxis] + p_a_sin, p_a_cos, p_b_sin, p_b_cos = ( + np.sin(p_a), + np.cos(p_a), + np.sin(p_b), + np.cos(p_b), + ) + x = depth * p_a_cos * p_b_cos + y = depth * p_b_sin + z = depth * p_a_sin * p_b_cos + coord = np.concatenate([x, y, z], axis=-1) / 1000 + normal = normal_from_cross_product(coord) + + # Filtering invalid points + view_dist = np.maximum( + np.linalg.norm(coord, axis=-1, keepdims=True), float(10e-5) + ) + cosine_dist = np.sum( + (coord * normal / view_dist), axis=-1, keepdims=True + ) + cosine_dist = np.abs(cosine_dist) + mask = ((cosine_dist > 0.15) & (depth < 65535) & (segment > 0))[ + ..., 0 + ].reshape(-1) + coord = coord + cam_t + + if sum(mask) > 0: + coord_list.append(coord.reshape(-1, 3)[mask]) + color_list.append(color.reshape(-1, 3)[mask]) + normal_list.append(normal.reshape(-1, 3)[mask]) + segment_list.append(segment.reshape(-1, 1)[mask]) + else: + print( + f"Skipping {scene}_room{room} panorama view due to all points are filtered out" + ) + + if len(coord_list) > 0: + coord = np.concatenate(coord_list, axis=0) + coord = coord @ np.array([[1, 0, 0], [0, 0, 1], [0, 1, 0]]) + color = np.concatenate(color_list, axis=0) + normal = np.concatenate(normal_list, axis=0) + normal = normal @ np.array([[1, 0, 0], [0, 0, 1], [0, 1, 0]]) + segment = np.concatenate(segment_list, axis=0) + segment25 = np.ones_like(segment, dtype=np.int64) * ignore_index + for idx, value in enumerate(VALID_CLASS_IDS_25): + mask = np.all(segment == value, axis=-1) + segment25[mask] = idx + + data_dict = dict( + coord=coord.astype(np.float32), + color=color.astype(np.uint8), + normal=normal.astype(np.float32), + segment=segment25.astype(np.int16), + ) + # Grid sampling data + if grid_size is not None: + grid_coord = np.floor(coord / grid_size).astype(int) + _, idx = np.unique(grid_coord, axis=0, return_index=True) + coord = coord[idx] + for key in data_dict.keys(): + data_dict[key] = data_dict[key][idx] + + # Save data + save_path = os.path.join( + output_root, split, os.path.basename(scene), f"room_{room}" + ) + os.makedirs(save_path, exist_ok=True) + for key in data_dict.keys(): + np.save(os.path.join(save_path, f"{key}.npy"), data_dict[key]) + + if vis: + from pointcept.utils.visualization import save_point_cloud + + os.makedirs("./vis", exist_ok=True) + save_point_cloud( + coord, color / 255, f"./vis/{scene}_room{room}_color.ply" + ) + save_point_cloud( + coord, (normal + 1) / 2, f"./vis/{scene}_room{room}_normal.ply" + ) + else: + print(f"Skipping {scene}_room{room} due to no valid points") + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the ScanNet dataset containing scene folders.", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located.", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + parser.add_argument( + "--grid_size", default=None, type=float, help="Grid size for grid sampling." + ) + parser.add_argument("--ignore_index", default=-1, type=float, help="Ignore index.") + parser.add_argument( + "--fuse_prsp", action="store_true", help="Whether fuse perspective view." + ) + parser.add_argument( + "--fuse_pano", action="store_true", help="Whether fuse panorama view." + ) + config = parser.parse_args() + + reader = Structured3DReader( + [ + os.path.join(config.dataset_root, f) + for f in os.listdir(config.dataset_root) + if f.endswith(".zip") + ] + ) + + scenes_list = reader.listdir("Structured3D") + scenes_list = sorted(scenes_list) + os.makedirs(os.path.join(config.output_root, "train"), exist_ok=True) + os.makedirs(os.path.join(config.output_root, "val"), exist_ok=True) + os.makedirs(os.path.join(config.output_root, "test"), exist_ok=True) + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + parse_scene, + scenes_list, + repeat(config.dataset_root), + repeat(config.output_root), + repeat(config.ignore_index), + repeat(config.grid_size), + repeat(config.fuse_prsp), + repeat(config.fuse_pano), + ) + ) + pool.shutdown() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/waymo/3d_semseg_test_set_frames.txt b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/waymo/3d_semseg_test_set_frames.txt new file mode 100644 index 0000000000000000000000000000000000000000..e25dc615331aaff261c25bfc3e6b930fccf880ac --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/waymo/3d_semseg_test_set_frames.txt @@ -0,0 +1,2982 @@ +2830680430134047327_1720_000_1740_000,1558034229922468 +2830680430134047327_1720_000_1740_000,1558034232422787 +2830680430134047327_1720_000_1740_000,1558034222922333 +2830680430134047327_1720_000_1740_000,1558034223422411 +2830680430134047327_1720_000_1740_000,1558034232922788 +2830680430134047327_1720_000_1740_000,1558034234422988 +2830680430134047327_1720_000_1740_000,1558034220422269 +2830680430134047327_1720_000_1740_000,1558034224422390 +2830680430134047327_1720_000_1740_000,1558034230422275 +2830680430134047327_1720_000_1740_000,1558034221922367 +2830680430134047327_1720_000_1740_000,1558034231422462 +2830680430134047327_1720_000_1740_000,1558034233422761 +2830680430134047327_1720_000_1740_000,1558034220922343 +2830680430134047327_1720_000_1740_000,1558034223922363 +2830680430134047327_1720_000_1740_000,1558034221422343 +2830680430134047327_1720_000_1740_000,1558034222422363 +2830680430134047327_1720_000_1740_000,1558034233922841 +2830680430134047327_1720_000_1740_000,1558034231922698 +2830680430134047327_1720_000_1740_000,1558034219922361 +2830680430134047327_1720_000_1740_000,1558034230922233 +14586026017427828517_700_000_720_000,1557363460737615 +14586026017427828517_700_000_720_000,1557363461737535 +14586026017427828517_700_000_720_000,1557363470737492 +14586026017427828517_700_000_720_000,1557363458737857 +14586026017427828517_700_000_720_000,1557363471237472 +14586026017427828517_700_000_720_000,1557363459237861 +14586026017427828517_700_000_720_000,1557363460237653 +14586026017427828517_700_000_720_000,1557363467737151 +14586026017427828517_700_000_720_000,1557363469237474 +14586026017427828517_700_000_720_000,1557363468237103 +14586026017427828517_700_000_720_000,1557363461237576 +14586026017427828517_700_000_720_000,1557363457237421 +14586026017427828517_700_000_720_000,1557363467237306 +14586026017427828517_700_000_720_000,1557363468737287 +14586026017427828517_700_000_720_000,1557363459737792 +14586026017427828517_700_000_720_000,1557363469737664 +14586026017427828517_700_000_720_000,1557363458237773 +14586026017427828517_700_000_720_000,1557363471737431 +14586026017427828517_700_000_720_000,1557363470237558 +14586026017427828517_700_000_720_000,1557363457737578 +6079272500228273268_2480_000_2500_000,1557546171272882 +6079272500228273268_2480_000_2500_000,1557546172772631 +6079272500228273268_2480_000_2500_000,1557546159772245 +6079272500228273268_2480_000_2500_000,1557546169773016 +6079272500228273268_2480_000_2500_000,1557546162272567 +6079272500228273268_2480_000_2500_000,1557546170272998 +6079272500228273268_2480_000_2500_000,1557546161272265 +6079272500228273268_2480_000_2500_000,1557546173772741 +6079272500228273268_2480_000_2500_000,1557546170772958 +6079272500228273268_2480_000_2500_000,1557546163272476 +6079272500228273268_2480_000_2500_000,1557546161772481 +6079272500228273268_2480_000_2500_000,1557546171772762 +6079272500228273268_2480_000_2500_000,1557546163772228 +6079272500228273268_2480_000_2500_000,1557546160772102 +6079272500228273268_2480_000_2500_000,1557546162772554 +6079272500228273268_2480_000_2500_000,1557546172272635 +6079272500228273268_2480_000_2500_000,1557546159272357 +6079272500228273268_2480_000_2500_000,1557546173272639 +6079272500228273268_2480_000_2500_000,1557546169272728 +6079272500228273268_2480_000_2500_000,1557546160272024 +1936395688683397781_2580_000_2600_000,1557546260797397 +1936395688683397781_2580_000_2600_000,1557546263297538 +1936395688683397781_2580_000_2600_000,1557546273797478 +1936395688683397781_2580_000_2600_000,1557546259797381 +1936395688683397781_2580_000_2600_000,1557546261797507 +1936395688683397781_2580_000_2600_000,1557546269797705 +1936395688683397781_2580_000_2600_000,1557546271297274 +1936395688683397781_2580_000_2600_000,1557546260297363 +1936395688683397781_2580_000_2600_000,1557546273297464 +1936395688683397781_2580_000_2600_000,1557546272297368 +1936395688683397781_2580_000_2600_000,1557546261297445 +1936395688683397781_2580_000_2600_000,1557546263797578 +1936395688683397781_2580_000_2600_000,1557546270297559 +1936395688683397781_2580_000_2600_000,1557546269297756 +1936395688683397781_2580_000_2600_000,1557546270797376 +1936395688683397781_2580_000_2600_000,1557546262797541 +1936395688683397781_2580_000_2600_000,1557546259297393 +1936395688683397781_2580_000_2600_000,1557546272797434 +1936395688683397781_2580_000_2600_000,1557546262297511 +1936395688683397781_2580_000_2600_000,1557546271797317 +12537711031998520792_3080_000_3100_000,1559178584137607 +12537711031998520792_3080_000_3100_000,1559178596138055 +12537711031998520792_3080_000_3100_000,1559178598137718 +12537711031998520792_3080_000_3100_000,1559178588137379 +12537711031998520792_3080_000_3100_000,1559178588637547 +12537711031998520792_3080_000_3100_000,1559178597637619 +12537711031998520792_3080_000_3100_000,1559178587137003 +12537711031998520792_3080_000_3100_000,1559178594138804 +12537711031998520792_3080_000_3100_000,1559178584637645 +12537711031998520792_3080_000_3100_000,1559178587637113 +12537711031998520792_3080_000_3100_000,1559178598637642 +12537711031998520792_3080_000_3100_000,1559178595638405 +12537711031998520792_3080_000_3100_000,1559178594638876 +12537711031998520792_3080_000_3100_000,1559178585137535 +12537711031998520792_3080_000_3100_000,1559178586637145 +12537711031998520792_3080_000_3100_000,1559178595138665 +12537711031998520792_3080_000_3100_000,1559178585637309 +12537711031998520792_3080_000_3100_000,1559178586137201 +12537711031998520792_3080_000_3100_000,1559178597137539 +12537711031998520792_3080_000_3100_000,1559178596637690 +614453665074997770_1060_000_1080_000,1557449600160586 +614453665074997770_1060_000_1080_000,1557449609661257 +614453665074997770_1060_000_1080_000,1557449599161330 +614453665074997770_1060_000_1080_000,1557449608161401 +614453665074997770_1060_000_1080_000,1557449607661221 +614453665074997770_1060_000_1080_000,1557449598662064 +614453665074997770_1060_000_1080_000,1557449600660450 +614453665074997770_1060_000_1080_000,1557449596170831 +614453665074997770_1060_000_1080_000,1557449610161229 +614453665074997770_1060_000_1080_000,1557449607161133 +614453665074997770_1060_000_1080_000,1557449610661288 +614453665074997770_1060_000_1080_000,1557449597165803 +614453665074997770_1060_000_1080_000,1557449606161418 +614453665074997770_1060_000_1080_000,1557449599660888 +614453665074997770_1060_000_1080_000,1557449597664327 +614453665074997770_1060_000_1080_000,1557449609161403 +614453665074997770_1060_000_1080_000,1557449606661312 +614453665074997770_1060_000_1080_000,1557449596667769 +614453665074997770_1060_000_1080_000,1557449598163004 +614453665074997770_1060_000_1080_000,1557449608661487 +10488772413132920574_680_000_700_000,1557276689370724 +10488772413132920574_680_000_700_000,1557276681870683 +10488772413132920574_680_000_700_000,1557276687370626 +10488772413132920574_680_000_700_000,1557276691870689 +10488772413132920574_680_000_700_000,1557276677372053 +10488772413132920574_680_000_700_000,1557276688370712 +10488772413132920574_680_000_700_000,1557276689870718 +10488772413132920574_680_000_700_000,1557276687870742 +10488772413132920574_680_000_700_000,1557276690370698 +10488772413132920574_680_000_700_000,1557276690870678 +10488772413132920574_680_000_700_000,1557276677871875 +10488772413132920574_680_000_700_000,1557276679370967 +10488772413132920574_680_000_700_000,1557276678871230 +10488772413132920574_680_000_700_000,1557276688870677 +10488772413132920574_680_000_700_000,1557276691370685 +10488772413132920574_680_000_700_000,1557276680370783 +10488772413132920574_680_000_700_000,1557276678371569 +10488772413132920574_680_000_700_000,1557276679870868 +10488772413132920574_680_000_700_000,1557276680870747 +10488772413132920574_680_000_700_000,1557276681370633 +17174012103392027911_3500_000_3520_000,1570909461425651 +17174012103392027911_3500_000_3520_000,1570909452924866 +17174012103392027911_3500_000_3520_000,1570909453924848 +17174012103392027911_3500_000_3520_000,1570909451425527 +17174012103392027911_3500_000_3520_000,1570909450426192 +17174012103392027911_3500_000_3520_000,1570909460425382 +17174012103392027911_3500_000_3520_000,1570909449427011 +17174012103392027911_3500_000_3520_000,1570909449926640 +17174012103392027911_3500_000_3520_000,1570909459925389 +17174012103392027911_3500_000_3520_000,1570909459425389 +17174012103392027911_3500_000_3520_000,1570909461925903 +17174012103392027911_3500_000_3520_000,1570909462926099 +17174012103392027911_3500_000_3520_000,1570909452425024 +17174012103392027911_3500_000_3520_000,1570909450925798 +17174012103392027911_3500_000_3520_000,1570909463926171 +17174012103392027911_3500_000_3520_000,1570909451925298 +17174012103392027911_3500_000_3520_000,1570909463426072 +17174012103392027911_3500_000_3520_000,1570909462426098 +17174012103392027911_3500_000_3520_000,1570909453424839 +17174012103392027911_3500_000_3520_000,1570909460925464 +16062780403777359835_2580_000_2600_000,1570323463399590 +16062780403777359835_2580_000_2600_000,1570323461899536 +16062780403777359835_2580_000_2600_000,1570323456400014 +16062780403777359835_2580_000_2600_000,1570323465899811 +16062780403777359835_2580_000_2600_000,1570323452400102 +16062780403777359835_2580_000_2600_000,1570323454400277 +16062780403777359835_2580_000_2600_000,1570323454900086 +16062780403777359835_2580_000_2600_000,1570323464399655 +16062780403777359835_2580_000_2600_000,1570323452900168 +16062780403777359835_2580_000_2600_000,1570323453400256 +16062780403777359835_2580_000_2600_000,1570323462899433 +16062780403777359835_2580_000_2600_000,1570323451900017 +16062780403777359835_2580_000_2600_000,1570323466399934 +16062780403777359835_2580_000_2600_000,1570323464899679 +16062780403777359835_2580_000_2600_000,1570323455399863 +16062780403777359835_2580_000_2600_000,1570323453900317 +16062780403777359835_2580_000_2600_000,1570323462399389 +16062780403777359835_2580_000_2600_000,1570323455899851 +16062780403777359835_2580_000_2600_000,1570323465399682 +16062780403777359835_2580_000_2600_000,1570323463899688 +1376304843325714018_3420_000_3440_000,1557855926972381 +1376304843325714018_3420_000_3440_000,1557855912972456 +1376304843325714018_3420_000_3440_000,1557855925972176 +1376304843325714018_3420_000_3440_000,1557855927472462 +1376304843325714018_3420_000_3440_000,1557855917472088 +1376304843325714018_3420_000_3440_000,1557855914472215 +1376304843325714018_3420_000_3440_000,1557855923972406 +1376304843325714018_3420_000_3440_000,1557855914972144 +1376304843325714018_3420_000_3440_000,1557855915972108 +1376304843325714018_3420_000_3440_000,1557855924472251 +1376304843325714018_3420_000_3440_000,1557855926472255 +1376304843325714018_3420_000_3440_000,1557855913472347 +1376304843325714018_3420_000_3440_000,1557855923472548 +1376304843325714018_3420_000_3440_000,1557855915472102 +1376304843325714018_3420_000_3440_000,1557855922972694 +1376304843325714018_3420_000_3440_000,1557855924972252 +1376304843325714018_3420_000_3440_000,1557855916472106 +1376304843325714018_3420_000_3440_000,1557855925472198 +1376304843325714018_3420_000_3440_000,1557855913972269 +1376304843325714018_3420_000_3440_000,1557855916972142 +5648007586817904385_3220_000_3240_000,1569901291300092 +5648007586817904385_3220_000_3240_000,1569901302299589 +5648007586817904385_3220_000_3240_000,1569901290300004 +5648007586817904385_3220_000_3240_000,1569901302799659 +5648007586817904385_3220_000_3240_000,1569901301799512 +5648007586817904385_3220_000_3240_000,1569901290800085 +5648007586817904385_3220_000_3240_000,1569901293800265 +5648007586817904385_3220_000_3240_000,1569901292800206 +5648007586817904385_3220_000_3240_000,1569901300799428 +5648007586817904385_3220_000_3240_000,1569901293300205 +5648007586817904385_3220_000_3240_000,1569901294300108 +5648007586817904385_3220_000_3240_000,1569901301299422 +5648007586817904385_3220_000_3240_000,1569901303299757 +5648007586817904385_3220_000_3240_000,1569901304799913 +5648007586817904385_3220_000_3240_000,1569901303799751 +5648007586817904385_3220_000_3240_000,1569901291800157 +5648007586817904385_3220_000_3240_000,1569901304299911 +5648007586817904385_3220_000_3240_000,1569901292300126 +5648007586817904385_3220_000_3240_000,1569901300299426 +14470988792985854683_760_000_780_000,1567607330924872 +14470988792985854683_760_000_780_000,1567607341924939 +14470988792985854683_760_000_780_000,1567607339424824 +14470988792985854683_760_000_780_000,1567607339924818 +14470988792985854683_760_000_780_000,1567607332924840 +14470988792985854683_760_000_780_000,1567607329924795 +14470988792985854683_760_000_780_000,1567607332424911 +14470988792985854683_760_000_780_000,1567607340924888 +14470988792985854683_760_000_780_000,1567607330424797 +14470988792985854683_760_000_780_000,1567607342924753 +14470988792985854683_760_000_780_000,1567607340424823 +14470988792985854683_760_000_780_000,1567607342424852 +14470988792985854683_760_000_780_000,1567607331424817 +14470988792985854683_760_000_780_000,1567607329424827 +14470988792985854683_760_000_780_000,1567607338924788 +14470988792985854683_760_000_780_000,1567607338424807 +14470988792985854683_760_000_780_000,1567607331924837 +14470988792985854683_760_000_780_000,1567607341424947 +14470988792985854683_760_000_780_000,1567607328424803 +14470988792985854683_760_000_780_000,1567607328924826 +16951245307634830999_1400_000_1420_000,1568599891824038 +16951245307634830999_1400_000_1420_000,1568599901824641 +16951245307634830999_1400_000_1420_000,1568599904324788 +16951245307634830999_1400_000_1420_000,1568599903324933 +16951245307634830999_1400_000_1420_000,1568599902824777 +16951245307634830999_1400_000_1420_000,1568599904824728 +16951245307634830999_1400_000_1420_000,1568599895824670 +16951245307634830999_1400_000_1420_000,1568599891324145 +16951245307634830999_1400_000_1420_000,1568599894824764 +16951245307634830999_1400_000_1420_000,1568599893824574 +16951245307634830999_1400_000_1420_000,1568599894324795 +16951245307634830999_1400_000_1420_000,1568599905824790 +16951245307634830999_1400_000_1420_000,1568599903824893 +16951245307634830999_1400_000_1420_000,1568599902324620 +16951245307634830999_1400_000_1420_000,1568599905324768 +16951245307634830999_1400_000_1420_000,1568599893324265 +16951245307634830999_1400_000_1420_000,1568599892824082 +16951245307634830999_1400_000_1420_000,1568599895324702 +16951245307634830999_1400_000_1420_000,1568599892323941 +17835886859721116155_1860_000_1880_000,1558151678787439 +17835886859721116155_1860_000_1880_000,1558151676287513 +17835886859721116155_1860_000_1880_000,1558151670787584 +17835886859721116155_1860_000_1880_000,1558151680287177 +17835886859721116155_1860_000_1880_000,1558151670287284 +17835886859721116155_1860_000_1880_000,1558151679287439 +17835886859721116155_1860_000_1880_000,1558151679787332 +17835886859721116155_1860_000_1880_000,1558151680787183 +17835886859721116155_1860_000_1880_000,1558151668786681 +17835886859721116155_1860_000_1880_000,1558151678287466 +17835886859721116155_1860_000_1880_000,1558151667787272 +17835886859721116155_1860_000_1880_000,1558151677287479 +17835886859721116155_1860_000_1880_000,1558151669286533 +17835886859721116155_1860_000_1880_000,1558151669786756 +17835886859721116155_1860_000_1880_000,1558151676787561 +17835886859721116155_1860_000_1880_000,1558151668286995 +17835886859721116155_1860_000_1880_000,1558151666786923 +17835886859721116155_1860_000_1880_000,1558151677787410 +17835886859721116155_1860_000_1880_000,1558151667287257 +17835886859721116155_1860_000_1880_000,1558151666286432 +9145030426583202228_1060_000_1080_000,1557424274778866 +9145030426583202228_1060_000_1080_000,1557424275778987 +9145030426583202228_1060_000_1080_000,1557424266779291 +9145030426583202228_1060_000_1080_000,1557424278279219 +9145030426583202228_1060_000_1080_000,1557424276779170 +9145030426583202228_1060_000_1080_000,1557424279279575 +9145030426583202228_1060_000_1080_000,1557424268279175 +9145030426583202228_1060_000_1080_000,1557424277779106 +9145030426583202228_1060_000_1080_000,1557424266279249 +9145030426583202228_1060_000_1080_000,1557424269279152 +9145030426583202228_1060_000_1080_000,1557424268779150 +9145030426583202228_1060_000_1080_000,1557424277279133 +9145030426583202228_1060_000_1080_000,1557424275278791 +9145030426583202228_1060_000_1080_000,1557424265779130 +9145030426583202228_1060_000_1080_000,1557424264779014 +9145030426583202228_1060_000_1080_000,1557424265279048 +9145030426583202228_1060_000_1080_000,1557424267279322 +9145030426583202228_1060_000_1080_000,1557424276279143 +9145030426583202228_1060_000_1080_000,1557424278779413 +9145030426583202228_1060_000_1080_000,1557424267779293 +13781857304705519152_2740_000_2760_000,1558018015472758 +13781857304705519152_2740_000_2760_000,1558018006972289 +13781857304705519152_2740_000_2760_000,1558018007472306 +13781857304705519152_2740_000_2760_000,1558018014472458 +13781857304705519152_2740_000_2760_000,1558018017472179 +13781857304705519152_2740_000_2760_000,1558018014972710 +13781857304705519152_2740_000_2760_000,1558018008472276 +13781857304705519152_2740_000_2760_000,1558018006472299 +13781857304705519152_2740_000_2760_000,1558018004472242 +13781857304705519152_2740_000_2760_000,1558018017972558 +13781857304705519152_2740_000_2760_000,1558018004972259 +13781857304705519152_2740_000_2760_000,1558018007972307 +13781857304705519152_2740_000_2760_000,1558018013972483 +13781857304705519152_2740_000_2760_000,1558018005972338 +13781857304705519152_2740_000_2760_000,1558018016972032 +13781857304705519152_2740_000_2760_000,1558018015972514 +13781857304705519152_2740_000_2760_000,1558018005472310 +13781857304705519152_2740_000_2760_000,1558018003972238 +13781857304705519152_2740_000_2760_000,1558018018472666 +13781857304705519152_2740_000_2760_000,1558018016472185 +5154724129640787887_4840_000_4860_000,1557342396562648 +5154724129640787887_4840_000_4860_000,1557342399062810 +5154724129640787887_4840_000_4860_000,1557342395062806 +5154724129640787887_4840_000_4860_000,1557342405062520 +5154724129640787887_4840_000_4860_000,1557342399562770 +5154724129640787887_4840_000_4860_000,1557342395562652 +5154724129640787887_4840_000_4860_000,1557342406562476 +5154724129640787887_4840_000_4860_000,1557342408562474 +5154724129640787887_4840_000_4860_000,1557342406062444 +5154724129640787887_4840_000_4860_000,1557342397562592 +5154724129640787887_4840_000_4860_000,1557342407562646 +5154724129640787887_4840_000_4860_000,1557342396062602 +5154724129640787887_4840_000_4860_000,1557342409562395 +5154724129640787887_4840_000_4860_000,1557342397062617 +5154724129640787887_4840_000_4860_000,1557342409062401 +5154724129640787887_4840_000_4860_000,1557342398062702 +5154724129640787887_4840_000_4860_000,1557342407062596 +5154724129640787887_4840_000_4860_000,1557342405562490 +5154724129640787887_4840_000_4860_000,1557342408062539 +5154724129640787887_4840_000_4860_000,1557342398562701 +12892154548237137398_2820_000_2840_000,1558018087522764 +12892154548237137398_2820_000_2840_000,1558018098022390 +12892154548237137398_2820_000_2840_000,1558018088022638 +12892154548237137398_2820_000_2840_000,1558018095522691 +12892154548237137398_2820_000_2840_000,1558018087022717 +12892154548237137398_2820_000_2840_000,1558018086022213 +12892154548237137398_2820_000_2840_000,1558018086522385 +12892154548237137398_2820_000_2840_000,1558018085522203 +12892154548237137398_2820_000_2840_000,1558018094522190 +12892154548237137398_2820_000_2840_000,1558018084022848 +12892154548237137398_2820_000_2840_000,1558018085022352 +12892154548237137398_2820_000_2840_000,1558018088522537 +12892154548237137398_2820_000_2840_000,1558018084522834 +12892154548237137398_2820_000_2840_000,1558018097022451 +12892154548237137398_2820_000_2840_000,1558018097522376 +12892154548237137398_2820_000_2840_000,1558018098522395 +12892154548237137398_2820_000_2840_000,1558018096022561 +12892154548237137398_2820_000_2840_000,1558018096522494 +12892154548237137398_2820_000_2840_000,1558018094021934 +12892154548237137398_2820_000_2840_000,1558018095022568 +17262030607996041518_540_000_560_000,1558150357737631 +17262030607996041518_540_000_560_000,1558150360737468 +17262030607996041518_540_000_560_000,1558150358737355 +17262030607996041518_540_000_560_000,1558150346737340 +17262030607996041518_540_000_560_000,1558150350737099 +17262030607996041518_540_000_560_000,1558150347237353 +17262030607996041518_540_000_560_000,1558150349237231 +17262030607996041518_540_000_560_000,1558150348237167 +17262030607996041518_540_000_560_000,1558150359237305 +17262030607996041518_540_000_560_000,1558150348737035 +17262030607996041518_540_000_560_000,1558150359737335 +17262030607996041518_540_000_560_000,1558150347737351 +17262030607996041518_540_000_560_000,1558150350237481 +17262030607996041518_540_000_560_000,1558150356237309 +17262030607996041518_540_000_560_000,1558150349737529 +17262030607996041518_540_000_560_000,1558150356737414 +17262030607996041518_540_000_560_000,1558150346237488 +17262030607996041518_540_000_560_000,1558150358237512 +17262030607996041518_540_000_560_000,1558150360237386 +17262030607996041518_540_000_560_000,1558150357237609 +1735154401471216485_440_000_460_000,1566351679575063 +1735154401471216485_440_000_460_000,1566351680574951 +1735154401471216485_440_000_460_000,1566351667075023 +1735154401471216485_440_000_460_000,1566351668074924 +1735154401471216485_440_000_460_000,1566351681074884 +1735154401471216485_440_000_460_000,1566351679075007 +1735154401471216485_440_000_460_000,1566351671574819 +1735154401471216485_440_000_460_000,1566351670575041 +1735154401471216485_440_000_460_000,1566351681574847 +1735154401471216485_440_000_460_000,1566351678574927 +1735154401471216485_440_000_460_000,1566351667575012 +1735154401471216485_440_000_460_000,1566351668574986 +1735154401471216485_440_000_460_000,1566351678074851 +1735154401471216485_440_000_460_000,1566351670075165 +1735154401471216485_440_000_460_000,1566351671074932 +1735154401471216485_440_000_460_000,1566351680075032 +1735154401471216485_440_000_460_000,1566351677075266 +1735154401471216485_440_000_460_000,1566351669075103 +1735154401471216485_440_000_460_000,1566351669575114 +1735154401471216485_440_000_460_000,1566351677575057 +16721473705085324478_2580_000_2600_000,1559143954073968 +16721473705085324478_2580_000_2600_000,1559143946067629 +16721473705085324478_2580_000_2600_000,1559143948570004 +16721473705085324478_2580_000_2600_000,1559143957574188 +16721473705085324478_2580_000_2600_000,1559143945567167 +16721473705085324478_2580_000_2600_000,1559143945066818 +16721473705085324478_2580_000_2600_000,1559143947068541 +16721473705085324478_2580_000_2600_000,1559143956574149 +16721473705085324478_2580_000_2600_000,1559143958574172 +16721473705085324478_2580_000_2600_000,1559143955573951 +16721473705085324478_2580_000_2600_000,1559143957074228 +16721473705085324478_2580_000_2600_000,1559143947568997 +16721473705085324478_2580_000_2600_000,1559143944066354 +16721473705085324478_2580_000_2600_000,1559143954573995 +16721473705085324478_2580_000_2600_000,1559143946568047 +16721473705085324478_2580_000_2600_000,1559143956074028 +16721473705085324478_2580_000_2600_000,1559143948069446 +16721473705085324478_2580_000_2600_000,1559143944566550 +16721473705085324478_2580_000_2600_000,1559143955073909 +16721473705085324478_2580_000_2600_000,1559143958074171 +5046614299208670619_1760_000_1780_000,1557859931896818 +5046614299208670619_1760_000_1780_000,1557859942397098 +5046614299208670619_1760_000_1780_000,1557859941397484 +5046614299208670619_1760_000_1780_000,1557859941897278 +5046614299208670619_1760_000_1780_000,1557859939397451 +5046614299208670619_1760_000_1780_000,1557859929394856 +5046614299208670619_1760_000_1780_000,1557859938397438 +5046614299208670619_1760_000_1780_000,1557859931396740 +5046614299208670619_1760_000_1780_000,1557859940397424 +5046614299208670619_1760_000_1780_000,1557859930896546 +5046614299208670619_1760_000_1780_000,1557859939897429 +5046614299208670619_1760_000_1780_000,1557859929895843 +5046614299208670619_1760_000_1780_000,1557859928893310 +5046614299208670619_1760_000_1780_000,1557859938897438 +5046614299208670619_1760_000_1780_000,1557859940897554 +5046614299208670619_1760_000_1780_000,1557859942897115 +5046614299208670619_1760_000_1780_000,1557859932897120 +5046614299208670619_1760_000_1780_000,1557859930396386 +5046614299208670619_1760_000_1780_000,1557859928391171 +5046614299208670619_1760_000_1780_000,1557859932396854 +6259508587655502768_780_000_800_000,1557843985062519 +6259508587655502768_780_000_800_000,1557843985562521 +6259508587655502768_780_000_800_000,1557843976562766 +6259508587655502768_780_000_800_000,1557843976062713 +6259508587655502768_780_000_800_000,1557843978562284 +6259508587655502768_780_000_800_000,1557843989062285 +6259508587655502768_780_000_800_000,1557843979062370 +6259508587655502768_780_000_800_000,1557843988562341 +6259508587655502768_780_000_800_000,1557843977562120 +6259508587655502768_780_000_800_000,1557843975562542 +6259508587655502768_780_000_800_000,1557843977062493 +6259508587655502768_780_000_800_000,1557843978062117 +6259508587655502768_780_000_800_000,1557843986562332 +6259508587655502768_780_000_800_000,1557843975062365 +6259508587655502768_780_000_800_000,1557843988062465 +6259508587655502768_780_000_800_000,1557843986062494 +6259508587655502768_780_000_800_000,1557843987062399 +6259508587655502768_780_000_800_000,1557843979562469 +6259508587655502768_780_000_800_000,1557843987562501 +6259508587655502768_780_000_800_000,1557843989562412 +11436803605426256250_1720_000_1740_000,1558151527787782 +11436803605426256250_1720_000_1740_000,1558151526787865 +11436803605426256250_1720_000_1740_000,1558151528287716 +11436803605426256250_1720_000_1740_000,1558151530287466 +11436803605426256250_1720_000_1740_000,1558151537786930 +11436803605426256250_1720_000_1740_000,1558151528787637 +11436803605426256250_1720_000_1740_000,1558151538786570 +11436803605426256250_1720_000_1740_000,1558151540786822 +11436803605426256250_1720_000_1740_000,1558151530787441 +11436803605426256250_1720_000_1740_000,1558151527287885 +11436803605426256250_1720_000_1740_000,1558151539786751 +11436803605426256250_1720_000_1740_000,1558151529787489 +11436803605426256250_1720_000_1740_000,1558151539286648 +11436803605426256250_1720_000_1740_000,1558151526287909 +11436803605426256250_1720_000_1740_000,1558151536786870 +11436803605426256250_1720_000_1740_000,1558151536287214 +11436803605426256250_1720_000_1740_000,1558151529287531 +11436803605426256250_1720_000_1740_000,1558151540286973 +11436803605426256250_1720_000_1740_000,1558151538286751 +11436803605426256250_1720_000_1740_000,1558151537286653 +15410814825574326536_2620_000_2640_000,1557860798372836 +15410814825574326536_2620_000_2640_000,1557860800872838 +15410814825574326536_2620_000_2640_000,1557860790372597 +15410814825574326536_2620_000_2640_000,1557860791372832 +15410814825574326536_2620_000_2640_000,1557860799872854 +15410814825574326536_2620_000_2640_000,1557860789372743 +15410814825574326536_2620_000_2640_000,1557860791872904 +15410814825574326536_2620_000_2640_000,1557860798872877 +15410814825574326536_2620_000_2640_000,1557860788372735 +15410814825574326536_2620_000_2640_000,1557860801372803 +15410814825574326536_2620_000_2640_000,1557860802372685 +15410814825574326536_2620_000_2640_000,1557860801872720 +15410814825574326536_2620_000_2640_000,1557860802872671 +15410814825574326536_2620_000_2640_000,1557860792372830 +15410814825574326536_2620_000_2640_000,1557860790872704 +15410814825574326536_2620_000_2640_000,1557860799372902 +15410814825574326536_2620_000_2640_000,1557860792872709 +15410814825574326536_2620_000_2640_000,1557860788872750 +15410814825574326536_2620_000_2640_000,1557860800372906 +15410814825574326536_2620_000_2640_000,1557860789872662 +13585389505831587326_2560_000_2580_000,1557241472137342 +13585389505831587326_2560_000_2580_000,1557241476637531 +13585389505831587326_2560_000_2580_000,1557241484636865 +13585389505831587326_2560_000_2580_000,1557241473137454 +13585389505831587326_2560_000_2580_000,1557241476137536 +13585389505831587326_2560_000_2580_000,1557241472637386 +13585389505831587326_2560_000_2580_000,1557241485637136 +13585389505831587326_2560_000_2580_000,1557241484136968 +13585389505831587326_2560_000_2580_000,1557241485137091 +13585389505831587326_2560_000_2580_000,1557241473637451 +13585389505831587326_2560_000_2580_000,1557241482137115 +13585389505831587326_2560_000_2580_000,1557241475637469 +13585389505831587326_2560_000_2580_000,1557241483636983 +13585389505831587326_2560_000_2580_000,1557241474637506 +13585389505831587326_2560_000_2580_000,1557241483136950 +13585389505831587326_2560_000_2580_000,1557241486137285 +13585389505831587326_2560_000_2580_000,1557241474137501 +13585389505831587326_2560_000_2580_000,1557241486637439 +13585389505831587326_2560_000_2580_000,1557241475137435 +13585389505831587326_2560_000_2580_000,1557241482636985 +15739335479094705947_1420_000_1440_000,1557240344647374 +15739335479094705947_1420_000_1440_000,1557240333147825 +15739335479094705947_1420_000_1440_000,1557240332647832 +15739335479094705947_1420_000_1440_000,1557240336647687 +15739335479094705947_1420_000_1440_000,1557240345147370 +15739335479094705947_1420_000_1440_000,1557240334147846 +15739335479094705947_1420_000_1440_000,1557240335648112 +15739335479094705947_1420_000_1440_000,1557240345647376 +15739335479094705947_1420_000_1440_000,1557240332147799 +15739335479094705947_1420_000_1440_000,1557240344147429 +15739335479094705947_1420_000_1440_000,1557240342147432 +15739335479094705947_1420_000_1440_000,1557240343647467 +15739335479094705947_1420_000_1440_000,1557240346647461 +15739335479094705947_1420_000_1440_000,1557240343147461 +15739335479094705947_1420_000_1440_000,1557240333647840 +15739335479094705947_1420_000_1440_000,1557240335147955 +15739335479094705947_1420_000_1440_000,1557240342647438 +15739335479094705947_1420_000_1440_000,1557240334647920 +15739335479094705947_1420_000_1440_000,1557240346147451 +15739335479094705947_1420_000_1440_000,1557240336147836 +16743182245734335352_1260_000_1280_000,1557888790949495 +16743182245734335352_1260_000_1280_000,1557888787449383 +16743182245734335352_1260_000_1280_000,1557888788948833 +16743182245734335352_1260_000_1280_000,1557888786949263 +16743182245734335352_1260_000_1280_000,1557888776449903 +16743182245734335352_1260_000_1280_000,1557888780449779 +16743182245734335352_1260_000_1280_000,1557888786448960 +16743182245734335352_1260_000_1280_000,1557888777950853 +16743182245734335352_1260_000_1280_000,1557888789448778 +16743182245734335352_1260_000_1280_000,1557888790449312 +16743182245734335352_1260_000_1280_000,1557888779950298 +16743182245734335352_1260_000_1280_000,1557888778451116 +16743182245734335352_1260_000_1280_000,1557888788449105 +16743182245734335352_1260_000_1280_000,1557888779450837 +16743182245734335352_1260_000_1280_000,1557888776950096 +16743182245734335352_1260_000_1280_000,1557888789949015 +16743182245734335352_1260_000_1280_000,1557888787949303 +16743182245734335352_1260_000_1280_000,1557888778951257 +16743182245734335352_1260_000_1280_000,1557888780949350 +16743182245734335352_1260_000_1280_000,1557888777450467 +4037952268810331899_2420_000_2440_000,1567028476924185 +4037952268810331899_2420_000_2440_000,1567028464925058 +4037952268810331899_2420_000_2440_000,1567028466425018 +4037952268810331899_2420_000_2440_000,1567028477924371 +4037952268810331899_2420_000_2440_000,1567028475423773 +4037952268810331899_2420_000_2440_000,1567028475923773 +4037952268810331899_2420_000_2440_000,1567028478424492 +4037952268810331899_2420_000_2440_000,1567028468424910 +4037952268810331899_2420_000_2440_000,1567028466924954 +4037952268810331899_2420_000_2440_000,1567028477424335 +4037952268810331899_2420_000_2440_000,1567028465925047 +4037952268810331899_2420_000_2440_000,1567028476424000 +4037952268810331899_2420_000_2440_000,1567028474424271 +4037952268810331899_2420_000_2440_000,1567028467924880 +4037952268810331899_2420_000_2440_000,1567028478924633 +4037952268810331899_2420_000_2440_000,1567028467424848 +4037952268810331899_2420_000_2440_000,1567028465425099 +4037952268810331899_2420_000_2440_000,1567028464424994 +4037952268810331899_2420_000_2440_000,1567028468924846 +4037952268810331899_2420_000_2440_000,1567028474924011 +17052666463197337241_4560_000_4580_000,1558019835965165 +17052666463197337241_4560_000_4580_000,1558019834964122 +17052666463197337241_4560_000_4580_000,1558019826962706 +17052666463197337241_4560_000_4580_000,1558019837466540 +17052666463197337241_4560_000_4580_000,1558019823962469 +17052666463197337241_4560_000_4580_000,1558019826462862 +17052666463197337241_4560_000_4580_000,1558019834463718 +17052666463197337241_4560_000_4580_000,1558019827962424 +17052666463197337241_4560_000_4580_000,1558019836465729 +17052666463197337241_4560_000_4580_000,1558019827462613 +17052666463197337241_4560_000_4580_000,1558019833963377 +17052666463197337241_4560_000_4580_000,1558019824462615 +17052666463197337241_4560_000_4580_000,1558019836966268 +17052666463197337241_4560_000_4580_000,1558019835464590 +17052666463197337241_4560_000_4580_000,1558019828462295 +17052666463197337241_4560_000_4580_000,1558019825962899 +17052666463197337241_4560_000_4580_000,1558019824962730 +17052666463197337241_4560_000_4580_000,1558019837966298 +17052666463197337241_4560_000_4580_000,1558019825462832 +17052666463197337241_4560_000_4580_000,1558019838465664 +8197312656120253218_3120_000_3140_000,1569346275474782 +8197312656120253218_3120_000_3140_000,1569346279974791 +8197312656120253218_3120_000_3140_000,1569346268974889 +8197312656120253218_3120_000_3140_000,1569346266474964 +8197312656120253218_3120_000_3140_000,1569346267974935 +8197312656120253218_3120_000_3140_000,1569346269974854 +8197312656120253218_3120_000_3140_000,1569346268474908 +8197312656120253218_3120_000_3140_000,1569346266975023 +8197312656120253218_3120_000_3140_000,1569346265475116 +8197312656120253218_3120_000_3140_000,1569346267475024 +8197312656120253218_3120_000_3140_000,1569346276974820 +8197312656120253218_3120_000_3140_000,1569346275974860 +8197312656120253218_3120_000_3140_000,1569346276474878 +8197312656120253218_3120_000_3140_000,1569346279474792 +8197312656120253218_3120_000_3140_000,1569346269474905 +8197312656120253218_3120_000_3140_000,1569346278974783 +8197312656120253218_3120_000_3140_000,1569346265975042 +8197312656120253218_3120_000_3140_000,1569346277974754 +8197312656120253218_3120_000_3140_000,1569346278474771 +8197312656120253218_3120_000_3140_000,1569346277474745 +7844300897851889216_500_000_520_000,1569180269849584 +7844300897851889216_500_000_520_000,1569180283349326 +7844300897851889216_500_000_520_000,1569180270349514 +7844300897851889216_500_000_520_000,1569180281349367 +7844300897851889216_500_000_520_000,1569180273349112 +7844300897851889216_500_000_520_000,1569180280349315 +7844300897851889216_500_000_520_000,1569180280849273 +7844300897851889216_500_000_520_000,1569180283849207 +7844300897851889216_500_000_520_000,1569180272849305 +7844300897851889216_500_000_520_000,1569180270849484 +7844300897851889216_500_000_520_000,1569180282849497 +7844300897851889216_500_000_520_000,1569180271349596 +7844300897851889216_500_000_520_000,1569180271849879 +7844300897851889216_500_000_520_000,1569180284349457 +7844300897851889216_500_000_520_000,1569180282349589 +7844300897851889216_500_000_520_000,1569180281849491 +7844300897851889216_500_000_520_000,1569180272349632 +7844300897851889216_500_000_520_000,1569180274349414 +7844300897851889216_500_000_520_000,1569180279849307 +7844300897851889216_500_000_520_000,1569180273849225 +14918167237855418464_1420_000_1440_000,1557265451487590 +14918167237855418464_1420_000_1440_000,1557265453487513 +14918167237855418464_1420_000_1440_000,1557265440987220 +14918167237855418464_1420_000_1440_000,1557265452987516 +14918167237855418464_1420_000_1440_000,1557265441487272 +14918167237855418464_1420_000_1440_000,1557265449987389 +14918167237855418464_1420_000_1440_000,1557265450487458 +14918167237855418464_1420_000_1440_000,1557265450987504 +14918167237855418464_1420_000_1440_000,1557265440487216 +14918167237855418464_1420_000_1440_000,1557265452487693 +14918167237855418464_1420_000_1440_000,1557265443487465 +14918167237855418464_1420_000_1440_000,1557265451987681 +14918167237855418464_1420_000_1440_000,1557265453987788 +14918167237855418464_1420_000_1440_000,1557265449487404 +14918167237855418464_1420_000_1440_000,1557265442487348 +14918167237855418464_1420_000_1440_000,1557265439487550 +14918167237855418464_1420_000_1440_000,1557265441987298 +14918167237855418464_1420_000_1440_000,1557265439987371 +14918167237855418464_1420_000_1440_000,1557265443987430 +14918167237855418464_1420_000_1440_000,1557265442987426 +1765211916310163252_4400_000_4420_000,1557548091247400 +1765211916310163252_4400_000_4420_000,1557548092247422 +1765211916310163252_4400_000_4420_000,1557548082747340 +1765211916310163252_4400_000_4420_000,1557548080247436 +1765211916310163252_4400_000_4420_000,1557548081747442 +1765211916310163252_4400_000_4420_000,1557548079747433 +1765211916310163252_4400_000_4420_000,1557548093747379 +1765211916310163252_4400_000_4420_000,1557548079247435 +1765211916310163252_4400_000_4420_000,1557548089247264 +1765211916310163252_4400_000_4420_000,1557548092747360 +1765211916310163252_4400_000_4420_000,1557548093247395 +1765211916310163252_4400_000_4420_000,1557548090747296 +1765211916310163252_4400_000_4420_000,1557548083747413 +1765211916310163252_4400_000_4420_000,1557548091747409 +1765211916310163252_4400_000_4420_000,1557548080747512 +1765211916310163252_4400_000_4420_000,1557548090247209 +1765211916310163252_4400_000_4420_000,1557548089747220 +1765211916310163252_4400_000_4420_000,1557548082247344 +1765211916310163252_4400_000_4420_000,1557548081247513 +1765211916310163252_4400_000_4420_000,1557548083247412 +365416647046203224_1080_000_1100_000,1557424297779078 +365416647046203224_1080_000_1100_000,1557424298279187 +365416647046203224_1080_000_1100_000,1557424284779145 +365416647046203224_1080_000_1100_000,1557424299279496 +365416647046203224_1080_000_1100_000,1557424285779375 +365416647046203224_1080_000_1100_000,1557424286279493 +365416647046203224_1080_000_1100_000,1557424288279208 +365416647046203224_1080_000_1100_000,1557424289279220 +365416647046203224_1080_000_1100_000,1557424286779477 +365416647046203224_1080_000_1100_000,1557424294779296 +365416647046203224_1080_000_1100_000,1557424297279126 +365416647046203224_1080_000_1100_000,1557424288779176 +365416647046203224_1080_000_1100_000,1557424287779352 +365416647046203224_1080_000_1100_000,1557424296779274 +365416647046203224_1080_000_1100_000,1557424298779408 +365416647046203224_1080_000_1100_000,1557424295779354 +365416647046203224_1080_000_1100_000,1557424295279343 +365416647046203224_1080_000_1100_000,1557424287279453 +365416647046203224_1080_000_1100_000,1557424285279259 +365416647046203224_1080_000_1100_000,1557424296279315 +3122599254941105215_2980_000_3000_000,1557267013486064 +3122599254941105215_2980_000_3000_000,1557266999471976 +3122599254941105215_2980_000_3000_000,1557267003971991 +3122599254941105215_2980_000_3000_000,1557267002972068 +3122599254941105215_2980_000_3000_000,1557267011978743 +3122599254941105215_2980_000_3000_000,1557267010473667 +3122599254941105215_2980_000_3000_000,1557267001472099 +3122599254941105215_2980_000_3000_000,1557267009973013 +3122599254941105215_2980_000_3000_000,1557267001972106 +3122599254941105215_2980_000_3000_000,1557267009472852 +3122599254941105215_2980_000_3000_000,1557267013987647 +3122599254941105215_2980_000_3000_000,1557267000972170 +3122599254941105215_2980_000_3000_000,1557267011476593 +3122599254941105215_2980_000_3000_000,1557267012983667 +3122599254941105215_2980_000_3000_000,1557266999972086 +3122599254941105215_2980_000_3000_000,1557267012481088 +3122599254941105215_2980_000_3000_000,1557267010974840 +3122599254941105215_2980_000_3000_000,1557267000472146 +3122599254941105215_2980_000_3000_000,1557267002472069 +3122599254941105215_2980_000_3000_000,1557267003472050 +11672844176539348333_4440_000_4460_000,1557548130247264 +11672844176539348333_4440_000_4460_000,1557548119247298 +11672844176539348333_4440_000_4460_000,1557548120747400 +11672844176539348333_4440_000_4460_000,1557548129247403 +11672844176539348333_4440_000_4460_000,1557548121747436 +11672844176539348333_4440_000_4460_000,1557548131747575 +11672844176539348333_4440_000_4460_000,1557548122747361 +11672844176539348333_4440_000_4460_000,1557548132247553 +11672844176539348333_4440_000_4460_000,1557548129747331 +11672844176539348333_4440_000_4460_000,1557548119747262 +11672844176539348333_4440_000_4460_000,1557548121247414 +11672844176539348333_4440_000_4460_000,1557548133747542 +11672844176539348333_4440_000_4460_000,1557548131247534 +11672844176539348333_4440_000_4460_000,1557548122247407 +11672844176539348333_4440_000_4460_000,1557548120247254 +11672844176539348333_4440_000_4460_000,1557548132747504 +11672844176539348333_4440_000_4460_000,1557548123247374 +11672844176539348333_4440_000_4460_000,1557548133247537 +11672844176539348333_4440_000_4460_000,1557548130747376 +11672844176539348333_4440_000_4460_000,1557548123747487 +17212025549630306883_2500_000_2520_000,1558035014396914 +17212025549630306883_2500_000_2520_000,1558035010397071 +17212025549630306883_2500_000_2520_000,1558035000879571 +17212025549630306883_2500_000_2520_000,1558035010897075 +17212025549630306883_2500_000_2520_000,1558035003389800 +17212025549630306883_2500_000_2520_000,1558034999877494 +17212025549630306883_2500_000_2520_000,1558035001883076 +17212025549630306883_2500_000_2520_000,1558035013896904 +17212025549630306883_2500_000_2520_000,1558035002385104 +17212025549630306883_2500_000_2520_000,1558035013397429 +17212025549630306883_2500_000_2520_000,1558035012398066 +17212025549630306883_2500_000_2520_000,1558035009897309 +17212025549630306883_2500_000_2520_000,1558035011397333 +17212025549630306883_2500_000_2520_000,1558035003892217 +17212025549630306883_2500_000_2520_000,1558035002887308 +17212025549630306883_2500_000_2520_000,1558035004394149 +17212025549630306883_2500_000_2520_000,1558035001381105 +17212025549630306883_2500_000_2520_000,1558035012897961 +17212025549630306883_2500_000_2520_000,1558035011897875 +17212025549630306883_2500_000_2520_000,1558035000378455 +5444585006397501511_160_000_180_000,1557843369612501 +5444585006397501511_160_000_180_000,1557843356612649 +5444585006397501511_160_000_180_000,1557843357612587 +5444585006397501511_160_000_180_000,1557843366112688 +5444585006397501511_160_000_180_000,1557843369112577 +5444585006397501511_160_000_180_000,1557843356112502 +5444585006397501511_160_000_180_000,1557843357112699 +5444585006397501511_160_000_180_000,1557843359112424 +5444585006397501511_160_000_180_000,1557843368612608 +5444585006397501511_160_000_180_000,1557843358612418 +5444585006397501511_160_000_180_000,1557843359612545 +5444585006397501511_160_000_180_000,1557843365112636 +5444585006397501511_160_000_180_000,1557843365612657 +5444585006397501511_160_000_180_000,1557843367112626 +5444585006397501511_160_000_180_000,1557843366612681 +5444585006397501511_160_000_180_000,1557843367612623 +5444585006397501511_160_000_180_000,1557843358112458 +5444585006397501511_160_000_180_000,1557843355112397 +5444585006397501511_160_000_180_000,1557843355612457 +5444585006397501511_160_000_180_000,1557843368112622 +17595457728136868510_860_000_880_000,1568570142949954 +17595457728136868510_860_000_880_000,1568570144449980 +17595457728136868510_860_000_880_000,1568570133450011 +17595457728136868510_860_000_880_000,1568570132449985 +17595457728136868510_860_000_880_000,1568570146949999 +17595457728136868510_860_000_880_000,1568570145450102 +17595457728136868510_860_000_880_000,1568570136950003 +17595457728136868510_860_000_880_000,1568570146449992 +17595457728136868510_860_000_880_000,1568570145950029 +17595457728136868510_860_000_880_000,1568570134450024 +17595457728136868510_860_000_880_000,1568570135449980 +17595457728136868510_860_000_880_000,1568570133950026 +17595457728136868510_860_000_880_000,1568570143449845 +17595457728136868510_860_000_880_000,1568570143949863 +17595457728136868510_860_000_880_000,1568570144950031 +17595457728136868510_860_000_880_000,1568570132950020 +17595457728136868510_860_000_880_000,1568570142449990 +17595457728136868510_860_000_880_000,1568570135950008 +17595457728136868510_860_000_880_000,1568570134950042 +17595457728136868510_860_000_880_000,1568570136450044 +10534368980139017457_4480_000_4500_000,1557548163747266 +10534368980139017457_4480_000_4500_000,1557548173324042 +10534368980139017457_4480_000_4500_000,1557548171335072 +10534368980139017457_4480_000_4500_000,1557548171831184 +10534368980139017457_4480_000_4500_000,1557548172327947 +10534368980139017457_4480_000_4500_000,1557548160747474 +10534368980139017457_4480_000_4500_000,1557548159747321 +10534368980139017457_4480_000_4500_000,1557548170342486 +10534368980139017457_4480_000_4500_000,1557548169845348 +10534368980139017457_4480_000_4500_000,1557548170838932 +10534368980139017457_4480_000_4500_000,1557548162247217 +10534368980139017457_4480_000_4500_000,1557548169346776 +10534368980139017457_4480_000_4500_000,1557548173822919 +10534368980139017457_4480_000_4500_000,1557548162747305 +10534368980139017457_4480_000_4500_000,1557548160247434 +10534368980139017457_4480_000_4500_000,1557548163247304 +10534368980139017457_4480_000_4500_000,1557548159247329 +10534368980139017457_4480_000_4500_000,1557548161247379 +10534368980139017457_4480_000_4500_000,1557548161747254 +10534368980139017457_4480_000_4500_000,1557548172825501 +4593468568253300598_1620_000_1640_000,1558034119947167 +4593468568253300598_1620_000_1640_000,1558034131947521 +4593468568253300598_1620_000_1640_000,1558034130447767 +4593468568253300598_1620_000_1640_000,1558034123947147 +4593468568253300598_1620_000_1640_000,1558034123447155 +4593468568253300598_1620_000_1640_000,1558034131447564 +4593468568253300598_1620_000_1640_000,1558034132447509 +4593468568253300598_1620_000_1640_000,1558034133947605 +4593468568253300598_1620_000_1640_000,1558034130947609 +4593468568253300598_1620_000_1640_000,1558034120947198 +4593468568253300598_1620_000_1640_000,1558034129947874 +4593468568253300598_1620_000_1640_000,1558034121947243 +4593468568253300598_1620_000_1640_000,1558034134447535 +4593468568253300598_1620_000_1640_000,1558034122447204 +4593468568253300598_1620_000_1640_000,1558034120447070 +4593468568253300598_1620_000_1640_000,1558034132947552 +4593468568253300598_1620_000_1640_000,1558034121447241 +4593468568253300598_1620_000_1640_000,1558034124447344 +4593468568253300598_1620_000_1640_000,1558034122947127 +4593468568253300598_1620_000_1640_000,1558034133447706 +5810494922060252082_3720_000_3740_000,1557324791637281 +5810494922060252082_3720_000_3740_000,1557324799137989 +5810494922060252082_3720_000_3740_000,1557324792137386 +5810494922060252082_3720_000_3740_000,1557324793137531 +5810494922060252082_3720_000_3740_000,1557324802137484 +5810494922060252082_3720_000_3740_000,1557324802637768 +5810494922060252082_3720_000_3740_000,1557324793637492 +5810494922060252082_3720_000_3740_000,1557324789137692 +5810494922060252082_3720_000_3740_000,1557324803137953 +5810494922060252082_3720_000_3740_000,1557324800137837 +5810494922060252082_3720_000_3740_000,1557324789637648 +5810494922060252082_3720_000_3740_000,1557324800637433 +5810494922060252082_3720_000_3740_000,1557324792637516 +5810494922060252082_3720_000_3740_000,1557324803638106 +5810494922060252082_3720_000_3740_000,1557324791137526 +5810494922060252082_3720_000_3740_000,1557324790637757 +5810494922060252082_3720_000_3740_000,1557324801637223 +5810494922060252082_3720_000_3740_000,1557324801137028 +5810494922060252082_3720_000_3740_000,1557324799638056 +5810494922060252082_3720_000_3740_000,1557324790137645 +2942662230423855469_880_000_900_000,1559348363724177 +2942662230423855469_880_000_900_000,1559348365724257 +2942662230423855469_880_000_900_000,1559348367224483 +2942662230423855469_880_000_900_000,1559348356718454 +2942662230423855469_880_000_900_000,1559348367724406 +2942662230423855469_880_000_900_000,1559348355717289 +2942662230423855469_880_000_900_000,1559348357719518 +2942662230423855469_880_000_900_000,1559348357218926 +2942662230423855469_880_000_900_000,1559348363224053 +2942662230423855469_880_000_900_000,1559348365224224 +2942662230423855469_880_000_900_000,1559348364724292 +2942662230423855469_880_000_900_000,1559348353716247 +2942662230423855469_880_000_900_000,1559348354716626 +2942662230423855469_880_000_900_000,1559348366224290 +2942662230423855469_880_000_900_000,1559348366724409 +2942662230423855469_880_000_900_000,1559348353216332 +2942662230423855469_880_000_900_000,1559348355216840 +2942662230423855469_880_000_900_000,1559348364224254 +2942662230423855469_880_000_900_000,1559348356217995 +2942662230423855469_880_000_900_000,1559348354216438 +5927928428387529213_1640_000_1660_000,1557240564663983 +5927928428387529213_1640_000_1660_000,1557240563163984 +5927928428387529213_1640_000_1660_000,1557240553162670 +5927928428387529213_1640_000_1660_000,1557240566163388 +5927928428387529213_1640_000_1660_000,1557240556162436 +5927928428387529213_1640_000_1660_000,1557240554162851 +5927928428387529213_1640_000_1660_000,1557240552662244 +5927928428387529213_1640_000_1660_000,1557240555162405 +5927928428387529213_1640_000_1660_000,1557240564164016 +5927928428387529213_1640_000_1660_000,1557240552162020 +5927928428387529213_1640_000_1660_000,1557240554662508 +5927928428387529213_1640_000_1660_000,1557240562163098 +5927928428387529213_1640_000_1660_000,1557240566663035 +5927928428387529213_1640_000_1660_000,1557240555662402 +5927928428387529213_1640_000_1660_000,1557240565663746 +5927928428387529213_1640_000_1660_000,1557240562663614 +5927928428387529213_1640_000_1660_000,1557240563664057 +5927928428387529213_1640_000_1660_000,1557240556662471 +5927928428387529213_1640_000_1660_000,1557240553662931 +5927928428387529213_1640_000_1660_000,1557240565163970 +3645211352574995740_3540_000_3560_000,1558018817992298 +3645211352574995740_3540_000_3560_000,1558018804471765 +3645211352574995740_3540_000_3560_000,1558018808472120 +3645211352574995740_3540_000_3560_000,1558018807972072 +3645211352574995740_3540_000_3560_000,1558018815475883 +3645211352574995740_3540_000_3560_000,1558018804971761 +3645211352574995740_3540_000_3560_000,1558018816984976 +3645211352574995740_3540_000_3560_000,1558018815978327 +3645211352574995740_3540_000_3560_000,1558018816481398 +3645211352574995740_3540_000_3560_000,1558018818494946 +3645211352574995740_3540_000_3560_000,1558018817488679 +3645211352574995740_3540_000_3560_000,1558018805471754 +3645211352574995740_3540_000_3560_000,1558018806471940 +3645211352574995740_3540_000_3560_000,1558018807472066 +3645211352574995740_3540_000_3560_000,1558018805971789 +3645211352574995740_3540_000_3560_000,1558018806972056 +3645211352574995740_3540_000_3560_000,1558018814473516 +3645211352574995740_3540_000_3560_000,1558018813973212 +3645211352574995740_3540_000_3560_000,1558018814974307 +3645211352574995740_3540_000_3560_000,1558018803972077 +3510690431623954420_7700_000_7720_000,1567022016599663 +3510690431623954420_7700_000_7720_000,1567022018599669 +3510690431623954420_7700_000_7720_000,1567022028099832 +3510690431623954420_7700_000_7720_000,1567022017099671 +3510690431623954420_7700_000_7720_000,1567022021099696 +3510690431623954420_7700_000_7720_000,1567022019599567 +3510690431623954420_7700_000_7720_000,1567022020599579 +3510690431623954420_7700_000_7720_000,1567022029600020 +3510690431623954420_7700_000_7720_000,1567022017599659 +3510690431623954420_7700_000_7720_000,1567022026599976 +3510690431623954420_7700_000_7720_000,1567022030099989 +3510690431623954420_7700_000_7720_000,1567022028599676 +3510690431623954420_7700_000_7720_000,1567022019099605 +3510690431623954420_7700_000_7720_000,1567022018099661 +3510690431623954420_7700_000_7720_000,1567022030599800 +3510690431623954420_7700_000_7720_000,1567022027599919 +3510690431623954420_7700_000_7720_000,1567022029099795 +3510690431623954420_7700_000_7720_000,1567022020099574 +3510690431623954420_7700_000_7720_000,1567022027099913 +3510690431623954420_7700_000_7720_000,1567022031099758 +39847154216997509_6440_000_6460_000,1568954824924191 +39847154216997509_6440_000_6460_000,1568954813424574 +39847154216997509_6440_000_6460_000,1568954813924259 +39847154216997509_6440_000_6460_000,1568954811424618 +39847154216997509_6440_000_6460_000,1568954822924591 +39847154216997509_6440_000_6460_000,1568954812924890 +39847154216997509_6440_000_6460_000,1568954820924315 +39847154216997509_6440_000_6460_000,1568954810424785 +39847154216997509_6440_000_6460_000,1568954811924639 +39847154216997509_6440_000_6460_000,1568954810924694 +39847154216997509_6440_000_6460_000,1568954814924374 +39847154216997509_6440_000_6460_000,1568954823424463 +39847154216997509_6440_000_6460_000,1568954824424244 +39847154216997509_6440_000_6460_000,1568954814424260 +39847154216997509_6440_000_6460_000,1568954821924250 +39847154216997509_6440_000_6460_000,1568954821424322 +39847154216997509_6440_000_6460_000,1568954820424237 +39847154216997509_6440_000_6460_000,1568954823924349 +39847154216997509_6440_000_6460_000,1568954812424884 +39847154216997509_6440_000_6460_000,1568954822424440 +8623236016759087157_3500_000_3520_000,1557324582561015 +8623236016759087157_3500_000_3520_000,1557324569137429 +8623236016759087157_3500_000_3520_000,1557324582058259 +8623236016759087157_3500_000_3520_000,1557324583062491 +8623236016759087157_3500_000_3520_000,1557324573638623 +8623236016759087157_3500_000_3520_000,1557324572138081 +8623236016759087157_3500_000_3520_000,1557324583562892 +8623236016759087157_3500_000_3520_000,1557324570637898 +8623236016759087157_3500_000_3520_000,1557324581052320 +8623236016759087157_3500_000_3520_000,1557324571638078 +8623236016759087157_3500_000_3520_000,1557324570137931 +8623236016759087157_3500_000_3520_000,1557324580549644 +8623236016759087157_3500_000_3520_000,1557324571138013 +8623236016759087157_3500_000_3520_000,1557324579042078 +8623236016759087157_3500_000_3520_000,1557324581555154 +8623236016759087157_3500_000_3520_000,1557324572638279 +8623236016759087157_3500_000_3520_000,1557324579544532 +8623236016759087157_3500_000_3520_000,1557324580047183 +8623236016759087157_3500_000_3520_000,1557324569637588 +8623236016759087157_3500_000_3520_000,1557324573138464 +8920841445900141920_1700_000_1720_000,1557859882950427 +8920841445900141920_1700_000_1720_000,1557859870947785 +8920841445900141920_1700_000_1720_000,1557859868947629 +8920841445900141920_1700_000_1720_000,1557859882449903 +8920841445900141920_1700_000_1720_000,1557859878447989 +8920841445900141920_1700_000_1720_000,1557859872447754 +8920841445900141920_1700_000_1720_000,1557859879448016 +8920841445900141920_1700_000_1720_000,1557859879948093 +8920841445900141920_1700_000_1720_000,1557859869447788 +8920841445900141920_1700_000_1720_000,1557859881448912 +8920841445900141920_1700_000_1720_000,1557859870447773 +8920841445900141920_1700_000_1720_000,1557859880448231 +8920841445900141920_1700_000_1720_000,1557859878947993 +8920841445900141920_1700_000_1720_000,1557859880948478 +8920841445900141920_1700_000_1720_000,1557859869947772 +8920841445900141920_1700_000_1720_000,1557859881949366 +8920841445900141920_1700_000_1720_000,1557859872947901 +8920841445900141920_1700_000_1720_000,1557859871947716 +8920841445900141920_1700_000_1720_000,1557859871447819 +8920841445900141920_1700_000_1720_000,1557859868447474 +1417898473608326362_2560_000_2580_000,1557546242797474 +1417898473608326362_2560_000_2580_000,1557546239797468 +1417898473608326362_2560_000_2580_000,1557546241797368 +1417898473608326362_2560_000_2580_000,1557546252797649 +1417898473608326362_2560_000_2580_000,1557546252297680 +1417898473608326362_2560_000_2580_000,1557546239297163 +1417898473608326362_2560_000_2580_000,1557546253797788 +1417898473608326362_2560_000_2580_000,1557546249297427 +1417898473608326362_2560_000_2580_000,1557546242297446 +1417898473608326362_2560_000_2580_000,1557546251297740 +1417898473608326362_2560_000_2580_000,1557546240297658 +1417898473608326362_2560_000_2580_000,1557546240797643 +1417898473608326362_2560_000_2580_000,1557546250297550 +1417898473608326362_2560_000_2580_000,1557546249797555 +1417898473608326362_2560_000_2580_000,1557546251797725 +1417898473608326362_2560_000_2580_000,1557546250797666 +1417898473608326362_2560_000_2580_000,1557546253297756 +1417898473608326362_2560_000_2580_000,1557546243797028 +1417898473608326362_2560_000_2580_000,1557546243297291 +1417898473608326362_2560_000_2580_000,1557546241297483 +9584760613582366524_1620_000_1640_000,1557879417399208 +9584760613582366524_1620_000_1640_000,1557879416899412 +9584760613582366524_1620_000_1640_000,1557879428399102 +9584760613582366524_1620_000_1640_000,1557879420399302 +9584760613582366524_1620_000_1640_000,1557879427399045 +9584760613582366524_1620_000_1640_000,1557879420899353 +9584760613582366524_1620_000_1640_000,1557879426899061 +9584760613582366524_1620_000_1640_000,1557879418899485 +9584760613582366524_1620_000_1640_000,1557879418399553 +9584760613582366524_1620_000_1640_000,1557879429898992 +9584760613582366524_1620_000_1640_000,1557879428899097 +9584760613582366524_1620_000_1640_000,1557879430898987 +9584760613582366524_1620_000_1640_000,1557879429399097 +9584760613582366524_1620_000_1640_000,1557879421399451 +9584760613582366524_1620_000_1640_000,1557879431398990 +9584760613582366524_1620_000_1640_000,1557879419899335 +9584760613582366524_1620_000_1640_000,1557879419399372 +9584760613582366524_1620_000_1640_000,1557879430398927 +9584760613582366524_1620_000_1640_000,1557879417899434 +9584760613582366524_1620_000_1640_000,1557879427899058 +6503078254504013503_3440_000_3460_000,1557855947547440 +6503078254504013503_3440_000_3460_000,1557855934472627 +6503078254504013503_3440_000_3460_000,1557855932972711 +6503078254504013503_3440_000_3460_000,1557855934972072 +6503078254504013503_3440_000_3460_000,1557855946547513 +6503078254504013503_3440_000_3460_000,1557855933972741 +6503078254504013503_3440_000_3460_000,1557855945047402 +6503078254504013503_3440_000_3460_000,1557855936962356 +6503078254504013503_3440_000_3460_000,1557855945547411 +6503078254504013503_3440_000_3460_000,1557855947047525 +6503078254504013503_3440_000_3460_000,1557855944547167 +6503078254504013503_3440_000_3460_000,1557855944046932 +6503078254504013503_3440_000_3460_000,1557855937459144 +6503078254504013503_3440_000_3460_000,1557855933472775 +6503078254504013503_3440_000_3460_000,1557855946047387 +6503078254504013503_3440_000_3460_000,1557855935470483 +6503078254504013503_3440_000_3460_000,1557855943047114 +6503078254504013503_3440_000_3460_000,1557855935968223 +6503078254504013503_3440_000_3460_000,1557855943547034 +6503078254504013503_3440_000_3460_000,1557855936465449 +11867874114645674271_600_000_620_000,1556074736854433 +11867874114645674271_600_000_620_000,1556074726349701 +11867874114645674271_600_000_620_000,1556074735851657 +11867874114645674271_600_000_620_000,1556074725849692 +11867874114645674271_600_000_620_000,1556074737859199 +11867874114645674271_600_000_620_000,1556074738362254 +11867874114645674271_600_000_620_000,1556074727849804 +11867874114645674271_600_000_620_000,1556074733850341 +11867874114645674271_600_000_620_000,1556074724350381 +11867874114645674271_600_000_620_000,1556074735350931 +11867874114645674271_600_000_620_000,1556074728349730 +11867874114645674271_600_000_620_000,1556074724849999 +11867874114645674271_600_000_620_000,1556074725349782 +11867874114645674271_600_000_620_000,1556074726849817 +11867874114645674271_600_000_620_000,1556074727349951 +11867874114645674271_600_000_620_000,1556074723850636 +11867874114645674271_600_000_620_000,1556074736352936 +11867874114645674271_600_000_620_000,1556074737356543 +11867874114645674271_600_000_620_000,1556074734850605 +2374138435300423201_2600_000_2620_000,1557546281297269 +2374138435300423201_2600_000_2620_000,1557546290797384 +2374138435300423201_2600_000_2620_000,1557546279797210 +2374138435300423201_2600_000_2620_000,1557546282797429 +2374138435300423201_2600_000_2620_000,1557546279297244 +2374138435300423201_2600_000_2620_000,1557546280797280 +2374138435300423201_2600_000_2620_000,1557546280297328 +2374138435300423201_2600_000_2620_000,1557546289297324 +2374138435300423201_2600_000_2620_000,1557546289797335 +2374138435300423201_2600_000_2620_000,1557546283297421 +2374138435300423201_2600_000_2620_000,1557546293797422 +2374138435300423201_2600_000_2620_000,1557546283797387 +2374138435300423201_2600_000_2620_000,1557546291297442 +2374138435300423201_2600_000_2620_000,1557546292797289 +2374138435300423201_2600_000_2620_000,1557546293297352 +2374138435300423201_2600_000_2620_000,1557546282297473 +2374138435300423201_2600_000_2620_000,1557546290297367 +2374138435300423201_2600_000_2620_000,1557546281797389 +2374138435300423201_2600_000_2620_000,1557546292297340 +2374138435300423201_2600_000_2620_000,1557546291797459 +16050146835908439029_4500_000_4520_000,1557862669362069 +16050146835908439029_4500_000_4520_000,1557862668362475 +16050146835908439029_4500_000_4520_000,1557862680862489 +16050146835908439029_4500_000_4520_000,1557862682362527 +16050146835908439029_4500_000_4520_000,1557862679362451 +16050146835908439029_4500_000_4520_000,1557862669862200 +16050146835908439029_4500_000_4520_000,1557862680362483 +16050146835908439029_4500_000_4520_000,1557862670362417 +16050146835908439029_4500_000_4520_000,1557862668862219 +16050146835908439029_4500_000_4520_000,1557862682862598 +16050146835908439029_4500_000_4520_000,1557862681362512 +16050146835908439029_4500_000_4520_000,1557862672362384 +16050146835908439029_4500_000_4520_000,1557862672862388 +16050146835908439029_4500_000_4520_000,1557862670862532 +16050146835908439029_4500_000_4520_000,1557862671862452 +16050146835908439029_4500_000_4520_000,1557862681862522 +16050146835908439029_4500_000_4520_000,1557862678862529 +16050146835908439029_4500_000_4520_000,1557862671362531 +16050146835908439029_4500_000_4520_000,1557862679862445 +16050146835908439029_4500_000_4520_000,1557862678362527 +3400465735719851775_1400_000_1420_000,1572136113149873 +3400465735719851775_1400_000_1420_000,1572136101149909 +3400465735719851775_1400_000_1420_000,1572136102649696 +3400465735719851775_1400_000_1420_000,1572136113649695 +3400465735719851775_1400_000_1420_000,1572136110649929 +3400465735719851775_1400_000_1420_000,1572136111649912 +3400465735719851775_1400_000_1420_000,1572136112649991 +3400465735719851775_1400_000_1420_000,1572136114149800 +3400465735719851775_1400_000_1420_000,1572136100649954 +3400465735719851775_1400_000_1420_000,1572136114649927 +3400465735719851775_1400_000_1420_000,1572136103149884 +3400465735719851775_1400_000_1420_000,1572136112149956 +3400465735719851775_1400_000_1420_000,1572136105149812 +3400465735719851775_1400_000_1420_000,1572136103650115 +3400465735719851775_1400_000_1420_000,1572136115150038 +3400465735719851775_1400_000_1420_000,1572136102149777 +3400465735719851775_1400_000_1420_000,1572136111149884 +3400465735719851775_1400_000_1420_000,1572136104150206 +3400465735719851775_1400_000_1420_000,1572136101649856 +3400465735719851775_1400_000_1420_000,1572136104650062 +13347759874869607317_1540_000_1560_000,1557240455162639 +13347759874869607317_1540_000_1560_000,1557240466662585 +13347759874869607317_1540_000_1560_000,1557240462162692 +13347759874869607317_1540_000_1560_000,1557240454162643 +13347759874869607317_1540_000_1560_000,1557240453162676 +13347759874869607317_1540_000_1560_000,1557240464162672 +13347759874869607317_1540_000_1560_000,1557240462662650 +13347759874869607317_1540_000_1560_000,1557240463162605 +13347759874869607317_1540_000_1560_000,1557240466162631 +13347759874869607317_1540_000_1560_000,1557240452662663 +13347759874869607317_1540_000_1560_000,1557240465662701 +13347759874869607317_1540_000_1560_000,1557240464662665 +13347759874869607317_1540_000_1560_000,1557240452162656 +13347759874869607317_1540_000_1560_000,1557240455662596 +13347759874869607317_1540_000_1560_000,1557240456662719 +13347759874869607317_1540_000_1560_000,1557240456162634 +13347759874869607317_1540_000_1560_000,1557240463662676 +13347759874869607317_1540_000_1560_000,1557240465162708 +13347759874869607317_1540_000_1560_000,1557240454662705 +13347759874869607317_1540_000_1560_000,1557240453662610 +792520390268391604_780_000_800_000,1557276779322398 +792520390268391604_780_000_800_000,1557276789819241 +792520390268391604_780_000_800_000,1557276781822470 +792520390268391604_780_000_800_000,1557276790814750 +792520390268391604_780_000_800_000,1557276787822228 +792520390268391604_780_000_800_000,1557276777822335 +792520390268391604_780_000_800_000,1557276779822444 +792520390268391604_780_000_800_000,1557276791809911 +792520390268391604_780_000_800_000,1557276787322288 +792520390268391604_780_000_800_000,1557276781322325 +792520390268391604_780_000_800_000,1557276778822345 +792520390268391604_780_000_800_000,1557276788821750 +792520390268391604_780_000_800_000,1557276791312453 +792520390268391604_780_000_800_000,1557276780822385 +792520390268391604_780_000_800_000,1557276789320894 +792520390268391604_780_000_800_000,1557276788322108 +792520390268391604_780_000_800_000,1557276778322306 +792520390268391604_780_000_800_000,1557276790317051 +792520390268391604_780_000_800_000,1557276780322459 +792520390268391604_780_000_800_000,1557276777322444 +12555145882162126399_1180_000_1200_000,1558016457446728 +12555145882162126399_1180_000_1200_000,1558016457946731 +12555145882162126399_1180_000_1200_000,1558016443947236 +12555145882162126399_1180_000_1200_000,1558016455946753 +12555145882162126399_1180_000_1200_000,1558016456946665 +12555145882162126399_1180_000_1200_000,1558016445447090 +12555145882162126399_1180_000_1200_000,1558016446446923 +12555145882162126399_1180_000_1200_000,1558016453946646 +12555145882162126399_1180_000_1200_000,1558016446946859 +12555145882162126399_1180_000_1200_000,1558016445947010 +12555145882162126399_1180_000_1200_000,1558016444947161 +12555145882162126399_1180_000_1200_000,1558016455446712 +12555145882162126399_1180_000_1200_000,1558016448446785 +12555145882162126399_1180_000_1200_000,1558016447946858 +12555145882162126399_1180_000_1200_000,1558016458446676 +12555145882162126399_1180_000_1200_000,1558016444447200 +12555145882162126399_1180_000_1200_000,1558016454446636 +12555145882162126399_1180_000_1200_000,1558016454946704 +12555145882162126399_1180_000_1200_000,1558016447446885 +12555145882162126399_1180_000_1200_000,1558016456446713 +2363225200168330815_760_000_780_000,1557363529737707 +2363225200168330815_760_000_780_000,1557363527237757 +2363225200168330815_760_000_780_000,1557363531737831 +2363225200168330815_760_000_780_000,1557363517737551 +2363225200168330815_760_000_780_000,1557363521737684 +2363225200168330815_760_000_780_000,1557363520237879 +2363225200168330815_760_000_780_000,1557363520737853 +2363225200168330815_760_000_780_000,1557363530737748 +2363225200168330815_760_000_780_000,1557363530237741 +2363225200168330815_760_000_780_000,1557363527737802 +2363225200168330815_760_000_780_000,1557363519238031 +2363225200168330815_760_000_780_000,1557363518738025 +2363225200168330815_760_000_780_000,1557363519737941 +2363225200168330815_760_000_780_000,1557363528237770 +2363225200168330815_760_000_780_000,1557363517237246 +2363225200168330815_760_000_780_000,1557363518237827 +2363225200168330815_760_000_780_000,1557363528737726 +2363225200168330815_760_000_780_000,1557363529237740 +2363225200168330815_760_000_780_000,1557363521237784 +2363225200168330815_760_000_780_000,1557363531237786 +3328513486129168664_2080_000_2100_000,1567831757349830 +3328513486129168664_2080_000_2100_000,1567831748349777 +3328513486129168664_2080_000_2100_000,1567831749349801 +3328513486129168664_2080_000_2100_000,1567831759349962 +3328513486129168664_2080_000_2100_000,1567831748849802 +3328513486129168664_2080_000_2100_000,1567831755849834 +3328513486129168664_2080_000_2100_000,1567831745849801 +3328513486129168664_2080_000_2100_000,1567831756349773 +3328513486129168664_2080_000_2100_000,1567831746849942 +3328513486129168664_2080_000_2100_000,1567831750350037 +3328513486129168664_2080_000_2100_000,1567831749849925 +3328513486129168664_2080_000_2100_000,1567831759849964 +3328513486129168664_2080_000_2100_000,1567831747849819 +3328513486129168664_2080_000_2100_000,1567831747349894 +3328513486129168664_2080_000_2100_000,1567831758849989 +3328513486129168664_2080_000_2100_000,1567831758350003 +3328513486129168664_2080_000_2100_000,1567831746349855 +3328513486129168664_2080_000_2100_000,1567831757849928 +3328513486129168664_2080_000_2100_000,1567831756849772 +3328513486129168664_2080_000_2100_000,1567831760349924 +4632556232973423919_2940_000_2960_000,1557266971471958 +4632556232973423919_2940_000_2960_000,1557266969972031 +4632556232973423919_2940_000_2960_000,1557266970971991 +4632556232973423919_2940_000_2960_000,1557266961970295 +4632556232973423919_2940_000_2960_000,1557266959471575 +4632556232973423919_2940_000_2960_000,1557266973972043 +4632556232973423919_2940_000_2960_000,1557266970471994 +4632556232973423919_2940_000_2960_000,1557266959971091 +4632556232973423919_2940_000_2960_000,1557266969472028 +4632556232973423919_2940_000_2960_000,1557266973471990 +4632556232973423919_2940_000_2960_000,1557266962470698 +4632556232973423919_2940_000_2960_000,1557266972972019 +4632556232973423919_2940_000_2960_000,1557266961470258 +4632556232973423919_2940_000_2960_000,1557266972472025 +4632556232973423919_2940_000_2960_000,1557266963471197 +4632556232973423919_2940_000_2960_000,1557266963971575 +4632556232973423919_2940_000_2960_000,1557266962971008 +4632556232973423919_2940_000_2960_000,1557266960970249 +4632556232973423919_2940_000_2960_000,1557266960470534 +4632556232973423919_2940_000_2960_000,1557266971972014 +7855150647548977812_3900_000_3920_000,1557963222297587 +7855150647548977812_3900_000_3920_000,1557963229797360 +7855150647548977812_3900_000_3920_000,1557963219297462 +7855150647548977812_3900_000_3920_000,1557963222797358 +7855150647548977812_3900_000_3920_000,1557963219797630 +7855150647548977812_3900_000_3920_000,1557963221297729 +7855150647548977812_3900_000_3920_000,1557963228797686 +7855150647548977812_3900_000_3920_000,1557963232797406 +7855150647548977812_3900_000_3920_000,1557963230297234 +7855150647548977812_3900_000_3920_000,1557963230797164 +7855150647548977812_3900_000_3920_000,1557963232297399 +7855150647548977812_3900_000_3920_000,1557963221797707 +7855150647548977812_3900_000_3920_000,1557963231797409 +7855150647548977812_3900_000_3920_000,1557963220297852 +7855150647548977812_3900_000_3920_000,1557963233297506 +7855150647548977812_3900_000_3920_000,1557963218797413 +7855150647548977812_3900_000_3920_000,1557963231297227 +7855150647548977812_3900_000_3920_000,1557963229297664 +7855150647548977812_3900_000_3920_000,1557963220797815 +7855150647548977812_3900_000_3920_000,1557963223297048 +6228701001600487900_720_000_740_000,1557196124797396 +6228701001600487900_720_000_740_000,1557196115797133 +6228701001600487900_720_000_740_000,1557196127297339 +6228701001600487900_720_000_740_000,1557196118797295 +6228701001600487900_720_000_740_000,1557196114797019 +6228701001600487900_720_000_740_000,1557196125297368 +6228701001600487900_720_000_740_000,1557196117797593 +6228701001600487900_720_000_740_000,1557196128297444 +6228701001600487900_720_000_740_000,1557196126797262 +6228701001600487900_720_000_740_000,1557196116297146 +6228701001600487900_720_000_740_000,1557196114297509 +6228701001600487900_720_000_740_000,1557196125797316 +6228701001600487900_720_000_740_000,1557196124297381 +6228701001600487900_720_000_740_000,1557196128797516 +6228701001600487900_720_000_740_000,1557196126297244 +6228701001600487900_720_000_740_000,1557196118297420 +6228701001600487900_720_000_740_000,1557196117297567 +6228701001600487900_720_000_740_000,1557196116797296 +6228701001600487900_720_000_740_000,1557196127797382 +6228701001600487900_720_000_740_000,1557196115297027 +5683383258122801095_1040_000_1060_000,1557363799237684 +5683383258122801095_1040_000_1060_000,1557363798737684 +5683383258122801095_1040_000_1060_000,1557363809737739 +5683383258122801095_1040_000_1060_000,1557363801237681 +5683383258122801095_1040_000_1060_000,1557363808237726 +5683383258122801095_1040_000_1060_000,1557363810237674 +5683383258122801095_1040_000_1060_000,1557363797237694 +5683383258122801095_1040_000_1060_000,1557363808737723 +5683383258122801095_1040_000_1060_000,1557363801737692 +5683383258122801095_1040_000_1060_000,1557363807737730 +5683383258122801095_1040_000_1060_000,1557363797737739 +5683383258122801095_1040_000_1060_000,1557363800737713 +5683383258122801095_1040_000_1060_000,1557363799737724 +5683383258122801095_1040_000_1060_000,1557363811737549 +5683383258122801095_1040_000_1060_000,1557363798237739 +5683383258122801095_1040_000_1060_000,1557363810737600 +5683383258122801095_1040_000_1060_000,1557363807237704 +5683383258122801095_1040_000_1060_000,1557363811237550 +5683383258122801095_1040_000_1060_000,1557363800237778 +5683383258122801095_1040_000_1060_000,1557363809237695 +14631629219048194483_2720_000_2740_000,1558017994972187 +14631629219048194483_2720_000_2740_000,1558017997472318 +14631629219048194483_2720_000_2740_000,1558017985972625 +14631629219048194483_2720_000_2740_000,1558017985472656 +14631629219048194483_2720_000_2740_000,1558017986972355 +14631629219048194483_2720_000_2740_000,1558017998472347 +14631629219048194483_2720_000_2740_000,1558017996472360 +14631629219048194483_2720_000_2740_000,1558017983971974 +14631629219048194483_2720_000_2740_000,1558017987972319 +14631629219048194483_2720_000_2740_000,1558017984472180 +14631629219048194483_2720_000_2740_000,1558017984972436 +14631629219048194483_2720_000_2740_000,1558017995972332 +14631629219048194483_2720_000_2740_000,1558017997972298 +14631629219048194483_2720_000_2740_000,1558017994472307 +14631629219048194483_2720_000_2740_000,1558017995472189 +14631629219048194483_2720_000_2740_000,1558017988472347 +14631629219048194483_2720_000_2740_000,1558017986472464 +14631629219048194483_2720_000_2740_000,1558017987472321 +14631629219048194483_2720_000_2740_000,1558017996972405 +14631629219048194483_2720_000_2740_000,1558017993972404 +2906594041697319079_3040_000_3060_000,1557267072486781 +2906594041697319079_3040_000_3060_000,1557267060487498 +2906594041697319079_3040_000_3060_000,1557267073986709 +2906594041697319079_3040_000_3060_000,1557267070986791 +2906594041697319079_3040_000_3060_000,1557267059987458 +2906594041697319079_3040_000_3060_000,1557267071486876 +2906594041697319079_3040_000_3060_000,1557267062487451 +2906594041697319079_3040_000_3060_000,1557267063987482 +2906594041697319079_3040_000_3060_000,1557267063487438 +2906594041697319079_3040_000_3060_000,1557267071986868 +2906594041697319079_3040_000_3060_000,1557267072986667 +2906594041697319079_3040_000_3060_000,1557267069487459 +2906594041697319079_3040_000_3060_000,1557267073486626 +2906594041697319079_3040_000_3060_000,1557267062987469 +2906594041697319079_3040_000_3060_000,1557267061487517 +2906594041697319079_3040_000_3060_000,1557267061987452 +2906594041697319079_3040_000_3060_000,1557267060987578 +2906594041697319079_3040_000_3060_000,1557267070487093 +2906594041697319079_3040_000_3060_000,1557267069987397 +2906594041697319079_3040_000_3060_000,1557267059487462 +2383902674438058857_4420_000_4440_000,1567796626524800 +2383902674438058857_4420_000_4440_000,1567796634024717 +2383902674438058857_4420_000_4440_000,1567796623525141 +2383902674438058857_4420_000_4440_000,1567796634524720 +2383902674438058857_4420_000_4440_000,1567796637024790 +2383902674438058857_4420_000_4440_000,1567796633524726 +2383902674438058857_4420_000_4440_000,1567796623025071 +2383902674438058857_4420_000_4440_000,1567796624525076 +2383902674438058857_4420_000_4440_000,1567796627024804 +2383902674438058857_4420_000_4440_000,1567796627524846 +2383902674438058857_4420_000_4440_000,1567796635024610 +2383902674438058857_4420_000_4440_000,1567796624025081 +2383902674438058857_4420_000_4440_000,1567796625524889 +2383902674438058857_4420_000_4440_000,1567796635524621 +2383902674438058857_4420_000_4440_000,1567796626024858 +2383902674438058857_4420_000_4440_000,1567796636024637 +2383902674438058857_4420_000_4440_000,1567796625024984 +2383902674438058857_4420_000_4440_000,1567796633024733 +2383902674438058857_4420_000_4440_000,1567796637524761 +2383902674438058857_4420_000_4440_000,1567796636524720 +6862795755554967162_2280_000_2300_000,1558152098797641 +6862795755554967162_2280_000_2300_000,1558152096797728 +6862795755554967162_2280_000_2300_000,1558152098297483 +6862795755554967162_2280_000_2300_000,1558152086297472 +6862795755554967162_2280_000_2300_000,1558152088297543 +6862795755554967162_2280_000_2300_000,1558152090297619 +6862795755554967162_2280_000_2300_000,1558152088797546 +6862795755554967162_2280_000_2300_000,1558152096297876 +6862795755554967162_2280_000_2300_000,1558152087797448 +6862795755554967162_2280_000_2300_000,1558152100297819 +6862795755554967162_2280_000_2300_000,1558152089297513 +6862795755554967162_2280_000_2300_000,1558152086797503 +6862795755554967162_2280_000_2300_000,1558152097297600 +6862795755554967162_2280_000_2300_000,1558152099297843 +6862795755554967162_2280_000_2300_000,1558152089797536 +6862795755554967162_2280_000_2300_000,1558152090797668 +6862795755554967162_2280_000_2300_000,1558152099797835 +6862795755554967162_2280_000_2300_000,1558152100797780 +6862795755554967162_2280_000_2300_000,1558152097797483 +6862795755554967162_2280_000_2300_000,1558152087297497 +8085856200343017603_4120_000_4140_000,1557963441810800 +8085856200343017603_4120_000_4140_000,1557963452811392 +8085856200343017603_4120_000_4140_000,1557963442310429 +8085856200343017603_4120_000_4140_000,1557963448811394 +8085856200343017603_4120_000_4140_000,1557963440312587 +8085856200343017603_4120_000_4140_000,1557963452311343 +8085856200343017603_4120_000_4140_000,1557963438812840 +8085856200343017603_4120_000_4140_000,1557963449311428 +8085856200343017603_4120_000_4140_000,1557963450311446 +8085856200343017603_4120_000_4140_000,1557963450811460 +8085856200343017603_4120_000_4140_000,1557963451311480 +8085856200343017603_4120_000_4140_000,1557963441311391 +8085856200343017603_4120_000_4140_000,1557963439312755 +8085856200343017603_4120_000_4140_000,1557963442810720 +8085856200343017603_4120_000_4140_000,1557963453311401 +8085856200343017603_4120_000_4140_000,1557963449811379 +8085856200343017603_4120_000_4140_000,1557963439812771 +8085856200343017603_4120_000_4140_000,1557963443310973 +8085856200343017603_4120_000_4140_000,1557963451811373 +8085856200343017603_4120_000_4140_000,1557963440812062 +15370024704033662533_1240_000_1260_000,1558016507522714 +15370024704033662533_1240_000_1260_000,1558016504022513 +15370024704033662533_1240_000_1260_000,1558016508023021 +15370024704033662533_1240_000_1260_000,1558016516522659 +15370024704033662533_1240_000_1260_000,1558016518522508 +15370024704033662533_1240_000_1260_000,1558016506522488 +15370024704033662533_1240_000_1260_000,1558016516022182 +15370024704033662533_1240_000_1260_000,1558016518022743 +15370024704033662533_1240_000_1260_000,1558016517022970 +15370024704033662533_1240_000_1260_000,1558016514522028 +15370024704033662533_1240_000_1260_000,1558016507022487 +15370024704033662533_1240_000_1260_000,1558016505022580 +15370024704033662533_1240_000_1260_000,1558016517522896 +15370024704033662533_1240_000_1260_000,1558016506022489 +15370024704033662533_1240_000_1260_000,1558016504522546 +15370024704033662533_1240_000_1260_000,1558016514022344 +15370024704033662533_1240_000_1260_000,1558016505522521 +15370024704033662533_1240_000_1260_000,1558016515022010 +15370024704033662533_1240_000_1260_000,1558016515522158 +15370024704033662533_1240_000_1260_000,1558016508523056 +13887882285811432765_740_000_760_000,1557427670612416 +13887882285811432765_740_000_760_000,1557427657104220 +13887882285811432765_740_000_760_000,1557427656098234 +13887882285811432765_740_000_760_000,1557427670112488 +13887882285811432765_740_000_760_000,1557427657607241 +13887882285811432765_740_000_760_000,1557427659611359 +13887882285811432765_740_000_760_000,1557427668112690 +13887882285811432765_740_000_760_000,1557427669112938 +13887882285811432765_740_000_760_000,1557427668612977 +13887882285811432765_740_000_760_000,1557427667112287 +13887882285811432765_740_000_760_000,1557427667612500 +13887882285811432765_740_000_760_000,1557427660611691 +13887882285811432765_740_000_760_000,1557427658610018 +13887882285811432765_740_000_760_000,1557427660111611 +13887882285811432765_740_000_760_000,1557427658109105 +13887882285811432765_740_000_760_000,1557427656601007 +13887882285811432765_740_000_760_000,1557427659110867 +13887882285811432765_740_000_760_000,1557427666112373 +13887882285811432765_740_000_760_000,1557427666612282 +13887882285811432765_740_000_760_000,1557427669612708 +7886090431228432618_1060_000_1080_000,1557427978090024 +7886090431228432618_1060_000_1080_000,1557427986587357 +7886090431228432618_1060_000_1080_000,1557427979089033 +7886090431228432618_1060_000_1080_000,1557427980587825 +7886090431228432618_1060_000_1080_000,1557427988586899 +7886090431228432618_1060_000_1080_000,1557427989086904 +7886090431228432618_1060_000_1080_000,1557427977091041 +7886090431228432618_1060_000_1080_000,1557427976591045 +7886090431228432618_1060_000_1080_000,1557427987587267 +7886090431228432618_1060_000_1080_000,1557427980088231 +7886090431228432618_1060_000_1080_000,1557427987087350 +7886090431228432618_1060_000_1080_000,1557427990587971 +7886090431228432618_1060_000_1080_000,1557427978589494 +7886090431228432618_1060_000_1080_000,1557427979588581 +7886090431228432618_1060_000_1080_000,1557427977590623 +7886090431228432618_1060_000_1080_000,1557427990087424 +7886090431228432618_1060_000_1080_000,1557427988087048 +7886090431228432618_1060_000_1080_000,1557427989587118 +7886090431228432618_1060_000_1080_000,1557427986087349 +7886090431228432618_1060_000_1080_000,1557427976090905 +11096867396355523348_1460_000_1480_000,1557240385647315 +11096867396355523348_1460_000_1480_000,1557240376147639 +11096867396355523348_1460_000_1480_000,1557240383646953 +11096867396355523348_1460_000_1480_000,1557240373147399 +11096867396355523348_1460_000_1480_000,1557240385147284 +11096867396355523348_1460_000_1480_000,1557240383147053 +11096867396355523348_1460_000_1480_000,1557240375647537 +11096867396355523348_1460_000_1480_000,1557240376647555 +11096867396355523348_1460_000_1480_000,1557240382647278 +11096867396355523348_1460_000_1480_000,1557240374147381 +11096867396355523348_1460_000_1480_000,1557240373647402 +11096867396355523348_1460_000_1480_000,1557240382147351 +11096867396355523348_1460_000_1480_000,1557240375147338 +11096867396355523348_1460_000_1480_000,1557240386147261 +11096867396355523348_1460_000_1480_000,1557240384647073 +11096867396355523348_1460_000_1480_000,1557240372647451 +11096867396355523348_1460_000_1480_000,1557240384146914 +11096867396355523348_1460_000_1480_000,1557240386647265 +11096867396355523348_1460_000_1480_000,1557240374647330 +11096867396355523348_1460_000_1480_000,1557240372147515 +5993415832220804439_1020_000_1040_000,1557427938162330 +5993415832220804439_1020_000_1040_000,1557427940162319 +5993415832220804439_1020_000_1040_000,1557427937662244 +5993415832220804439_1020_000_1040_000,1557427946662314 +5993415832220804439_1020_000_1040_000,1557427946162333 +5993415832220804439_1020_000_1040_000,1557427938662319 +5993415832220804439_1020_000_1040_000,1557427948162669 +5993415832220804439_1020_000_1040_000,1557427947162431 +5993415832220804439_1020_000_1040_000,1557427947662672 +5993415832220804439_1020_000_1040_000,1557427949662420 +5993415832220804439_1020_000_1040_000,1557427950162677 +5993415832220804439_1020_000_1040_000,1557427948662689 +5993415832220804439_1020_000_1040_000,1557427950662930 +5993415832220804439_1020_000_1040_000,1557427940662334 +5993415832220804439_1020_000_1040_000,1557427939662313 +5993415832220804439_1020_000_1040_000,1557427936661931 +5993415832220804439_1020_000_1040_000,1557427936161893 +5993415832220804439_1020_000_1040_000,1557427939162305 +5993415832220804439_1020_000_1040_000,1557427937162046 +5993415832220804439_1020_000_1040_000,1557427949162510 +684234579698396203_2540_000_2560_000,1557546221272675 +684234579698396203_2540_000_2560_000,1557546223272676 +684234579698396203_2540_000_2560_000,1557546229272374 +684234579698396203_2540_000_2560_000,1557546232272632 +684234579698396203_2540_000_2560_000,1557546222772668 +684234579698396203_2540_000_2560_000,1557546233775554 +684234579698396203_2540_000_2560_000,1557546230272562 +684234579698396203_2540_000_2560_000,1557546219772629 +684234579698396203_2540_000_2560_000,1557546231272784 +684234579698396203_2540_000_2560_000,1557546221772604 +684234579698396203_2540_000_2560_000,1557546229772445 +684234579698396203_2540_000_2560_000,1557546233273525 +684234579698396203_2540_000_2560_000,1557546220772768 +684234579698396203_2540_000_2560_000,1557546230772716 +684234579698396203_2540_000_2560_000,1557546223772715 +684234579698396203_2540_000_2560_000,1557546231772736 +684234579698396203_2540_000_2560_000,1557546232772749 +684234579698396203_2540_000_2560_000,1557546222272631 +684234579698396203_2540_000_2560_000,1557546220272744 +684234579698396203_2540_000_2560_000,1557546219272563 +16367045247642649300_3060_000_3080_000,1557267091988308 +16367045247642649300_3060_000_3080_000,1557267090487889 +16367045247642649300_3060_000_3080_000,1557267089487659 +16367045247642649300_3060_000_3080_000,1557267093487520 +16367045247642649300_3060_000_3080_000,1557267093987555 +16367045247642649300_3060_000_3080_000,1557267082986958 +16367045247642649300_3060_000_3080_000,1557267080987657 +16367045247642649300_3060_000_3080_000,1557267083987136 +16367045247642649300_3060_000_3080_000,1557267082487269 +16367045247642649300_3060_000_3080_000,1557267080487535 +16367045247642649300_3060_000_3080_000,1557267081987538 +16367045247642649300_3060_000_3080_000,1557267083486940 +16367045247642649300_3060_000_3080_000,1557267079987387 +16367045247642649300_3060_000_3080_000,1557267079487248 +16367045247642649300_3060_000_3080_000,1557267089987808 +16367045247642649300_3060_000_3080_000,1557267092987360 +16367045247642649300_3060_000_3080_000,1557267092487706 +16367045247642649300_3060_000_3080_000,1557267090987837 +16367045247642649300_3060_000_3080_000,1557267081487585 +16367045247642649300_3060_000_3080_000,1557267091488223 +10940141908690367388_4420_000_4440_000,1557325501087726 +10940141908690367388_4420_000_4440_000,1557325493087410 +10940141908690367388_4420_000_4440_000,1557325490587432 +10940141908690367388_4420_000_4440_000,1557325503087783 +10940141908690367388_4420_000_4440_000,1557325501587681 +10940141908690367388_4420_000_4440_000,1557325492087435 +10940141908690367388_4420_000_4440_000,1557325503587721 +10940141908690367388_4420_000_4440_000,1557325491587341 +10940141908690367388_4420_000_4440_000,1557325489587388 +10940141908690367388_4420_000_4440_000,1557325489087347 +10940141908690367388_4420_000_4440_000,1557325490087423 +10940141908690367388_4420_000_4440_000,1557325499587637 +10940141908690367388_4420_000_4440_000,1557325491087364 +10940141908690367388_4420_000_4440_000,1557325493587440 +10940141908690367388_4420_000_4440_000,1557325502087695 +10940141908690367388_4420_000_4440_000,1557325500087574 +10940141908690367388_4420_000_4440_000,1557325502587743 +10940141908690367388_4420_000_4440_000,1557325492587377 +10940141908690367388_4420_000_4440_000,1557325500587663 +10940141908690367388_4420_000_4440_000,1557325499087629 +15865907199900332614_760_000_780_000,1559313080537412 +15865907199900332614_760_000_780_000,1559313078037376 +15865907199900332614_760_000_780_000,1559313080037454 +15865907199900332614_760_000_780_000,1559313079537512 +15865907199900332614_760_000_780_000,1559313078537459 +15865907199900332614_760_000_780_000,1559313089537338 +15865907199900332614_760_000_780_000,1559313077537461 +15865907199900332614_760_000_780_000,1559313091537372 +15865907199900332614_760_000_780_000,1559313081037481 +15865907199900332614_760_000_780_000,1559313087537628 +15865907199900332614_760_000_780_000,1559313077037424 +15865907199900332614_760_000_780_000,1559313079037502 +15865907199900332614_760_000_780_000,1559313090537600 +15865907199900332614_760_000_780_000,1559313089037261 +15865907199900332614_760_000_780_000,1559313088037246 +15865907199900332614_760_000_780_000,1559313091037429 +15865907199900332614_760_000_780_000,1559313087037841 +15865907199900332614_760_000_780_000,1559313081537390 +15865907199900332614_760_000_780_000,1559313090037603 +15865907199900332614_760_000_780_000,1559313088537022 +16418654553014119039_4340_000_4360_000,1557548032247842 +16418654553014119039_4340_000_4360_000,1557548021247344 +16418654553014119039_4340_000_4360_000,1557548020747349 +16418654553014119039_4340_000_4360_000,1557548019247610 +16418654553014119039_4340_000_4360_000,1557548019747557 +16418654553014119039_4340_000_4360_000,1557548022747669 +16418654553014119039_4340_000_4360_000,1557548032748077 +16418654553014119039_4340_000_4360_000,1557548022247554 +16418654553014119039_4340_000_4360_000,1557548020247425 +16418654553014119039_4340_000_4360_000,1557548031247283 +16418654553014119039_4340_000_4360_000,1557548031747513 +16418654553014119039_4340_000_4360_000,1557548021747406 +16418654553014119039_4340_000_4360_000,1557548023747615 +16418654553014119039_4340_000_4360_000,1557548029247116 +16418654553014119039_4340_000_4360_000,1557548030247196 +16418654553014119039_4340_000_4360_000,1557548030747259 +16418654553014119039_4340_000_4360_000,1557548023247650 +16418654553014119039_4340_000_4360_000,1557548029747131 +16418654553014119039_4340_000_4360_000,1557548033248036 +16418654553014119039_4340_000_4360_000,1557548033747756 +2795127582672852315_4140_000_4160_000,1557963462811402 +2795127582672852315_4140_000_4160_000,1557963459811328 +2795127582672852315_4140_000_4160_000,1557963461311393 +2795127582672852315_4140_000_4160_000,1557963468811200 +2795127582672852315_4140_000_4160_000,1557963460311323 +2795127582672852315_4140_000_4160_000,1557963472811254 +2795127582672852315_4140_000_4160_000,1557963459311361 +2795127582672852315_4140_000_4160_000,1557963472311331 +2795127582672852315_4140_000_4160_000,1557963469811253 +2795127582672852315_4140_000_4160_000,1557963473311173 +2795127582672852315_4140_000_4160_000,1557963458811300 +2795127582672852315_4140_000_4160_000,1557963461811317 +2795127582672852315_4140_000_4160_000,1557963460811362 +2795127582672852315_4140_000_4160_000,1557963471811333 +2795127582672852315_4140_000_4160_000,1557963462311357 +2795127582672852315_4140_000_4160_000,1557963463311436 +2795127582672852315_4140_000_4160_000,1557963469311205 +2795127582672852315_4140_000_4160_000,1557963470811412 +2795127582672852315_4140_000_4160_000,1557963471311372 +2795127582672852315_4140_000_4160_000,1557963470311335 +10084636266401282188_1120_000_1140_000,1558407846397548 +10084636266401282188_1120_000_1140_000,1558407843897545 +10084636266401282188_1120_000_1140_000,1558407844397659 +10084636266401282188_1120_000_1140_000,1558407855397331 +10084636266401282188_1120_000_1140_000,1558407854397201 +10084636266401282188_1120_000_1140_000,1558407856897229 +10084636266401282188_1120_000_1140_000,1558407843397428 +10084636266401282188_1120_000_1140_000,1558407857397306 +10084636266401282188_1120_000_1140_000,1558407845897532 +10084636266401282188_1120_000_1140_000,1558407846897582 +10084636266401282188_1120_000_1140_000,1558407855897228 +10084636266401282188_1120_000_1140_000,1558407852897242 +10084636266401282188_1120_000_1140_000,1558407845397550 +10084636266401282188_1120_000_1140_000,1558407856397205 +10084636266401282188_1120_000_1140_000,1558407853897063 +10084636266401282188_1120_000_1140_000,1558407844897621 +10084636266401282188_1120_000_1140_000,1558407847397707 +10084636266401282188_1120_000_1140_000,1558407854897351 +10084636266401282188_1120_000_1140_000,1558407853397165 +10084636266401282188_1120_000_1140_000,1558407842897345 +2709541197299883157_1140_000_1160_000,1558407875897558 +2709541197299883157_1140_000_1160_000,1558407877397532 +2709541197299883157_1140_000_1160_000,1558407873397482 +2709541197299883157_1140_000_1160_000,1558407866897397 +2709541197299883157_1140_000_1160_000,1558407865397535 +2709541197299883157_1140_000_1160_000,1558407862897305 +2709541197299883157_1140_000_1160_000,1558407865897598 +2709541197299883157_1140_000_1160_000,1558407867397220 +2709541197299883157_1140_000_1160_000,1558407866397538 +2709541197299883157_1140_000_1160_000,1558407874397414 +2709541197299883157_1140_000_1160_000,1558407876897664 +2709541197299883157_1140_000_1160_000,1558407876397661 +2709541197299883157_1140_000_1160_000,1558407874897399 +2709541197299883157_1140_000_1160_000,1558407864897431 +2709541197299883157_1140_000_1160_000,1558407863397357 +2709541197299883157_1140_000_1160_000,1558407863897366 +2709541197299883157_1140_000_1160_000,1558407873897410 +2709541197299883157_1140_000_1160_000,1558407872897442 +2709541197299883157_1140_000_1160_000,1558407875397469 +2709541197299883157_1140_000_1160_000,1558407864397400 +13849332693800388551_960_000_980_000,1557264991038089 +13849332693800388551_960_000_980_000,1557264981037854 +13849332693800388551_960_000_980_000,1557264980537799 +13849332693800388551_960_000_980_000,1557264990038023 +13849332693800388551_960_000_980_000,1557264981537583 +13849332693800388551_960_000_980_000,1557264990537919 +13849332693800388551_960_000_980_000,1557264989537908 +13849332693800388551_960_000_980_000,1557264993538114 +13849332693800388551_960_000_980_000,1557264992037794 +13849332693800388551_960_000_980_000,1557264982537109 +13849332693800388551_960_000_980_000,1557264991537831 +13849332693800388551_960_000_980_000,1557264983537470 +13849332693800388551_960_000_980_000,1557264984037733 +13849332693800388551_960_000_980_000,1557264980037600 +13849332693800388551_960_000_980_000,1557264979537445 +13849332693800388551_960_000_980_000,1557264983037216 +13849332693800388551_960_000_980_000,1557264992537947 +13849332693800388551_960_000_980_000,1557264993038041 +13849332693800388551_960_000_980_000,1557264994038073 +13849332693800388551_960_000_980_000,1557264982037313 +10649066155322078676_1660_000_1680_000,1557240584087768 +10649066155322078676_1660_000_1680_000,1557240585587367 +10649066155322078676_1660_000_1680_000,1557240573663029 +10649066155322078676_1660_000_1680_000,1557240584587589 +10649066155322078676_1660_000_1680_000,1557240586087486 +10649066155322078676_1660_000_1680_000,1557240585087446 +10649066155322078676_1660_000_1680_000,1557240575671293 +10649066155322078676_1660_000_1680_000,1557240576677868 +10649066155322078676_1660_000_1680_000,1557240576174505 +10649066155322078676_1660_000_1680_000,1557240582087726 +10649066155322078676_1660_000_1680_000,1557240574666010 +10649066155322078676_1660_000_1680_000,1557240572662201 +10649066155322078676_1660_000_1680_000,1557240572162174 +10649066155322078676_1660_000_1680_000,1557240583587849 +10649066155322078676_1660_000_1680_000,1557240573162360 +10649066155322078676_1660_000_1680_000,1557240582587734 +10649066155322078676_1660_000_1680_000,1557240586587594 +10649066155322078676_1660_000_1680_000,1557240574164269 +10649066155322078676_1660_000_1680_000,1557240575168313 +10649066155322078676_1660_000_1680_000,1557240583087847 +14386836877680112549_4460_000_4480_000,1559179974137579 +14386836877680112549_4460_000_4480_000,1559179965637497 +14386836877680112549_4460_000_4480_000,1559179975137452 +14386836877680112549_4460_000_4480_000,1559179965137491 +14386836877680112549_4460_000_4480_000,1559179967137475 +14386836877680112549_4460_000_4480_000,1559179968137424 +14386836877680112549_4460_000_4480_000,1559179968637431 +14386836877680112549_4460_000_4480_000,1559179977137567 +14386836877680112549_4460_000_4480_000,1559179977637531 +14386836877680112549_4460_000_4480_000,1559179974637544 +14386836877680112549_4460_000_4480_000,1559179975637343 +14386836877680112549_4460_000_4480_000,1559179966637434 +14386836877680112549_4460_000_4480_000,1559179964137409 +14386836877680112549_4460_000_4480_000,1559179967637439 +14386836877680112549_4460_000_4480_000,1559179976637532 +14386836877680112549_4460_000_4480_000,1559179978137338 +14386836877680112549_4460_000_4480_000,1559179978637228 +14386836877680112549_4460_000_4480_000,1559179964637420 +14386836877680112549_4460_000_4480_000,1559179966137487 +14386836877680112549_4460_000_4480_000,1559179976137422 +1703056599550681101_4380_000_4400_000,1557548063747285 +1703056599550681101_4380_000_4400_000,1557548069747442 +1703056599550681101_4380_000_4400_000,1557548060747134 +1703056599550681101_4380_000_4400_000,1557548059247135 +1703056599550681101_4380_000_4400_000,1557548062747196 +1703056599550681101_4380_000_4400_000,1557548061747138 +1703056599550681101_4380_000_4400_000,1557548059747103 +1703056599550681101_4380_000_4400_000,1557548071747485 +1703056599550681101_4380_000_4400_000,1557548062247198 +1703056599550681101_4380_000_4400_000,1557548071247487 +1703056599550681101_4380_000_4400_000,1557548070747406 +1703056599550681101_4380_000_4400_000,1557548073247485 +1703056599550681101_4380_000_4400_000,1557548072747519 +1703056599550681101_4380_000_4400_000,1557548061247054 +1703056599550681101_4380_000_4400_000,1557548070247363 +1703056599550681101_4380_000_4400_000,1557548063247235 +1703056599550681101_4380_000_4400_000,1557548060247093 +1703056599550681101_4380_000_4400_000,1557548072247479 +1703056599550681101_4380_000_4400_000,1557548069247567 +1703056599550681101_4380_000_4400_000,1557548073747477 +9806821842001738961_4460_000_4480_000,1557548152749185 +9806821842001738961_4460_000_4480_000,1557548152249507 +9806821842001738961_4460_000_4480_000,1557548139248527 +9806821842001738961_4460_000_4480_000,1557548139748613 +9806821842001738961_4460_000_4480_000,1557548149748710 +9806821842001738961_4460_000_4480_000,1557548143745069 +9806821842001738961_4460_000_4480_000,1557548141247955 +9806821842001738961_4460_000_4480_000,1557548150749859 +9806821842001738961_4460_000_4480_000,1557548153248836 +9806821842001738961_4460_000_4480_000,1557548142746485 +9806821842001738961_4460_000_4480_000,1557548151749796 +9806821842001738961_4460_000_4480_000,1557548140248466 +9806821842001738961_4460_000_4480_000,1557548143245860 +9806821842001738961_4460_000_4480_000,1557548141747585 +9806821842001738961_4460_000_4480_000,1557548149247731 +9806821842001738961_4460_000_4480_000,1557548153748607 +9806821842001738961_4460_000_4480_000,1557548142247085 +9806821842001738961_4460_000_4480_000,1557548150249485 +9806821842001738961_4460_000_4480_000,1557548151249946 +9806821842001738961_4460_000_4480_000,1557548140748234 +4008112367880337022_3680_000_3700_000,1569854705325111 +4008112367880337022_3680_000_3700_000,1569854713325049 +4008112367880337022_3680_000_3700_000,1569854717325186 +4008112367880337022_3680_000_3700_000,1569854717825065 +4008112367880337022_3680_000_3700_000,1569854716325211 +4008112367880337022_3680_000_3700_000,1569854716825240 +4008112367880337022_3680_000_3700_000,1569854714325134 +4008112367880337022_3680_000_3700_000,1569854706825153 +4008112367880337022_3680_000_3700_000,1569854704325165 +4008112367880337022_3680_000_3700_000,1569854714825260 +4008112367880337022_3680_000_3700_000,1569854706325106 +4008112367880337022_3680_000_3700_000,1569854705825068 +4008112367880337022_3680_000_3700_000,1569854704825168 +4008112367880337022_3680_000_3700_000,1569854707325043 +4008112367880337022_3680_000_3700_000,1569854707824970 +4008112367880337022_3680_000_3700_000,1569854715325243 +4008112367880337022_3680_000_3700_000,1569854715825244 +4008112367880337022_3680_000_3700_000,1569854703825152 +4008112367880337022_3680_000_3700_000,1569854713825019 +4008112367880337022_3680_000_3700_000,1569854703325067 +3275806206237593341_1260_000_1280_000,1557544942819254 +3275806206237593341_1260_000_1280_000,1557544950297870 +3275806206237593341_1260_000_1280_000,1557544951297442 +3275806206237593341_1260_000_1280_000,1557544951797369 +3275806206237593341_1260_000_1280_000,1557544950797707 +3275806206237593341_1260_000_1280_000,1557544952297300 +3275806206237593341_1260_000_1280_000,1557544949299141 +3275806206237593341_1260_000_1280_000,1557544940320359 +3275806206237593341_1260_000_1280_000,1557544940820248 +3275806206237593341_1260_000_1280_000,1557544942319553 +3275806206237593341_1260_000_1280_000,1557544941320001 +3275806206237593341_1260_000_1280_000,1557544949798358 +3275806206237593341_1260_000_1280_000,1557544939320505 +3275806206237593341_1260_000_1280_000,1557544953797222 +3275806206237593341_1260_000_1280_000,1557544953297262 +3275806206237593341_1260_000_1280_000,1557544943318943 +3275806206237593341_1260_000_1280_000,1557544941819785 +3275806206237593341_1260_000_1280_000,1557544943818501 +3275806206237593341_1260_000_1280_000,1557544939820502 +3275806206237593341_1260_000_1280_000,1557544952797231 +16942495693882305487_4340_000_4360_000,1559179844137784 +16942495693882305487_4340_000_4360_000,1559179844637716 +16942495693882305487_4340_000_4360_000,1559179846637950 +16942495693882305487_4340_000_4360_000,1559179855137769 +16942495693882305487_4340_000_4360_000,1559179854137701 +16942495693882305487_4340_000_4360_000,1559179846137883 +16942495693882305487_4340_000_4360_000,1559179845637785 +16942495693882305487_4340_000_4360_000,1559179857137780 +16942495693882305487_4340_000_4360_000,1559179848137768 +16942495693882305487_4340_000_4360_000,1559179847637805 +16942495693882305487_4340_000_4360_000,1559179848637749 +16942495693882305487_4340_000_4360_000,1559179855637782 +16942495693882305487_4340_000_4360_000,1559179845137739 +16942495693882305487_4340_000_4360_000,1559179858137740 +16942495693882305487_4340_000_4360_000,1559179856637781 +16942495693882305487_4340_000_4360_000,1559179854637737 +16942495693882305487_4340_000_4360_000,1559179857637814 +16942495693882305487_4340_000_4360_000,1559179856137797 +16942495693882305487_4340_000_4360_000,1559179858637797 +16942495693882305487_4340_000_4360_000,1559179847137875 +5764319372514665214_2480_000_2500_000,1558034992472993 +5764319372514665214_2480_000_2500_000,1558034983472954 +5764319372514665214_2480_000_2500_000,1558034982972924 +5764319372514665214_2480_000_2500_000,1558034989972975 +5764319372514665214_2480_000_2500_000,1558034981473075 +5764319372514665214_2480_000_2500_000,1558034990472969 +5764319372514665214_2480_000_2500_000,1558034984472951 +5764319372514665214_2480_000_2500_000,1558034991472965 +5764319372514665214_2480_000_2500_000,1558034980973024 +5764319372514665214_2480_000_2500_000,1558034979972956 +5764319372514665214_2480_000_2500_000,1558034981973026 +5764319372514665214_2480_000_2500_000,1558034991973002 +5764319372514665214_2480_000_2500_000,1558034990972960 +5764319372514665214_2480_000_2500_000,1558034993973011 +5764319372514665214_2480_000_2500_000,1558034982472951 +5764319372514665214_2480_000_2500_000,1558034983972951 +5764319372514665214_2480_000_2500_000,1558034993473006 +5764319372514665214_2480_000_2500_000,1558034980472954 +5764319372514665214_2480_000_2500_000,1558034994473066 +5764319372514665214_2480_000_2500_000,1558034992972995 +3485136235103477552_600_000_620_000,1559312920037900 +3485136235103477552_600_000_620_000,1559312918536992 +3485136235103477552_600_000_620_000,1559312929037490 +3485136235103477552_600_000_620_000,1559312931537400 +3485136235103477552_600_000_620_000,1559312921537438 +3485136235103477552_600_000_620_000,1559312917537421 +3485136235103477552_600_000_620_000,1559312927536888 +3485136235103477552_600_000_620_000,1559312921037521 +3485136235103477552_600_000_620_000,1559312919537665 +3485136235103477552_600_000_620_000,1559312928037154 +3485136235103477552_600_000_620_000,1559312930537328 +3485136235103477552_600_000_620_000,1559312917037757 +3485136235103477552_600_000_620_000,1559312930037396 +3485136235103477552_600_000_620_000,1559312918037188 +3485136235103477552_600_000_620_000,1559312929537548 +3485136235103477552_600_000_620_000,1559312927037001 +3485136235103477552_600_000_620_000,1559312928537375 +3485136235103477552_600_000_620_000,1559312931037329 +3485136235103477552_600_000_620_000,1559312919037170 +3485136235103477552_600_000_620_000,1559312920537711 +13732041959462600641_720_000_740_000,1558742853976814 +13732041959462600641_720_000_740_000,1558742855976028 +13732041959462600641_720_000_740_000,1558742843475326 +13732041959462600641_720_000_740_000,1558742854976703 +13732041959462600641_720_000_740_000,1558742843975547 +13732041959462600641_720_000_740_000,1558742846475978 +13732041959462600641_720_000_740_000,1558742844975697 +13732041959462600641_720_000_740_000,1558742856975912 +13732041959462600641_720_000_740_000,1558742855476179 +13732041959462600641_720_000_740_000,1558742842975141 +13732041959462600641_720_000_740_000,1558742847476056 +13732041959462600641_720_000_740_000,1558742857475609 +13732041959462600641_720_000_740_000,1558742844475636 +13732041959462600641_720_000_740_000,1558742845475848 +13732041959462600641_720_000_740_000,1558742845975911 +13732041959462600641_720_000_740_000,1558742846976015 +13732041959462600641_720_000_740_000,1558742854477097 +13732041959462600641_720_000_740_000,1558742852976440 +13732041959462600641_720_000_740_000,1558742853476695 +13732041959462600641_720_000_740_000,1558742856476018 +8684065200957554260_2700_000_2720_000,1566246362851376 +8684065200957554260_2700_000_2720_000,1566246374351315 +8684065200957554260_2700_000_2720_000,1566246373851362 +8684065200957554260_2700_000_2720_000,1566246372351287 +8684065200957554260_2700_000_2720_000,1566246363351451 +8684065200957554260_2700_000_2720_000,1566246362351295 +8684065200957554260_2700_000_2720_000,1566246363851429 +8684065200957554260_2700_000_2720_000,1566246366351318 +8684065200957554260_2700_000_2720_000,1566246375351264 +8684065200957554260_2700_000_2720_000,1566246373351328 +8684065200957554260_2700_000_2720_000,1566246376351894 +8684065200957554260_2700_000_2720_000,1566246376852628 +8684065200957554260_2700_000_2720_000,1566246364851337 +8684065200957554260_2700_000_2720_000,1566246375851419 +8684065200957554260_2700_000_2720_000,1566246365351325 +8684065200957554260_2700_000_2720_000,1566246366851318 +8684065200957554260_2700_000_2720_000,1566246365851320 +8684065200957554260_2700_000_2720_000,1566246364351329 +8684065200957554260_2700_000_2720_000,1566246372851306 +8684065200957554260_2700_000_2720_000,1566246374851263 +10410418118434245359_5140_000_5160_000,1557326223047734 +10410418118434245359_5140_000_5160_000,1557326221547648 +10410418118434245359_5140_000_5160_000,1557326223547764 +10410418118434245359_5140_000_5160_000,1557326209047560 +10410418118434245359_5140_000_5160_000,1557326213047602 +10410418118434245359_5140_000_5160_000,1557326212047572 +10410418118434245359_5140_000_5160_000,1557326221047770 +10410418118434245359_5140_000_5160_000,1557326211047663 +10410418118434245359_5140_000_5160_000,1557326211547653 +10410418118434245359_5140_000_5160_000,1557326220547772 +10410418118434245359_5140_000_5160_000,1557326212547575 +10410418118434245359_5140_000_5160_000,1557326209547585 +10410418118434245359_5140_000_5160_000,1557326210047617 +10410418118434245359_5140_000_5160_000,1557326220047729 +10410418118434245359_5140_000_5160_000,1557326222047648 +10410418118434245359_5140_000_5160_000,1557326222547699 +10410418118434245359_5140_000_5160_000,1557326219047730 +10410418118434245359_5140_000_5160_000,1557326219547770 +10410418118434245359_5140_000_5160_000,1557326210547626 +10410418118434245359_5140_000_5160_000,1557326213547578 +7240042450405902042_580_000_600_000,1559312901037775 +7240042450405902042_580_000_600_000,1559312897037515 +7240042450405902042_580_000_600_000,1559312899537484 +7240042450405902042_580_000_600_000,1559312898537394 +7240042450405902042_580_000_600_000,1559312911537589 +7240042450405902042_580_000_600_000,1559312900037413 +7240042450405902042_580_000_600_000,1559312907037317 +7240042450405902042_580_000_600_000,1559312901538082 +7240042450405902042_580_000_600_000,1559312909537272 +7240042450405902042_580_000_600_000,1559312908537793 +7240042450405902042_580_000_600_000,1559312899037443 +7240042450405902042_580_000_600_000,1559312910036813 +7240042450405902042_580_000_600_000,1559312910537019 +7240042450405902042_580_000_600_000,1559312908037618 +7240042450405902042_580_000_600_000,1559312909037663 +7240042450405902042_580_000_600_000,1559312911037369 +7240042450405902042_580_000_600_000,1559312898037440 +7240042450405902042_580_000_600_000,1559312900537375 +7240042450405902042_580_000_600_000,1559312897537487 +7240042450405902042_580_000_600_000,1559312907537791 +5585555620508986875_720_000_740_000,1559313037538117 +5585555620508986875_720_000_740_000,1559313050537687 +5585555620508986875_720_000_740_000,1559313047537497 +5585555620508986875_720_000_740_000,1559313048037350 +5585555620508986875_720_000_740_000,1559313040037581 +5585555620508986875_720_000_740_000,1559313039037173 +5585555620508986875_720_000_740_000,1559313038037778 +5585555620508986875_720_000_740_000,1559313051537445 +5585555620508986875_720_000_740_000,1559313040537431 +5585555620508986875_720_000_740_000,1559313047037528 +5585555620508986875_720_000_740_000,1559313049537681 +5585555620508986875_720_000_740_000,1559313048537310 +5585555620508986875_720_000_740_000,1559313041537128 +5585555620508986875_720_000_740_000,1559313049037464 +5585555620508986875_720_000_740_000,1559313037038225 +5585555620508986875_720_000_740_000,1559313041037197 +5585555620508986875_720_000_740_000,1559313051037544 +5585555620508986875_720_000_740_000,1559313050037678 +5585555620508986875_720_000_740_000,1559313038537390 +5585555620508986875_720_000_740_000,1559313039537279 +2714318267497393311_480_000_500_000,1558150298237122 +2714318267497393311_480_000_500_000,1558150287237469 +2714318267497393311_480_000_500_000,1558150290237709 +2714318267497393311_480_000_500_000,1558150296737452 +2714318267497393311_480_000_500_000,1558150287737484 +2714318267497393311_480_000_500_000,1558150299237252 +2714318267497393311_480_000_500_000,1558150288237628 +2714318267497393311_480_000_500_000,1558150300237538 +2714318267497393311_480_000_500_000,1558150297737232 +2714318267497393311_480_000_500_000,1558150289737802 +2714318267497393311_480_000_500_000,1558150290737726 +2714318267497393311_480_000_500_000,1558150296237346 +2714318267497393311_480_000_500_000,1558150297237200 +2714318267497393311_480_000_500_000,1558150288737667 +2714318267497393311_480_000_500_000,1558150286237588 +2714318267497393311_480_000_500_000,1558150289237769 +2714318267497393311_480_000_500_000,1558150286737552 +2714318267497393311_480_000_500_000,1558150298737101 +2714318267497393311_480_000_500_000,1558150299737398 +2714318267497393311_480_000_500_000,1558150300737648 +13790309965076620852_6520_000_6540_000,1574126957899706 +13790309965076620852_6520_000_6540_000,1574126959900038 +13790309965076620852_6520_000_6540_000,1574126955399851 +13790309965076620852_6520_000_6540_000,1574126968399982 +13790309965076620852_6520_000_6540_000,1574126965399821 +13790309965076620852_6520_000_6540_000,1574126958399589 +13790309965076620852_6520_000_6540_000,1574126957399943 +13790309965076620852_6520_000_6540_000,1574126967399978 +13790309965076620852_6520_000_6540_000,1574126958899663 +13790309965076620852_6520_000_6540_000,1574126956399869 +13790309965076620852_6520_000_6540_000,1574126966400006 +13790309965076620852_6520_000_6540_000,1574126956899942 +13790309965076620852_6520_000_6540_000,1574126968900008 +13790309965076620852_6520_000_6540_000,1574126966900090 +13790309965076620852_6520_000_6540_000,1574126959399883 +13790309965076620852_6520_000_6540_000,1574126965899849 +13790309965076620852_6520_000_6540_000,1574126967900033 +13790309965076620852_6520_000_6540_000,1574126955899899 +13790309965076620852_6520_000_6540_000,1574126969400087 +13790309965076620852_6520_000_6540_000,1574126969900021 +17387485694427326992_760_000_780_000,1557843958062722 +17387485694427326992_760_000_780_000,1557843968062691 +17387485694427326992_760_000_780_000,1557843968562687 +17387485694427326992_760_000_780_000,1557843959062736 +17387485694427326992_760_000_780_000,1557843967562765 +17387485694427326992_760_000_780_000,1557843956562821 +17387485694427326992_760_000_780_000,1557843955062802 +17387485694427326992_760_000_780_000,1557843965062813 +17387485694427326992_760_000_780_000,1557843969062758 +17387485694427326992_760_000_780_000,1557843969562794 +17387485694427326992_760_000_780_000,1557843966062703 +17387485694427326992_760_000_780_000,1557843967062734 +17387485694427326992_760_000_780_000,1557843965562735 +17387485694427326992_760_000_780_000,1557843959562659 +17387485694427326992_760_000_780_000,1557843957062778 +17387485694427326992_760_000_780_000,1557843957562803 +17387485694427326992_760_000_780_000,1557843966562710 +17387485694427326992_760_000_780_000,1557843956062840 +17387485694427326992_760_000_780_000,1557843958562737 +17387485694427326992_760_000_780_000,1557843955562873 +9350911198443552989_680_000_700_000,1557363451237372 +9350911198443552989_680_000_700_000,1557363441737465 +9350911198443552989_680_000_700_000,1557363449237250 +9350911198443552989_680_000_700_000,1557363439737622 +9350911198443552989_680_000_700_000,1557363438237327 +9350911198443552989_680_000_700_000,1557363440237403 +9350911198443552989_680_000_700_000,1557363441237340 +9350911198443552989_680_000_700_000,1557363447237793 +9350911198443552989_680_000_700_000,1557363451737437 +9350911198443552989_680_000_700_000,1557363449737386 +9350911198443552989_680_000_700_000,1557363437237375 +9350911198443552989_680_000_700_000,1557363437737418 +9350911198443552989_680_000_700_000,1557363440737261 +9350911198443552989_680_000_700_000,1557363448737285 +9350911198443552989_680_000_700_000,1557363439237622 +9350911198443552989_680_000_700_000,1557363447737794 +9350911198443552989_680_000_700_000,1557363438737444 +9350911198443552989_680_000_700_000,1557363450237422 +9350911198443552989_680_000_700_000,1557363450737354 +9350911198443552989_680_000_700_000,1557363448237517 +6174376739759381004_3240_000_3260_000,1557877015199162 +6174376739759381004_3240_000_3260_000,1557877006199178 +6174376739759381004_3240_000_3260_000,1557877004199181 +6174376739759381004_3240_000_3260_000,1557877005699128 +6174376739759381004_3240_000_3260_000,1557877008199313 +6174376739759381004_3240_000_3260_000,1557877016199192 +6174376739759381004_3240_000_3260_000,1557877014699134 +6174376739759381004_3240_000_3260_000,1557877007699341 +6174376739759381004_3240_000_3260_000,1557877017199143 +6174376739759381004_3240_000_3260_000,1557877014199207 +6174376739759381004_3240_000_3260_000,1557877016699133 +6174376739759381004_3240_000_3260_000,1557877004699166 +6174376739759381004_3240_000_3260_000,1557877018699207 +6174376739759381004_3240_000_3260_000,1557877015699193 +6174376739759381004_3240_000_3260_000,1557877008699136 +6174376739759381004_3240_000_3260_000,1557877005199071 +6174376739759381004_3240_000_3260_000,1557877018199234 +6174376739759381004_3240_000_3260_000,1557877007199256 +6174376739759381004_3240_000_3260_000,1557877006699224 +6174376739759381004_3240_000_3260_000,1557877017699172 +12153647356523920032_2560_000_2580_000,1572710128774788 +12153647356523920032_2560_000_2580_000,1572710126774725 +12153647356523920032_2560_000_2580_000,1572710120774792 +12153647356523920032_2560_000_2580_000,1572710129274823 +12153647356523920032_2560_000_2580_000,1572710116774778 +12153647356523920032_2560_000_2580_000,1572710119774754 +12153647356523920032_2560_000_2580_000,1572710117774722 +12153647356523920032_2560_000_2580_000,1572710130274767 +12153647356523920032_2560_000_2580_000,1572710128274786 +12153647356523920032_2560_000_2580_000,1572710120274760 +12153647356523920032_2560_000_2580_000,1572710130774726 +12153647356523920032_2560_000_2580_000,1572710118274683 +12153647356523920032_2560_000_2580_000,1572710127274765 +12153647356523920032_2560_000_2580_000,1572710127774811 +12153647356523920032_2560_000_2580_000,1572710126274748 +12153647356523920032_2560_000_2580_000,1572710118774754 +12153647356523920032_2560_000_2580_000,1572710117274754 +12153647356523920032_2560_000_2580_000,1572710129774796 +12153647356523920032_2560_000_2580_000,1572710119274760 +12153647356523920032_2560_000_2580_000,1572710116274782 +11933765568165455008_2940_000_2960_000,1557198335387209 +11933765568165455008_2940_000_2960_000,1557198338387310 +11933765568165455008_2940_000_2960_000,1557198347387352 +11933765568165455008_2940_000_2960_000,1557198338887301 +11933765568165455008_2940_000_2960_000,1557198348387315 +11933765568165455008_2940_000_2960_000,1557198345387416 +11933765568165455008_2940_000_2960_000,1557198335887178 +11933765568165455008_2940_000_2960_000,1557198344387408 +11933765568165455008_2940_000_2960_000,1557198344887332 +11933765568165455008_2940_000_2960_000,1557198337387225 +11933765568165455008_2940_000_2960_000,1557198345887369 +11933765568165455008_2940_000_2960_000,1557198347887352 +11933765568165455008_2940_000_2960_000,1557198346887349 +11933765568165455008_2940_000_2960_000,1557198336387249 +11933765568165455008_2940_000_2960_000,1557198348887399 +11933765568165455008_2940_000_2960_000,1557198334887218 +11933765568165455008_2940_000_2960_000,1557198334387221 +11933765568165455008_2940_000_2960_000,1557198337887303 +11933765568165455008_2940_000_2960_000,1557198336887239 +11933765568165455008_2940_000_2960_000,1557198346387373 +10161761842905385678_760_000_780_000,1557196157797448 +10161761842905385678_760_000_780_000,1557196158797350 +10161761842905385678_760_000_780_000,1557196168297765 +10161761842905385678_760_000_780_000,1557196155797333 +10161761842905385678_760_000_780_000,1557196167797613 +10161761842905385678_760_000_780_000,1557196166297587 +10161761842905385678_760_000_780_000,1557196156797479 +10161761842905385678_760_000_780_000,1557196167297622 +10161761842905385678_760_000_780_000,1557196154797258 +10161761842905385678_760_000_780_000,1557196154297327 +10161761842905385678_760_000_780_000,1557196165297463 +10161761842905385678_760_000_780_000,1557196165797474 +10161761842905385678_760_000_780_000,1557196156297413 +10161761842905385678_760_000_780_000,1557196164297460 +10161761842905385678_760_000_780_000,1557196158297419 +10161761842905385678_760_000_780_000,1557196168797617 +10161761842905385678_760_000_780_000,1557196166797651 +10161761842905385678_760_000_780_000,1557196155297293 +10161761842905385678_760_000_780_000,1557196164797422 +10161761842905385678_760_000_780_000,1557196157297472 +6922883602463663456_2220_000_2240_000,1558152040772834 +6922883602463663456_2220_000_2240_000,1558152026756411 +6922883602463663456_2220_000_2240_000,1558152028764982 +6922883602463663456_2220_000_2240_000,1558152036772202 +6922883602463663456_2220_000_2240_000,1558152029768625 +6922883602463663456_2220_000_2240_000,1558152037272084 +6922883602463663456_2220_000_2240_000,1558152038772394 +6922883602463663456_2220_000_2240_000,1558152036272158 +6922883602463663456_2220_000_2240_000,1558152030771388 +6922883602463663456_2220_000_2240_000,1558152038272239 +6922883602463663456_2220_000_2240_000,1558152040272803 +6922883602463663456_2220_000_2240_000,1558152030270137 +6922883602463663456_2220_000_2240_000,1558152037772191 +6922883602463663456_2220_000_2240_000,1558152027760810 +6922883602463663456_2220_000_2240_000,1558152027258557 +6922883602463663456_2220_000_2240_000,1558152026254441 +6922883602463663456_2220_000_2240_000,1558152039272550 +6922883602463663456_2220_000_2240_000,1558152039772680 +6922883602463663456_2220_000_2240_000,1558152029266975 +6922883602463663456_2220_000_2240_000,1558152028262942 +3341890853207909601_1020_000_1040_000,1573927803625099 +3341890853207909601_1020_000_1040_000,1573927790125189 +3341890853207909601_1020_000_1040_000,1573927802125062 +3341890853207909601_1020_000_1040_000,1573927801625067 +3341890853207909601_1020_000_1040_000,1573927794625079 +3341890853207909601_1020_000_1040_000,1573927790625242 +3341890853207909601_1020_000_1040_000,1573927792624930 +3341890853207909601_1020_000_1040_000,1573927791125208 +3341890853207909601_1020_000_1040_000,1573927800624954 +3341890853207909601_1020_000_1040_000,1573927804625096 +3341890853207909601_1020_000_1040_000,1573927800124914 +3341890853207909601_1020_000_1040_000,1573927802625074 +3341890853207909601_1020_000_1040_000,1573927792124827 +3341890853207909601_1020_000_1040_000,1573927794125084 +3341890853207909601_1020_000_1040_000,1573927801125097 +3341890853207909601_1020_000_1040_000,1573927793624995 +3341890853207909601_1020_000_1040_000,1573927793124963 +3341890853207909601_1020_000_1040_000,1573927804125097 +3341890853207909601_1020_000_1040_000,1573927803125097 +3341890853207909601_1020_000_1040_000,1573927791625026 +17756183617755834457_1940_000_1960_000,1558017204447293 +17756183617755834457_1940_000_1960_000,1558017214436996 +17756183617755834457_1940_000_1960_000,1558017215429120 +17756183617755834457_1940_000_1960_000,1558017206446333 +17756183617755834457_1940_000_1960_000,1558017207446078 +17756183617755834457_1940_000_1960_000,1558017218421930 +17756183617755834457_1940_000_1960_000,1558017213940930 +17756183617755834457_1940_000_1960_000,1558017217922014 +17756183617755834457_1940_000_1960_000,1558017206945999 +17756183617755834457_1940_000_1960_000,1558017205447104 +17756183617755834457_1940_000_1960_000,1558017214932926 +17756183617755834457_1940_000_1960_000,1558017217422255 +17756183617755834457_1940_000_1960_000,1558017215925793 +17756183617755834457_1940_000_1960_000,1558017208447290 +17756183617755834457_1940_000_1960_000,1558017216423608 +17756183617755834457_1940_000_1960_000,1558017207946577 +17756183617755834457_1940_000_1960_000,1558017216922725 +17756183617755834457_1940_000_1960_000,1558017204947246 +17756183617755834457_1940_000_1960_000,1558017205946707 +17756183617755834457_1940_000_1960_000,1558017203947410 +2218963221891181906_4360_000_4380_000,1573932454073919 +2218963221891181906_4360_000_4380_000,1573932458574312 +2218963221891181906_4360_000_4380_000,1573932456574286 +2218963221891181906_4360_000_4380_000,1573932445149910 +2218963221891181906_4360_000_4380_000,1573932457574335 +2218963221891181906_4360_000_4380_000,1573932444649899 +2218963221891181906_4360_000_4380_000,1573932446649928 +2218963221891181906_4360_000_4380_000,1573932445649884 +2218963221891181906_4360_000_4380_000,1573932448150256 +2218963221891181906_4360_000_4380_000,1573932444149933 +2218963221891181906_4360_000_4380_000,1573932447149977 +2218963221891181906_4360_000_4380_000,1573932454574319 +2218963221891181906_4360_000_4380_000,1573932456074299 +2218963221891181906_4360_000_4380_000,1573932455574265 +2218963221891181906_4360_000_4380_000,1573932457074331 +2218963221891181906_4360_000_4380_000,1573932458074340 +2218963221891181906_4360_000_4380_000,1573932448650899 +2218963221891181906_4360_000_4380_000,1573932446149941 +2218963221891181906_4360_000_4380_000,1573932447650058 +2218963221891181906_4360_000_4380_000,1573932455074331 +10149575340910243572_2720_000_2740_000,1558035231962663 +10149575340910243572_2720_000_2740_000,1558035232462596 +10149575340910243572_2720_000_2740_000,1558035234462274 +10149575340910243572_2720_000_2740_000,1558035232962512 +10149575340910243572_2720_000_2740_000,1558035233462396 +10149575340910243572_2720_000_2740_000,1558035230462351 +10149575340910243572_2720_000_2740_000,1558035231462594 +10149575340910243572_2720_000_2740_000,1558035230962448 +10149575340910243572_2720_000_2740_000,1558035229962648 +10149575340910243572_2720_000_2740_000,1558035233962327 +3459095437766396887_1600_000_1620_000,1559177116218096 +3459095437766396887_1600_000_1620_000,1559177116717458 +3459095437766396887_1600_000_1620_000,1559177108222874 +3459095437766396887_1600_000_1620_000,1559177115219166 +3459095437766396887_1600_000_1620_000,1559177117217000 +3459095437766396887_1600_000_1620_000,1559177114719614 +3459095437766396887_1600_000_1620_000,1559177115718671 +3459095437766396887_1600_000_1620_000,1559177105721360 +3459095437766396887_1600_000_1620_000,1559177108722993 +3459095437766396887_1600_000_1620_000,1559177107221934 +3459095437766396887_1600_000_1620_000,1559177106221852 +3459095437766396887_1600_000_1620_000,1559177114219949 +3459095437766396887_1600_000_1620_000,1559177105220562 +3459095437766396887_1600_000_1620_000,1559177107722383 +3459095437766396887_1600_000_1620_000,1559177118216369 +3459095437766396887_1600_000_1620_000,1559177117716745 +3459095437766396887_1600_000_1620_000,1559177104218831 +3459095437766396887_1600_000_1620_000,1559177104719526 +3459095437766396887_1600_000_1620_000,1559177118715883 +3459095437766396887_1600_000_1620_000,1559177106721948 +8249122135171526629_520_000_540_000,1559184839587788 +8249122135171526629_520_000_540_000,1559184839087463 +8249122135171526629_520_000_540_000,1559184838086814 +8249122135171526629_520_000_540_000,1559184829585106 +8249122135171526629_520_000_540_000,1559184829085741 +8249122135171526629_520_000_540_000,1559184841587404 +8249122135171526629_520_000_540_000,1559184832087286 +8249122135171526629_520_000_540_000,1559184831086036 +8249122135171526629_520_000_540_000,1559184830585419 +8249122135171526629_520_000_540_000,1559184838587000 +8249122135171526629_520_000_540_000,1559184842087749 +8249122135171526629_520_000_540_000,1559184827587385 +8249122135171526629_520_000_540_000,1559184828087141 +8249122135171526629_520_000_540_000,1559184837586942 +8249122135171526629_520_000_540_000,1559184840587321 +8249122135171526629_520_000_540_000,1559184830085083 +8249122135171526629_520_000_540_000,1559184828586572 +8249122135171526629_520_000_540_000,1559184841087135 +8249122135171526629_520_000_540_000,1559184840087626 +8249122135171526629_520_000_540_000,1559184831586778 +1664548685643064400_2240_000_2260_000,1572730660024796 +1664548685643064400_2240_000_2260_000,1572730661524793 +1664548685643064400_2240_000_2260_000,1572730664024893 +1664548685643064400_2240_000_2260_000,1572730661024763 +1664548685643064400_2240_000_2260_000,1572730659524712 +1664548685643064400_2240_000_2260_000,1572730651024914 +1664548685643064400_2240_000_2260_000,1572730652024805 +1664548685643064400_2240_000_2260_000,1572730663524712 +1664548685643064400_2240_000_2260_000,1572730662524607 +1664548685643064400_2240_000_2260_000,1572730654024948 +1664548685643064400_2240_000_2260_000,1572730660524763 +1664548685643064400_2240_000_2260_000,1572730649525094 +1664548685643064400_2240_000_2260_000,1572730651524841 +1664548685643064400_2240_000_2260_000,1572730653024965 +1664548685643064400_2240_000_2260_000,1572730662024682 +1664548685643064400_2240_000_2260_000,1572730652524780 +1664548685643064400_2240_000_2260_000,1572730650524867 +1664548685643064400_2240_000_2260_000,1572730663024572 +1664548685643064400_2240_000_2260_000,1572730650024950 +1664548685643064400_2240_000_2260_000,1572730653525063 +4916600861562283346_3880_000_3900_000,1559179394137429 +4916600861562283346_3880_000_3900_000,1559179396137504 +4916600861562283346_3880_000_3900_000,1559179396637496 +4916600861562283346_3880_000_3900_000,1559179398137489 +4916600861562283346_3880_000_3900_000,1559179388637375 +4916600861562283346_3880_000_3900_000,1559179398637508 +4916600861562283346_3880_000_3900_000,1559179386637413 +4916600861562283346_3880_000_3900_000,1559179386137493 +4916600861562283346_3880_000_3900_000,1559179397137450 +4916600861562283346_3880_000_3900_000,1559179387637365 +4916600861562283346_3880_000_3900_000,1559179384137390 +4916600861562283346_3880_000_3900_000,1559179387137336 +4916600861562283346_3880_000_3900_000,1559179384637499 +4916600861562283346_3880_000_3900_000,1559179388137403 +4916600861562283346_3880_000_3900_000,1559179397637459 +4916600861562283346_3880_000_3900_000,1559179395137442 +4916600861562283346_3880_000_3900_000,1559179385137537 +4916600861562283346_3880_000_3900_000,1559179385637530 +4916600861562283346_3880_000_3900_000,1559179395637456 +4916600861562283346_3880_000_3900_000,1559179394637383 +10802932587105534078_1280_000_1300_000,1557888796948097 +10802932587105534078_1280_000_1300_000,1557888798448099 +10802932587105534078_1280_000_1300_000,1557888806449251 +10802932587105534078_1280_000_1300_000,1557888809449360 +10802932587105534078_1280_000_1300_000,1557888810448859 +10802932587105534078_1280_000_1300_000,1557888800447985 +10802932587105534078_1280_000_1300_000,1557888807948674 +10802932587105534078_1280_000_1300_000,1557888809949023 +10802932587105534078_1280_000_1300_000,1557888810949122 +10802932587105534078_1280_000_1300_000,1557888799948216 +10802932587105534078_1280_000_1300_000,1557888798948041 +10802932587105534078_1280_000_1300_000,1557888800948126 +10802932587105534078_1280_000_1300_000,1557888806949187 +10802932587105534078_1280_000_1300_000,1557888807448803 +10802932587105534078_1280_000_1300_000,1557888799448247 +10802932587105534078_1280_000_1300_000,1557888808449065 +10802932587105534078_1280_000_1300_000,1557888797948166 +10802932587105534078_1280_000_1300_000,1557888796448121 +10802932587105534078_1280_000_1300_000,1557888808949531 +10802932587105534078_1280_000_1300_000,1557888797448185 +13748565785898537200_680_000_700_000,1573621439474829 +13748565785898537200_680_000_700_000,1573621439974767 +13748565785898537200_680_000_700_000,1573621429474915 +13748565785898537200_680_000_700_000,1573621429974924 +13748565785898537200_680_000_700_000,1573621440974804 +13748565785898537200_680_000_700_000,1573621441474863 +13748565785898537200_680_000_700_000,1573621443974860 +13748565785898537200_680_000_700_000,1573621431474829 +13748565785898537200_680_000_700_000,1573621441974787 +13748565785898537200_680_000_700_000,1573621432474859 +13748565785898537200_680_000_700_000,1573621443474808 +13748565785898537200_680_000_700_000,1573621430974792 +13748565785898537200_680_000_700_000,1573621433974860 +13748565785898537200_680_000_700_000,1573621431974875 +13748565785898537200_680_000_700_000,1573621442974839 +13748565785898537200_680_000_700_000,1573621430474807 +13748565785898537200_680_000_700_000,1573621442474772 +13748565785898537200_680_000_700_000,1573621440474758 +13748565785898537200_680_000_700_000,1573621433474826 +13748565785898537200_680_000_700_000,1573621432974900 +14643284977980826278_520_000_540_000,1558150336737516 +14643284977980826278_520_000_540_000,1558150328237510 +14643284977980826278_520_000_540_000,1558150337237361 +14643284977980826278_520_000_540_000,1558150327737447 +14643284977980826278_520_000_540_000,1558150327237391 +14643284977980826278_520_000_540_000,1558150339737419 +14643284977980826278_520_000_540_000,1558150326737588 +14643284977980826278_520_000_540_000,1558150326237829 +14643284977980826278_520_000_540_000,1558150330737609 +14643284977980826278_520_000_540_000,1558150329237498 +14643284977980826278_520_000_540_000,1558150330237732 +14643284977980826278_520_000_540_000,1558150339237427 +14643284977980826278_520_000_540_000,1558150340237494 +14643284977980826278_520_000_540_000,1558150340737501 +14643284977980826278_520_000_540_000,1558150329737609 +14643284977980826278_520_000_540_000,1558150328737468 +14643284977980826278_520_000_540_000,1558150337737326 +14643284977980826278_520_000_540_000,1558150338237396 +14643284977980826278_520_000_540_000,1558150336237586 +14643284977980826278_520_000_540_000,1558150338737431 +4045613324047897473_940_000_960_000,1558493338074162 +4045613324047897473_940_000_960_000,1558493348073783 +4045613324047897473_940_000_960_000,1558493350074053 +4045613324047897473_940_000_960_000,1558493345573992 +4045613324047897473_940_000_960_000,1558493347574007 +4045613324047897473_940_000_960_000,1558493338574044 +4045613324047897473_940_000_960_000,1558493335574296 +4045613324047897473_940_000_960_000,1558493339573912 +4045613324047897473_940_000_960_000,1558493336574269 +4045613324047897473_940_000_960_000,1558493347074035 +4045613324047897473_940_000_960_000,1558493346574102 +4045613324047897473_940_000_960_000,1558493346073989 +4045613324047897473_940_000_960_000,1558493337574148 +4045613324047897473_940_000_960_000,1558493348573778 +4045613324047897473_940_000_960_000,1558493349074012 +4045613324047897473_940_000_960_000,1558493337074219 +4045613324047897473_940_000_960_000,1558493349574122 +4045613324047897473_940_000_960_000,1558493340074053 +4045613324047897473_940_000_960_000,1558493336074290 +4045613324047897473_940_000_960_000,1558493339073948 +2257381802419655779_820_000_840_000,1558402111847622 +2257381802419655779_820_000_840_000,1558402122847222 +2257381802419655779_820_000_840_000,1558402108847992 +2257381802419655779_820_000_840_000,1558402118847287 +2257381802419655779_820_000_840_000,1558402120847365 +2257381802419655779_820_000_840_000,1558402110847064 +2257381802419655779_820_000_840_000,1558402119847426 +2257381802419655779_820_000_840_000,1558402122347099 +2257381802419655779_820_000_840_000,1558402121847019 +2257381802419655779_820_000_840_000,1558402121347177 +2257381802419655779_820_000_840_000,1558402109847716 +2257381802419655779_820_000_840_000,1558402112347811 +2257381802419655779_820_000_840_000,1558402123347308 +2257381802419655779_820_000_840_000,1558402112847819 +2257381802419655779_820_000_840_000,1558402109347833 +2257381802419655779_820_000_840_000,1558402120347479 +2257381802419655779_820_000_840_000,1558402111347219 +2257381802419655779_820_000_840_000,1558402110347368 +2257381802419655779_820_000_840_000,1558402119347368 +2257381802419655779_820_000_840_000,1558402113347613 +4054036670499089296_2300_000_2320_000,1557187714649115 +4054036670499089296_2300_000_2320_000,1557187716649135 +4054036670499089296_2300_000_2320_000,1557187704649276 +4054036670499089296_2300_000_2320_000,1557187707149136 +4054036670499089296_2300_000_2320_000,1557187716149170 +4054036670499089296_2300_000_2320_000,1557187704149193 +4054036670499089296_2300_000_2320_000,1557187717148945 +4054036670499089296_2300_000_2320_000,1557187707649076 +4054036670499089296_2300_000_2320_000,1557187706649119 +4054036670499089296_2300_000_2320_000,1557187705149208 +4054036670499089296_2300_000_2320_000,1557187715649133 +4054036670499089296_2300_000_2320_000,1557187713649046 +4054036670499089296_2300_000_2320_000,1557187706149101 +4054036670499089296_2300_000_2320_000,1557187715149153 +4054036670499089296_2300_000_2320_000,1557187703148999 +4054036670499089296_2300_000_2320_000,1557187703649173 +4054036670499089296_2300_000_2320_000,1557187713149076 +4054036670499089296_2300_000_2320_000,1557187714149098 +4054036670499089296_2300_000_2320_000,1557187717649252 +4054036670499089296_2300_000_2320_000,1557187705649134 +12056192874455954437_140_000_160_000,1557843345612667 +12056192874455954437_140_000_160_000,1557843349612578 +12056192874455954437_140_000_160_000,1557843345112543 +12056192874455954437_140_000_160_000,1557843335112508 +12056192874455954437_140_000_160_000,1557843338612551 +12056192874455954437_140_000_160_000,1557843336612494 +12056192874455954437_140_000_160_000,1557843338112693 +12056192874455954437_140_000_160_000,1557843337112658 +12056192874455954437_140_000_160_000,1557843339612639 +12056192874455954437_140_000_160_000,1557843348612302 +12056192874455954437_140_000_160_000,1557843335612429 +12056192874455954437_140_000_160_000,1557843336112396 +12056192874455954437_140_000_160_000,1557843349112419 +12056192874455954437_140_000_160_000,1557843337612796 +12056192874455954437_140_000_160_000,1557843346612497 +12056192874455954437_140_000_160_000,1557843347612615 +12056192874455954437_140_000_160_000,1557843348112448 +12056192874455954437_140_000_160_000,1557843346112603 +12056192874455954437_140_000_160_000,1557843339112601 +12056192874455954437_140_000_160_000,1557843347112468 +13034900465317073842_1700_000_1720_000,1559143078524545 +13034900465317073842_1700_000_1720_000,1559143065016062 +13034900465317073842_1700_000_1720_000,1559143064015948 +13034900465317073842_1700_000_1720_000,1559143074021060 +13034900465317073842_1700_000_1720_000,1559143068016067 +13034900465317073842_1700_000_1720_000,1559143076523597 +13034900465317073842_1700_000_1720_000,1559143067016248 +13034900465317073842_1700_000_1720_000,1559143075522514 +13034900465317073842_1700_000_1720_000,1559143077023973 +13034900465317073842_1700_000_1720_000,1559143064515955 +13034900465317073842_1700_000_1720_000,1559143066516551 +13034900465317073842_1700_000_1720_000,1559143077524362 +13034900465317073842_1700_000_1720_000,1559143068516366 +13034900465317073842_1700_000_1720_000,1559143076023064 +13034900465317073842_1700_000_1720_000,1559143074521426 +13034900465317073842_1700_000_1720_000,1559143067516020 +13034900465317073842_1700_000_1720_000,1559143065516232 +13034900465317073842_1700_000_1720_000,1559143066016549 +13034900465317073842_1700_000_1720_000,1559143075021878 +13034900465317073842_1700_000_1720_000,1559143078024530 +7511993111693456743_3880_000_3900_000,1557963202297466 +7511993111693456743_3880_000_3900_000,1557963212297515 +7511993111693456743_3880_000_3900_000,1557963200297419 +7511993111693456743_3880_000_3900_000,1557963202797419 +7511993111693456743_3880_000_3900_000,1557963211297319 +7511993111693456743_3880_000_3900_000,1557963211797549 +7511993111693456743_3880_000_3900_000,1557963201297473 +7511993111693456743_3880_000_3900_000,1557963209797116 +7511993111693456743_3880_000_3900_000,1557963210297172 +7511993111693456743_3880_000_3900_000,1557963200797464 +7511993111693456743_3880_000_3900_000,1557963209297327 +7511993111693456743_3880_000_3900_000,1557963208797520 +7511993111693456743_3880_000_3900_000,1557963198797401 +7511993111693456743_3880_000_3900_000,1557963213297448 +7511993111693456743_3880_000_3900_000,1557963210797182 +7511993111693456743_3880_000_3900_000,1557963201797503 +7511993111693456743_3880_000_3900_000,1557963199297286 +7511993111693456743_3880_000_3900_000,1557963199797330 +7511993111693456743_3880_000_3900_000,1557963203297377 +7511993111693456743_3880_000_3900_000,1557963212797472 +9355489589631690177_4800_000_4820_000,1557342366562650 +9355489589631690177_4800_000_4820_000,1557342358062536 +9355489589631690177_4800_000_4820_000,1557342369562809 +9355489589631690177_4800_000_4820_000,1557342357562530 +9355489589631690177_4800_000_4820_000,1557342367062748 +9355489589631690177_4800_000_4820_000,1557342356562423 +9355489589631690177_4800_000_4820_000,1557342355562520 +9355489589631690177_4800_000_4820_000,1557342358562309 +9355489589631690177_4800_000_4820_000,1557342368562561 +9355489589631690177_4800_000_4820_000,1557342367562723 +9355489589631690177_4800_000_4820_000,1557342365562451 +9355489589631690177_4800_000_4820_000,1557342369062698 +9355489589631690177_4800_000_4820_000,1557342366062493 +9355489589631690177_4800_000_4820_000,1557342368062616 +9355489589631690177_4800_000_4820_000,1557342357062509 +9355489589631690177_4800_000_4820_000,1557342359062110 +9355489589631690177_4800_000_4820_000,1557342355062436 +9355489589631690177_4800_000_4820_000,1557342359562031 +9355489589631690177_4800_000_4820_000,1557342365062568 +9355489589631690177_4800_000_4820_000,1557342356062469 +3522804493060229409_3400_000_3420_000,1557855904472271 +3522804493060229409_3400_000_3420_000,1557855907472634 +3522804493060229409_3400_000_3420_000,1557855896472328 +3522804493060229409_3400_000_3420_000,1557855892972587 +3522804493060229409_3400_000_3420_000,1557855906972551 +3522804493060229409_3400_000_3420_000,1557855905472302 +3522804493060229409_3400_000_3420_000,1557855904972296 +3522804493060229409_3400_000_3420_000,1557855905972396 +3522804493060229409_3400_000_3420_000,1557855906472495 +3522804493060229409_3400_000_3420_000,1557855893972382 +3522804493060229409_3400_000_3420_000,1557855897472206 +3522804493060229409_3400_000_3420_000,1557855902972245 +3522804493060229409_3400_000_3420_000,1557855894972377 +3522804493060229409_3400_000_3420_000,1557855893472505 +3522804493060229409_3400_000_3420_000,1557855895472388 +3522804493060229409_3400_000_3420_000,1557855896972244 +3522804493060229409_3400_000_3420_000,1557855903472293 +3522804493060229409_3400_000_3420_000,1557855895972316 +3522804493060229409_3400_000_3420_000,1557855894472345 +3522804493060229409_3400_000_3420_000,1557855903972289 +8566480970798227989_500_000_520_000,1557239425612429 +8566480970798227989_500_000_520_000,1557239414112699 +8566480970798227989_500_000_520_000,1557239413112667 +8566480970798227989_500_000_520_000,1557239415112533 +8566480970798227989_500_000_520_000,1557239416612460 +8566480970798227989_500_000_520_000,1557239423112799 +8566480970798227989_500_000_520_000,1557239415612490 +8566480970798227989_500_000_520_000,1557239422112884 +8566480970798227989_500_000_520_000,1557239412612624 +8566480970798227989_500_000_520_000,1557239424612659 +8566480970798227989_500_000_520_000,1557239412112652 +8566480970798227989_500_000_520_000,1557239422612861 +8566480970798227989_500_000_520_000,1557239416112464 +8566480970798227989_500_000_520_000,1557239423612728 +8566480970798227989_500_000_520_000,1557239413612747 +8566480970798227989_500_000_520_000,1557239426112320 +8566480970798227989_500_000_520_000,1557239426612303 +8566480970798227989_500_000_520_000,1557239414612596 +8566480970798227989_500_000_520_000,1557239425112554 +8566480970798227989_500_000_520_000,1557239424112739 +6278307160249415497_1700_000_1720_000,1558034213921937 +6278307160249415497_1700_000_1720_000,1558034201922721 +6278307160249415497_1700_000_1720_000,1558034202422649 +6278307160249415497_1700_000_1720_000,1558034202922472 +6278307160249415497_1700_000_1720_000,1558034204422154 +6278307160249415497_1700_000_1720_000,1558034214422280 +6278307160249415497_1700_000_1720_000,1558034213421817 +6278307160249415497_1700_000_1720_000,1558034211421372 +6278307160249415497_1700_000_1720_000,1558034203922216 +6278307160249415497_1700_000_1720_000,1558034200922728 +6278307160249415497_1700_000_1720_000,1558034212921821 +6278307160249415497_1700_000_1720_000,1558034210421304 +6278307160249415497_1700_000_1720_000,1558034201422689 +6278307160249415497_1700_000_1720_000,1558034211921700 +6278307160249415497_1700_000_1720_000,1558034209921189 +6278307160249415497_1700_000_1720_000,1558034212421831 +6278307160249415497_1700_000_1720_000,1558034200422683 +6278307160249415497_1700_000_1720_000,1558034210921320 +6278307160249415497_1700_000_1720_000,1558034203422353 +6278307160249415497_1700_000_1720_000,1558034199922726 +13787943721654585343_1220_000_1240_000,1558483374422389 +13787943721654585343_1220_000_1240_000,1558483360422540 +13787943721654585343_1220_000_1240_000,1558483362922326 +13787943721654585343_1220_000_1240_000,1558483361422280 +13787943721654585343_1220_000_1240_000,1558483370422349 +13787943721654585343_1220_000_1240_000,1558483359922533 +13787943721654585343_1220_000_1240_000,1558483372922276 +13787943721654585343_1220_000_1240_000,1558483364422414 +13787943721654585343_1220_000_1240_000,1558483369922463 +13787943721654585343_1220_000_1240_000,1558483373422253 +13787943721654585343_1220_000_1240_000,1558483360922432 +13787943721654585343_1220_000_1240_000,1558483370922205 +13787943721654585343_1220_000_1240_000,1558483371922349 +13787943721654585343_1220_000_1240_000,1558483371422242 +13787943721654585343_1220_000_1240_000,1558483361922245 +13787943721654585343_1220_000_1240_000,1558483362422314 +13787943721654585343_1220_000_1240_000,1558483363422326 +13787943721654585343_1220_000_1240_000,1558483363922364 +13787943721654585343_1220_000_1240_000,1558483372422320 +13787943721654585343_1220_000_1240_000,1558483373922325 +10998289306141768318_1280_000_1300_000,1558483433397038 +10998289306141768318_1280_000_1300_000,1558483430411803 +10998289306141768318_1280_000_1300_000,1558483420422343 +10998289306141768318_1280_000_1300_000,1558483434396435 +10998289306141768318_1280_000_1300_000,1558483421422280 +10998289306141768318_1280_000_1300_000,1558483423422502 +10998289306141768318_1280_000_1300_000,1558483430908205 +10998289306141768318_1280_000_1300_000,1558483424422579 +10998289306141768318_1280_000_1300_000,1558483433896475 +10998289306141768318_1280_000_1300_000,1558483423922620 +10998289306141768318_1280_000_1300_000,1558483419922414 +10998289306141768318_1280_000_1300_000,1558483422422324 +10998289306141768318_1280_000_1300_000,1558483431404397 +10998289306141768318_1280_000_1300_000,1558483431901030 +10998289306141768318_1280_000_1300_000,1558483429915076 +10998289306141768318_1280_000_1300_000,1558483420922273 +10998289306141768318_1280_000_1300_000,1558483421922318 +10998289306141768318_1280_000_1300_000,1558483422922327 +10998289306141768318_1280_000_1300_000,1558483432398938 +10998289306141768318_1280_000_1300_000,1558483432897848 +7435516779413778621_4440_000_4460_000,1557325510087987 +7435516779413778621_4440_000_4460_000,1557325509088023 +7435516779413778621_4440_000_4460_000,1557325509588017 +7435516779413778621_4440_000_4460_000,1557325522112585 +7435516779413778621_4440_000_4460_000,1557325511088136 +7435516779413778621_4440_000_4460_000,1557325513590433 +7435516779413778621_4440_000_4460_000,1557325512588488 +7435516779413778621_4440_000_4460_000,1557325521112794 +7435516779413778621_4440_000_4460_000,1557325513089176 +7435516779413778621_4440_000_4460_000,1557325522612689 +7435516779413778621_4440_000_4460_000,1557325520112870 +7435516779413778621_4440_000_4460_000,1557325523612525 +7435516779413778621_4440_000_4460_000,1557325511588133 +7435516779413778621_4440_000_4460_000,1557325521612655 +7435516779413778621_4440_000_4460_000,1557325519113921 +7435516779413778621_4440_000_4460_000,1557325520612844 +7435516779413778621_4440_000_4460_000,1557325510588071 +7435516779413778621_4440_000_4460_000,1557325523112680 +7435516779413778621_4440_000_4460_000,1557325519613322 +7435516779413778621_4440_000_4460_000,1557325512088233 +13944616099709049906_1020_000_1040_000,1558493425524322 +13944616099709049906_1020_000_1040_000,1558493417024071 +13944616099709049906_1020_000_1040_000,1558493426024320 +13944616099709049906_1020_000_1040_000,1558493416024098 +13944616099709049906_1020_000_1040_000,1558493429524171 +13944616099709049906_1020_000_1040_000,1558493426524287 +13944616099709049906_1020_000_1040_000,1558493419024193 +13944616099709049906_1020_000_1040_000,1558493430024138 +13944616099709049906_1020_000_1040_000,1558493427524280 +13944616099709049906_1020_000_1040_000,1558493415524136 +13944616099709049906_1020_000_1040_000,1558493427024273 +13944616099709049906_1020_000_1040_000,1558493429024223 +13944616099709049906_1020_000_1040_000,1558493428524220 +13944616099709049906_1020_000_1040_000,1558493420024171 +13944616099709049906_1020_000_1040_000,1558493418024131 +13944616099709049906_1020_000_1040_000,1558493418524161 +13944616099709049906_1020_000_1040_000,1558493417524102 +13944616099709049906_1020_000_1040_000,1558493419524165 +13944616099709049906_1020_000_1040_000,1558493416524077 +13944616099709049906_1020_000_1040_000,1558493428024253 +8229317157758012712_3860_000_3880_000,1559179375137657 +8229317157758012712_3860_000_3880_000,1559179375637448 +8229317157758012712_3860_000_3880_000,1559179366637361 +8229317157758012712_3860_000_3880_000,1559179368137382 +8229317157758012712_3860_000_3880_000,1559179367137366 +8229317157758012712_3860_000_3880_000,1559179376137327 +8229317157758012712_3860_000_3880_000,1559179378637568 +8229317157758012712_3860_000_3880_000,1559179374137643 +8229317157758012712_3860_000_3880_000,1559179374637715 +8229317157758012712_3860_000_3880_000,1559179376637419 +8229317157758012712_3860_000_3880_000,1559179364137325 +8229317157758012712_3860_000_3880_000,1559179377637503 +8229317157758012712_3860_000_3880_000,1559179366137360 +8229317157758012712_3860_000_3880_000,1559179368637389 +8229317157758012712_3860_000_3880_000,1559179377137484 +8229317157758012712_3860_000_3880_000,1559179364637326 +8229317157758012712_3860_000_3880_000,1559179365137367 +8229317157758012712_3860_000_3880_000,1559179367637354 +8229317157758012712_3860_000_3880_000,1559179378137535 +8229317157758012712_3860_000_3880_000,1559179365637366 +5638240639308158118_4220_000_4240_000,1555267988099080 +5638240639308158118_4220_000_4240_000,1555267981099003 +5638240639308158118_4220_000_4240_000,1555267980599134 +5638240639308158118_4220_000_4240_000,1555267989099215 +5638240639308158118_4220_000_4240_000,1555267977599158 +5638240639308158118_4220_000_4240_000,1555267987599108 +5638240639308158118_4220_000_4240_000,1555267986599172 +5638240639308158118_4220_000_4240_000,1555267979599132 +5638240639308158118_4220_000_4240_000,1555267988599141 +5638240639308158118_4220_000_4240_000,1555267990098844 +5638240639308158118_4220_000_4240_000,1555267990598105 +5638240639308158118_4220_000_4240_000,1555267979099131 +5638240639308158118_4220_000_4240_000,1555267978599123 +5638240639308158118_4220_000_4240_000,1555267987099206 +5638240639308158118_4220_000_4240_000,1555267976599172 +5638240639308158118_4220_000_4240_000,1555267977099159 +5638240639308158118_4220_000_4240_000,1555267989599152 +5638240639308158118_4220_000_4240_000,1555267980099165 +5638240639308158118_4220_000_4240_000,1555267978099155 +5638240639308158118_4220_000_4240_000,1555267991096855 +15272375112495403395_620_000_640_000,1559189217599985 +15272375112495403395_620_000_640_000,1559189230099846 +15272375112495403395_620_000_640_000,1559189221600285 +15272375112495403395_620_000_640_000,1559189228599908 +15272375112495403395_620_000_640_000,1559189228100026 +15272375112495403395_620_000_640_000,1559189231099755 +15272375112495403395_620_000_640_000,1559189229599850 +15272375112495403395_620_000_640_000,1559189217099978 +15272375112495403395_620_000_640_000,1559189220599788 +15272375112495403395_620_000_640_000,1559189229099841 +15272375112495403395_620_000_640_000,1559189227100268 +15272375112495403395_620_000_640_000,1559189231599710 +15272375112495403395_620_000_640_000,1559189218599758 +15272375112495403395_620_000_640_000,1559189219599785 +15272375112495403395_620_000_640_000,1559189218099858 +15272375112495403395_620_000_640_000,1559189230599799 +15272375112495403395_620_000_640_000,1559189219099720 +15272375112495403395_620_000_640_000,1559189221099879 +15272375112495403395_620_000_640_000,1559189227600224 +15272375112495403395_620_000_640_000,1559189220099860 +8993680275027614595_2520_000_2540_000,1555280202399639 +8993680275027614595_2520_000_2540_000,1555280199899606 +8993680275027614595_2520_000_2540_000,1555280211375470 +8993680275027614595_2520_000_2540_000,1555280199399568 +8993680275027614595_2520_000_2540_000,1555280212875223 +8993680275027614595_2520_000_2540_000,1555280208875515 +8993680275027614595_2520_000_2540_000,1555280202899788 +8993680275027614595_2520_000_2540_000,1555280210374654 +8993680275027614595_2520_000_2540_000,1555280210875023 +8993680275027614595_2520_000_2540_000,1555280200899582 +8993680275027614595_2520_000_2540_000,1555280201399518 +8993680275027614595_2520_000_2540_000,1555280212375553 +8993680275027614595_2520_000_2540_000,1555280209874639 +8993680275027614595_2520_000_2540_000,1555280211875697 +8993680275027614595_2520_000_2540_000,1555280209374829 +8993680275027614595_2520_000_2540_000,1555280203399700 +8993680275027614595_2520_000_2540_000,1555280201899495 +8993680275027614595_2520_000_2540_000,1555280213374830 +8993680275027614595_2520_000_2540_000,1555280200399612 +8993680275027614595_2520_000_2540_000,1555280198899595 +8688567562597583972_940_000_960_000,1555217344950039 +8688567562597583972_940_000_960_000,1555217347949948 +8688567562597583972_940_000_960_000,1555217356449802 +8688567562597583972_940_000_960_000,1555217353949933 +8688567562597583972_940_000_960_000,1555217345450004 +8688567562597583972_940_000_960_000,1555217346449944 +8688567562597583972_940_000_960_000,1555217343450016 +8688567562597583972_940_000_960_000,1555217344449945 +8688567562597583972_940_000_960_000,1555217346949874 +8688567562597583972_940_000_960_000,1555217355449905 +8688567562597583972_940_000_960_000,1555217353449883 +8688567562597583972_940_000_960_000,1555217355949898 +8688567562597583972_940_000_960_000,1555217354949900 +8688567562597583972_940_000_960_000,1555217357449853 +8688567562597583972_940_000_960_000,1555217345949937 +8688567562597583972_940_000_960_000,1555217354449934 +8688567562597583972_940_000_960_000,1555217356949774 +8688567562597583972_940_000_960_000,1555217343949948 +8688567562597583972_940_000_960_000,1555217357949939 +8688567562597583972_940_000_960_000,1555217347449863 +7247823803417339098_2320_000_2340_000,1557197726848807 +7247823803417339098_2320_000_2340_000,1557197726349233 +7247823803417339098_2320_000_2340_000,1557197727348551 +7247823803417339098_2320_000_2340_000,1557197714347252 +7247823803417339098_2320_000_2340_000,1557197716347129 +7247823803417339098_2320_000_2340_000,1557197725349846 +7247823803417339098_2320_000_2340_000,1557197718347455 +7247823803417339098_2320_000_2340_000,1557197716847198 +7247823803417339098_2320_000_2340_000,1557197715847235 +7247823803417339098_2320_000_2340_000,1557197724349365 +7247823803417339098_2320_000_2340_000,1557197714847182 +7247823803417339098_2320_000_2340_000,1557197717847546 +7247823803417339098_2320_000_2340_000,1557197728348372 +7247823803417339098_2320_000_2340_000,1557197715347156 +7247823803417339098_2320_000_2340_000,1557197727848417 +7247823803417339098_2320_000_2340_000,1557197718847355 +7247823803417339098_2320_000_2340_000,1557197728848372 +7247823803417339098_2320_000_2340_000,1557197724849707 +7247823803417339098_2320_000_2340_000,1557197725849623 +7247823803417339098_2320_000_2340_000,1557197717347349 +2601205676330128831_4880_000_4900_000,1555183240199075 +2601205676330128831_4880_000_4900_000,1555183251775192 +2601205676330128831_4880_000_4900_000,1555183242695259 +2601205676330128831_4880_000_4900_000,1555183239698969 +2601205676330128831_4880_000_4900_000,1555183252774590 +2601205676330128831_4880_000_4900_000,1555183239198898 +2601205676330128831_4880_000_4900_000,1555183241697881 +2601205676330128831_4880_000_4900_000,1555183250274996 +2601205676330128831_4880_000_4900_000,1555183248775035 +2601205676330128831_4880_000_4900_000,1555183242196604 +2601205676330128831_4880_000_4900_000,1555183241198707 +2601205676330128831_4880_000_4900_000,1555183252274928 +2601205676330128831_4880_000_4900_000,1555183253274584 +2601205676330128831_4880_000_4900_000,1555183249775067 +2601205676330128831_4880_000_4900_000,1555183238698908 +2601205676330128831_4880_000_4900_000,1555183240699040 +2601205676330128831_4880_000_4900_000,1555183243193747 +2601205676330128831_4880_000_4900_000,1555183251275298 +2601205676330128831_4880_000_4900_000,1555183249275187 +2601205676330128831_4880_000_4900_000,1555183250775187 +14737335824319407706_1980_000_2000_000,1556068257625722 +14737335824319407706_1980_000_2000_000,1556068264624994 +14737335824319407706_1980_000_2000_000,1556068253125108 +14737335824319407706_1980_000_2000_000,1556068256626068 +14737335824319407706_1980_000_2000_000,1556068256125917 +14737335824319407706_1980_000_2000_000,1556068267124989 +14737335824319407706_1980_000_2000_000,1556068254125759 +14737335824319407706_1980_000_2000_000,1556068265124999 +14737335824319407706_1980_000_2000_000,1556068263125013 +14737335824319407706_1980_000_2000_000,1556068266125077 +14737335824319407706_1980_000_2000_000,1556068254626070 +14737335824319407706_1980_000_2000_000,1556068265625046 +14737335824319407706_1980_000_2000_000,1556068255126360 +14737335824319407706_1980_000_2000_000,1556068267624889 +14737335824319407706_1980_000_2000_000,1556068255626085 +14737335824319407706_1980_000_2000_000,1556068266625069 +14737335824319407706_1980_000_2000_000,1556068264124922 +14737335824319407706_1980_000_2000_000,1556068257126022 +14737335824319407706_1980_000_2000_000,1556068253625378 +14737335824319407706_1980_000_2000_000,1556068263624987 +10504764403039842352_460_000_480_000,1558060925875055 +10504764403039842352_460_000_480_000,1558060940374703 +10504764403039842352_460_000_480_000,1558060939874709 +10504764403039842352_460_000_480_000,1558060937374792 +10504764403039842352_460_000_480_000,1558060927874686 +10504764403039842352_460_000_480_000,1558060926874887 +10504764403039842352_460_000_480_000,1558060930375221 +10504764403039842352_460_000_480_000,1558060926375083 +10504764403039842352_460_000_480_000,1558060935875120 +10504764403039842352_460_000_480_000,1558060936375015 +10504764403039842352_460_000_480_000,1558060936874787 +10504764403039842352_460_000_480_000,1558060938875168 +10504764403039842352_460_000_480_000,1558060928875075 +10504764403039842352_460_000_480_000,1558060937874938 +10504764403039842352_460_000_480_000,1558060928374842 +10504764403039842352_460_000_480_000,1558060929375235 +10504764403039842352_460_000_480_000,1558060938375035 +10504764403039842352_460_000_480_000,1558060939374902 +4140965781175793864_460_000_480_000,1559189068049919 +4140965781175793864_460_000_480_000,1559189060549423 +4140965781175793864_460_000_480_000,1559189058052659 +4140965781175793864_460_000_480_000,1559189070549944 +4140965781175793864_460_000_480_000,1559189071550057 +4140965781175793864_460_000_480_000,1559189067049957 +4140965781175793864_460_000_480_000,1559189061049573 +4140965781175793864_460_000_480_000,1559189059549297 +4140965781175793864_460_000_480_000,1559189067549997 +4140965781175793864_460_000_480_000,1559189058551289 +4140965781175793864_460_000_480_000,1559189057056840 +4140965781175793864_460_000_480_000,1559189069550001 +4140965781175793864_460_000_480_000,1559189068549926 +4140965781175793864_460_000_480_000,1559189069049952 +4140965781175793864_460_000_480_000,1559189059049934 +4140965781175793864_460_000_480_000,1559189057554573 +4140965781175793864_460_000_480_000,1559189070049942 +4140965781175793864_460_000_480_000,1559189061549638 +4140965781175793864_460_000_480_000,1559189071050027 +4140965781175793864_460_000_480_000,1559189060049248 +14188689528137485670_2660_000_2680_000,1555687836099829 +14188689528137485670_2660_000_2680_000,1555687847574536 +14188689528137485670_2660_000_2680_000,1555687834599917 +14188689528137485670_2660_000_2680_000,1555687835599804 +14188689528137485670_2660_000_2680_000,1555687844576878 +14188689528137485670_2660_000_2680_000,1555687838099816 +14188689528137485670_2660_000_2680_000,1555687846574299 +14188689528137485670_2660_000_2680_000,1555687836599840 +14188689528137485670_2660_000_2680_000,1555687837099812 +14188689528137485670_2660_000_2680_000,1555687848074544 +14188689528137485670_2660_000_2680_000,1555687845075193 +14188689528137485670_2660_000_2680_000,1555687834099910 +14188689528137485670_2660_000_2680_000,1555687845574255 +14188689528137485670_2660_000_2680_000,1555687847074492 +14188689528137485670_2660_000_2680_000,1555687835099800 +14188689528137485670_2660_000_2680_000,1555687843582715 +14188689528137485670_2660_000_2680_000,1555687837599851 +14188689528137485670_2660_000_2680_000,1555687833599780 +14188689528137485670_2660_000_2680_000,1555687846074113 +14188689528137485670_2660_000_2680_000,1555687844079474 +18149616047892103767_2460_000_2480_000,1555706658299969 +18149616047892103767_2460_000_2480_000,1555706646800116 +18149616047892103767_2460_000_2480_000,1555706656800049 +18149616047892103767_2460_000_2480_000,1555706647300089 +18149616047892103767_2460_000_2480_000,1555706645799946 +18149616047892103767_2460_000_2480_000,1555706645299873 +18149616047892103767_2460_000_2480_000,1555706644299834 +18149616047892103767_2460_000_2480_000,1555706654299962 +18149616047892103767_2460_000_2480_000,1555706648799880 +18149616047892103767_2460_000_2480_000,1555706656300141 +18149616047892103767_2460_000_2480_000,1555706644799899 +18149616047892103767_2460_000_2480_000,1555706658800051 +18149616047892103767_2460_000_2480_000,1555706655300035 +18149616047892103767_2460_000_2480_000,1555706654799999 +18149616047892103767_2460_000_2480_000,1555706655800109 +18149616047892103767_2460_000_2480_000,1555706657299969 +18149616047892103767_2460_000_2480_000,1555706646300071 +18149616047892103767_2460_000_2480_000,1555706657799945 +18149616047892103767_2460_000_2480_000,1555706647800020 +18149616047892103767_2460_000_2480_000,1555706648299913 +5026942594071056992_3120_000_3140_000,1555462125499896 +5026942594071056992_3120_000_3140_000,1555462133999526 +5026942594071056992_3120_000_3140_000,1555462131999686 +5026942594071056992_3120_000_3140_000,1555462120999711 +5026942594071056992_3120_000_3140_000,1555462123499771 +5026942594071056992_3120_000_3140_000,1555462132499693 +5026942594071056992_3120_000_3140_000,1555462124499589 +5026942594071056992_3120_000_3140_000,1555462122500198 +5026942594071056992_3120_000_3140_000,1555462123999626 +5026942594071056992_3120_000_3140_000,1555462130999515 +5026942594071056992_3120_000_3140_000,1555462123000001 +5026942594071056992_3120_000_3140_000,1555462121499912 +5026942594071056992_3120_000_3140_000,1555462132999655 +5026942594071056992_3120_000_3140_000,1555462135499500 +5026942594071056992_3120_000_3140_000,1555462124999696 +5026942594071056992_3120_000_3140_000,1555462133499574 +5026942594071056992_3120_000_3140_000,1555462122000279 +5026942594071056992_3120_000_3140_000,1555462134999525 +5026942594071056992_3120_000_3140_000,1555462131499619 +5026942594071056992_3120_000_3140_000,1555462134499515 +11987368976578218644_1340_000_1360_000,1557240254147006 +11987368976578218644_1340_000_1360_000,1557240256647136 +11987368976578218644_1340_000_1360_000,1557240253147019 +11987368976578218644_1340_000_1360_000,1557240264121600 +11987368976578218644_1340_000_1360_000,1557240266622584 +11987368976578218644_1340_000_1360_000,1557240253646981 +11987368976578218644_1340_000_1360_000,1557240263622577 +11987368976578218644_1340_000_1360_000,1557240255647121 +11987368976578218644_1340_000_1360_000,1557240266122577 +11987368976578218644_1340_000_1360_000,1557240252646979 +11987368976578218644_1340_000_1360_000,1557240256147181 +11987368976578218644_1340_000_1360_000,1557240265622400 +11987368976578218644_1340_000_1360_000,1557240263124752 +11987368976578218644_1340_000_1360_000,1557240252147007 +11987368976578218644_1340_000_1360_000,1557240254647011 +11987368976578218644_1340_000_1360_000,1557240264621606 +11987368976578218644_1340_000_1360_000,1557240265121984 +11987368976578218644_1340_000_1360_000,1557240255147121 +11987368976578218644_1340_000_1360_000,1557240262627879 +11987368976578218644_1340_000_1360_000,1557240262131544 +17136775999940024630_4860_000_4880_000,1555381565899350 +17136775999940024630_4860_000_4880_000,1555381569399418 +17136775999940024630_4860_000_4880_000,1555381577399397 +17136775999940024630_4860_000_4880_000,1555381567899452 +17136775999940024630_4860_000_4880_000,1555381579899405 +17136775999940024630_4860_000_4880_000,1555381576399429 +17136775999940024630_4860_000_4880_000,1555381566399384 +17136775999940024630_4860_000_4880_000,1555381569899411 +17136775999940024630_4860_000_4880_000,1555381579399300 +17136775999940024630_4860_000_4880_000,1555381576899420 +17136775999940024630_4860_000_4880_000,1555381565399404 +17136775999940024630_4860_000_4880_000,1555381575399420 +17136775999940024630_4860_000_4880_000,1555381578399393 +17136775999940024630_4860_000_4880_000,1555381567399421 +17136775999940024630_4860_000_4880_000,1555381575899458 +17136775999940024630_4860_000_4880_000,1555381577899394 +17136775999940024630_4860_000_4880_000,1555381568399448 +17136775999940024630_4860_000_4880_000,1555381568899445 +17136775999940024630_4860_000_4880_000,1555381578899304 +10980133015080705026_780_000_800_000,1557159347347517 +10980133015080705026_780_000_800_000,1557159341347548 +10980133015080705026_780_000_800_000,1557159350347179 +10980133015080705026_780_000_800_000,1557159338347170 +10980133015080705026_780_000_800_000,1557159348347894 +10980133015080705026_780_000_800_000,1557159341847592 +10980133015080705026_780_000_800_000,1557159340347306 +10980133015080705026_780_000_800_000,1557159351347307 +10980133015080705026_780_000_800_000,1557159339347070 +10980133015080705026_780_000_800_000,1557159349347437 +10980133015080705026_780_000_800_000,1557159348847749 +10980133015080705026_780_000_800_000,1557159337346937 +10980133015080705026_780_000_800_000,1557159340847461 +10980133015080705026_780_000_800_000,1557159350847321 +10980133015080705026_780_000_800_000,1557159337847132 +10980133015080705026_780_000_800_000,1557159349847214 +10980133015080705026_780_000_800_000,1557159347847829 +10980133015080705026_780_000_800_000,1557159338847114 +10980133015080705026_780_000_800_000,1557159351847230 +10980133015080705026_780_000_800_000,1557159339847156 +17792628511034220885_2360_000_2380_000,1555038976374997 +17792628511034220885_2360_000_2380_000,1555038978374871 +17792628511034220885_2360_000_2380_000,1555038976874968 +17792628511034220885_2360_000_2380_000,1555038975875022 +17792628511034220885_2360_000_2380_000,1555038968860681 +17792628511034220885_2360_000_2380_000,1555038964850579 +17792628511034220885_2360_000_2380_000,1555038974875036 +17792628511034220885_2360_000_2380_000,1555038977374963 +17792628511034220885_2360_000_2380_000,1555038978874913 +17792628511034220885_2360_000_2380_000,1555038966351482 +17792628511034220885_2360_000_2380_000,1555038979375036 +17792628511034220885_2360_000_2380_000,1555038965850871 +17792628511034220885_2360_000_2380_000,1555038977874932 +17792628511034220885_2360_000_2380_000,1555038967353934 +17792628511034220885_2360_000_2380_000,1555038969363655 +17792628511034220885_2360_000_2380_000,1555038965350606 +17792628511034220885_2360_000_2380_000,1555038966852499 +17792628511034220885_2360_000_2380_000,1555038968358038 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/waymo/preprocess_waymo.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/waymo/preprocess_waymo.py new file mode 100644 index 0000000000000000000000000000000000000000..33a309fc2a03c52b63a43863ac40632ad5daa0a6 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/preprocessing/waymo/preprocess_waymo.py @@ -0,0 +1,387 @@ +""" +Preprocessing Script for ScanNet 20/200 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import warnings + +warnings.filterwarnings("ignore", category=DeprecationWarning) + +import os + +os.environ["TF_CPP_MIN_LOG_LEVEL"] = "3" +os.environ["CUDA_VISIBLE_DEVICES"] = "-1" + +import argparse +import numpy as np +import tensorflow.compat.v1 as tf +from pathlib import Path +from waymo_open_dataset.utils import frame_utils +from waymo_open_dataset.utils import transform_utils +from waymo_open_dataset.utils import range_image_utils +from waymo_open_dataset import dataset_pb2 as open_dataset +import glob +import multiprocessing as mp +from concurrent.futures import ProcessPoolExecutor +from itertools import repeat + + +def create_lidar(frame): + """Parse and save the lidar data in psd format. + Args: + frame (:obj:`Frame`): Open dataset frame proto. + """ + ( + range_images, + camera_projections, + segmentation_labels, + range_image_top_pose, + ) = frame_utils.parse_range_image_and_camera_projection(frame) + + points, cp_points, valid_masks = convert_range_image_to_point_cloud( + frame, + range_images, + camera_projections, + range_image_top_pose, + keep_polar_features=True, + ) + points_ri2, cp_points_ri2, valid_masks_ri2 = convert_range_image_to_point_cloud( + frame, + range_images, + camera_projections, + range_image_top_pose, + ri_index=1, + keep_polar_features=True, + ) + + # 3d points in vehicle frame. + points_all = np.concatenate(points, axis=0) + points_all_ri2 = np.concatenate(points_ri2, axis=0) + # point labels. + + points_all = np.concatenate([points_all, points_all_ri2], axis=0) + + velodyne = np.c_[points_all[:, 3:6], points_all[:, 1]] + velodyne = velodyne.reshape((velodyne.shape[0] * velodyne.shape[1])) + + valid_masks = [valid_masks, valid_masks_ri2] + return velodyne, valid_masks + + +def create_label(frame): + ( + range_images, + camera_projections, + segmentation_labels, + range_image_top_pose, + ) = frame_utils.parse_range_image_and_camera_projection(frame) + + point_labels = convert_range_image_to_point_cloud_labels( + frame, range_images, segmentation_labels + ) + point_labels_ri2 = convert_range_image_to_point_cloud_labels( + frame, range_images, segmentation_labels, ri_index=1 + ) + + # point labels. + point_labels_all = np.concatenate(point_labels, axis=0) + point_labels_all_ri2 = np.concatenate(point_labels_ri2, axis=0) + point_labels_all = np.concatenate([point_labels_all, point_labels_all_ri2], axis=0) + + labels = point_labels_all + return labels + + +def convert_range_image_to_cartesian( + frame, range_images, range_image_top_pose, ri_index=0, keep_polar_features=False +): + """Convert range images from polar coordinates to Cartesian coordinates. + + Args: + frame: open dataset frame + range_images: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + range_image_top_pose: range image pixel pose for top lidar. + ri_index: 0 for the first return, 1 for the second return. + keep_polar_features: If true, keep the features from the polar range image + (i.e. range, intensity, and elongation) as the first features in the + output range image. + + Returns: + dict of {laser_name, (H, W, D)} range images in Cartesian coordinates. D + will be 3 if keep_polar_features is False (x, y, z) and 6 if + keep_polar_features is True (range, intensity, elongation, x, y, z). + """ + cartesian_range_images = {} + frame_pose = tf.convert_to_tensor( + value=np.reshape(np.array(frame.pose.transform), [4, 4]) + ) + + # [H, W, 6] + range_image_top_pose_tensor = tf.reshape( + tf.convert_to_tensor(value=range_image_top_pose.data), + range_image_top_pose.shape.dims, + ) + # [H, W, 3, 3] + range_image_top_pose_tensor_rotation = transform_utils.get_rotation_matrix( + range_image_top_pose_tensor[..., 0], + range_image_top_pose_tensor[..., 1], + range_image_top_pose_tensor[..., 2], + ) + range_image_top_pose_tensor_translation = range_image_top_pose_tensor[..., 3:] + range_image_top_pose_tensor = transform_utils.get_transform( + range_image_top_pose_tensor_rotation, range_image_top_pose_tensor_translation + ) + + for c in frame.context.laser_calibrations: + range_image = range_images[c.name][ri_index] + if len(c.beam_inclinations) == 0: # pylint: disable=g-explicit-length-test + beam_inclinations = range_image_utils.compute_inclination( + tf.constant([c.beam_inclination_min, c.beam_inclination_max]), + height=range_image.shape.dims[0], + ) + else: + beam_inclinations = tf.constant(c.beam_inclinations) + + beam_inclinations = tf.reverse(beam_inclinations, axis=[-1]) + extrinsic = np.reshape(np.array(c.extrinsic.transform), [4, 4]) + + range_image_tensor = tf.reshape( + tf.convert_to_tensor(value=range_image.data), range_image.shape.dims + ) + pixel_pose_local = None + frame_pose_local = None + if c.name == open_dataset.LaserName.TOP: + pixel_pose_local = range_image_top_pose_tensor + pixel_pose_local = tf.expand_dims(pixel_pose_local, axis=0) + frame_pose_local = tf.expand_dims(frame_pose, axis=0) + range_image_cartesian = range_image_utils.extract_point_cloud_from_range_image( + tf.expand_dims(range_image_tensor[..., 0], axis=0), + tf.expand_dims(extrinsic, axis=0), + tf.expand_dims(tf.convert_to_tensor(value=beam_inclinations), axis=0), + pixel_pose=pixel_pose_local, + frame_pose=frame_pose_local, + ) + + range_image_cartesian = tf.squeeze(range_image_cartesian, axis=0) + + if keep_polar_features: + # If we want to keep the polar coordinate features of range, intensity, + # and elongation, concatenate them to be the initial dimensions of the + # returned Cartesian range image. + range_image_cartesian = tf.concat( + [range_image_tensor[..., 0:3], range_image_cartesian], axis=-1 + ) + + cartesian_range_images[c.name] = range_image_cartesian + + return cartesian_range_images + + +def convert_range_image_to_point_cloud( + frame, + range_images, + camera_projections, + range_image_top_pose, + ri_index=0, + keep_polar_features=False, +): + """Convert range images to point cloud. + + Args: + frame: open dataset frame + range_images: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + camera_projections: A dict of {laser_name, + [camera_projection_from_first_return, + camera_projection_from_second_return]}. + range_image_top_pose: range image pixel pose for top lidar. + ri_index: 0 for the first return, 1 for the second return. + keep_polar_features: If true, keep the features from the polar range image + (i.e. range, intensity, and elongation) as the first features in the + output range image. + + Returns: + points: {[N, 3]} list of 3d lidar points of length 5 (number of lidars). + (NOTE: Will be {[N, 6]} if keep_polar_features is true. + cp_points: {[N, 6]} list of camera projections of length 5 + (number of lidars). + """ + calibrations = sorted(frame.context.laser_calibrations, key=lambda c: c.name) + points = [] + cp_points = [] + valid_masks = [] + + cartesian_range_images = convert_range_image_to_cartesian( + frame, range_images, range_image_top_pose, ri_index, keep_polar_features + ) + + for c in calibrations: + range_image = range_images[c.name][ri_index] + range_image_tensor = tf.reshape( + tf.convert_to_tensor(value=range_image.data), range_image.shape.dims + ) + range_image_mask = range_image_tensor[..., 0] > 0 + + range_image_cartesian = cartesian_range_images[c.name] + points_tensor = tf.gather_nd( + range_image_cartesian, tf.compat.v1.where(range_image_mask) + ) + + cp = camera_projections[c.name][ri_index] + cp_tensor = tf.reshape(tf.convert_to_tensor(value=cp.data), cp.shape.dims) + cp_points_tensor = tf.gather_nd(cp_tensor, tf.compat.v1.where(range_image_mask)) + points.append(points_tensor.numpy()) + cp_points.append(cp_points_tensor.numpy()) + valid_masks.append(range_image_mask.numpy()) + + return points, cp_points, valid_masks + + +def convert_range_image_to_point_cloud_labels( + frame, range_images, segmentation_labels, ri_index=0 +): + """Convert segmentation labels from range images to point clouds. + + Args: + frame: open dataset frame + range_images: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + segmentation_labels: A dict of {laser_name, [range_image_first_return, + range_image_second_return]}. + ri_index: 0 for the first return, 1 for the second return. + + Returns: + point_labels: {[N, 2]} list of 3d lidar points's segmentation labels. 0 for + points that are not labeled. + """ + calibrations = sorted(frame.context.laser_calibrations, key=lambda c: c.name) + point_labels = [] + for c in calibrations: + range_image = range_images[c.name][ri_index] + range_image_tensor = tf.reshape( + tf.convert_to_tensor(range_image.data), range_image.shape.dims + ) + range_image_mask = range_image_tensor[..., 0] > 0 + + if c.name in segmentation_labels: + sl = segmentation_labels[c.name][ri_index] + sl_tensor = tf.reshape(tf.convert_to_tensor(sl.data), sl.shape.dims) + sl_points_tensor = tf.gather_nd(sl_tensor, tf.where(range_image_mask)) + else: + num_valid_point = tf.math.reduce_sum(tf.cast(range_image_mask, tf.int32)) + sl_points_tensor = tf.zeros([num_valid_point, 2], dtype=tf.int32) + + point_labels.append(sl_points_tensor.numpy()) + return point_labels + + +def handle_process(file_path, output_root, test_frame_list): + file = os.path.basename(file_path) + split = os.path.basename(os.path.dirname(file_path)) + print(f"Parsing {split}/{file}") + save_path = Path(output_root) / split / file.split(".")[0] + + data_group = tf.data.TFRecordDataset(file_path, compression_type="") + for data in data_group: + frame = open_dataset.Frame() + frame.ParseFromString(bytearray(data.numpy())) + context_name = frame.context.name + timestamp = str(frame.timestamp_micros) + + if split != "testing": + # for training and validation frame, extract labelled frame + if not frame.lasers[0].ri_return1.segmentation_label_compressed: + continue + else: + # for testing frame, extract frame in test_frame_list + if f"{context_name},{timestamp}" not in test_frame_list: + continue + + os.makedirs(save_path / timestamp, exist_ok=True) + + # extract frame pass above check + point_cloud, valid_masks = create_lidar(frame) + point_cloud = point_cloud.reshape(-1, 4) + coord = point_cloud[:, :3] + strength = np.tanh(point_cloud[:, -1].reshape([-1, 1])) + pose = np.array(frame.pose.transform, np.float32).reshape(4, 4) + mask = np.array(valid_masks, dtype=object) + + np.save(save_path / timestamp / "coord.npy", coord) + np.save(save_path / timestamp / "strength.npy", strength) + np.save(save_path / timestamp / "pose.npy", pose) + + # save mask for reverse prediction + if split != "training": + np.save(save_path / timestamp / "mask.npy", mask) + + # save label + if split != "testing": + # ignore TYPE_UNDEFINED, ignore_index 0 -> -1 + label = create_label(frame)[:, 1].reshape([-1]) - 1 + np.save(save_path / timestamp / "segment.npy", label) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--dataset_root", + required=True, + help="Path to the Waymo dataset", + ) + parser.add_argument( + "--output_root", + required=True, + help="Output path where train/val folders will be located", + ) + parser.add_argument( + "--splits", + required=True, + nargs="+", + choices=["training", "validation", "testing"], + help="Splits need to process ([training, validation, testing]).", + ) + parser.add_argument( + "--num_workers", + default=mp.cpu_count(), + type=int, + help="Num workers for preprocessing.", + ) + config = parser.parse_args() + + # load file list + file_list = glob.glob( + os.path.join(os.path.abspath(config.dataset_root), "*", "*.tfrecord") + ) + assert len(file_list) == 1150 + + # Create output directories + for split in config.splits: + os.makedirs(os.path.join(config.output_root, split), exist_ok=True) + + file_list = [ + file + for file in file_list + if os.path.basename(os.path.dirname(file)) in config.splits + ] + + # Load test frame list + test_frame_file = os.path.join( + os.path.dirname(__file__), "3d_semseg_test_set_frames.txt" + ) + test_frame_list = [x.rstrip() for x in (open(test_frame_file, "r").readlines())] + + # Preprocess data. + print("Processing scenes...") + pool = ProcessPoolExecutor(max_workers=config.num_workers) + _ = list( + pool.map( + handle_process, + file_list, + repeat(config.output_root), + repeat(test_frame_list), + ) + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/s3dis.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/s3dis.py new file mode 100644 index 0000000000000000000000000000000000000000..1cfc176380caaa42d35bbf517ae2f13bf5c86f90 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/s3dis.py @@ -0,0 +1,18 @@ +""" +S3DIS Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +from .defaults import DefaultDataset +from .builder import DATASETS + + +@DATASETS.register_module() +class S3DISDataset(DefaultDataset): + def get_data_name(self, idx): + remain, room_name = os.path.split(self.data_list[idx % len(self.data_list)]) + remain, area_name = os.path.split(remain) + return f"{area_name}-{room_name}" diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannet.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannet.py new file mode 100644 index 0000000000000000000000000000000000000000..035043d03bcbc19fcd9b1542f4061dfe01a6dbf2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannet.py @@ -0,0 +1,189 @@ +""" +ScanNet20 / ScanNet200 / ScanNet Data Efficient Dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset +from collections.abc import Sequence + +from pointcept.utils.logger import get_root_logger +from pointcept.utils.cache import shared_dict +from .builder import DATASETS +from .transform import Compose, TRANSFORMS +from .preprocessing.scannet.meta_data.scannet200_constants import ( + VALID_CLASS_IDS_20, + VALID_CLASS_IDS_200, +) + + +@DATASETS.register_module() +class ScanNetDataset(Dataset): + class2id = np.array(VALID_CLASS_IDS_20) + + def __init__( + self, + split="train", + data_root="data/scannet", + transform=None, + lr_file=None, + la_file=None, + ignore_index=-1, + test_mode=False, + test_cfg=None, + cache=False, + loop=1, + ): + super(ScanNetDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.cache = cache + self.loop = loop if not test_mode else 1 # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + + if test_mode: + self.test_voxelize = TRANSFORMS.build(self.test_cfg.voxelize) + self.test_crop = TRANSFORMS.build(self.test_cfg.crop) if self.test_cfg.crop else None + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + if lr_file: + self.data_list = [os.path.join(data_root, "train", name + ".pth") for name in np.loadtxt(lr_file, dtype=str)] + else: + self.data_list = self.get_data_list() + self.la = torch.load(la_file) if la_file else None + self.ignore_index = ignore_index + logger = get_root_logger() + logger.info("Totally {} x {} samples in {} set.".format(len(self.data_list), self.loop, split)) + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split, "*.pth")) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*.pth")) + else: + raise NotImplementedError + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + if not self.cache: + data = torch.load(data_path) + else: + data_name = data_path.replace(os.path.dirname(self.data_root), "").split(".")[0] + cache_name = "pointcept" + data_name.replace(os.path.sep, "-") + data = shared_dict(cache_name) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + scene_id = data["scene_id"] + if "semantic_gt20" in data.keys(): + segment = data["semantic_gt20"].reshape([-1]) + else: + segment = np.ones(coord.shape[0]) * -1 + if "instance_gt" in data.keys(): + instance = data["instance_gt"].reshape([-1]) + else: + instance = np.ones(coord.shape[0]) * -1 + data_dict = dict( + coord=coord, + normal=normal, + color=color, + segment=segment, + instance=instance, + scene_id=scene_id, + ) + if self.la: + sampled_index = self.la[self.get_data_name(idx)] + mask = np.ones_like(segment).astype(np.bool) + mask[sampled_index] = False + segment[mask] = self.ignore_index + data_dict["segment"] = segment + data_dict["sampled_index"] = sampled_index + return data_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + data_dict = self.get_data(idx) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_dict = self.get_data(idx) + segment = data_dict.pop("segment") + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(aug(deepcopy(data_dict))) + + input_dict_list = [] + for data in data_dict_list: + data_part_list = self.test_voxelize(data) + for data_part in data_part_list: + if self.test_crop: + data_part = self.test_crop(data_part) + else: + data_part = [data_part] + input_dict_list += data_part + + for i in range(len(input_dict_list)): + input_dict_list[i] = self.post_transform(input_dict_list[i]) + data_dict = dict(fragment_list=input_dict_list, segment=segment, name=self.get_data_name(idx)) + return data_dict + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop + + +@DATASETS.register_module() +class ScanNet200Dataset(ScanNetDataset): + class2id = np.array(VALID_CLASS_IDS_200) + + def get_data(self, idx): + data = torch.load(self.data_list[idx % len(self.data_list)]) + coord = data["coord"] + color = data["color"] + normal = data["normal"] + scene_id = data["scene_id"] + if "semantic_gt200" in data.keys(): + segment = data["semantic_gt200"].reshape([-1]) + else: + segment = np.ones(coord.shape[0]) * -1 + if "instance_gt" in data.keys(): + instance = data["instance_gt"].reshape([-1]) + else: + instance = np.ones(coord.shape[0]) * -1 + data_dict = dict( + coord=coord, + normal=normal, + color=color, + segment=segment, + instance=instance, + scene_id=scene_id, + ) + if self.la: + sampled_index = self.la[self.get_data_name(idx)] + segment[sampled_index] = self.ignore_index + data_dict["segment"] = segment + data_dict["sampled_index"] = sampled_index + return data_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannet_pair.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannet_pair.py new file mode 100644 index 0000000000000000000000000000000000000000..b7fdf199aa90b113bb4e8c7643e5549f62d0c51a --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannet_pair.py @@ -0,0 +1,89 @@ +""" +ScanNet Pair Dataset (Frame-level contrastive view) + +Refer PointContrast + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +import numpy as np +import torch +from copy import deepcopy +from torch.utils.data import Dataset + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose, TRANSFORMS + + +@DATASETS.register_module() +class ScanNetPairDataset(Dataset): + def __init__( + self, + data_root="data/scannet_pair", + overlap_threshold=0.3, + view1_transform=None, + view2_transform=None, + loop=1, + **kwargs + ): + super(ScanNetPairDataset, self).__init__() + self.data_root = data_root + self.overlap_threshold = overlap_threshold + self.view1_transform = Compose(view1_transform) + self.view2_transform = Compose(view2_transform) + self.loop = loop + self.data_list = self.get_data_list() + logger = get_root_logger() + logger.info("Totally {} x {} samples.".format(len(self.data_list), self.loop)) + + def get_data_list(self): + data_list = [] + overlap_list = glob.glob( + os.path.join(self.data_root, "*", "pcd", "overlap.txt") + ) + for overlap_file in overlap_list: + with open(overlap_file) as f: + overlap = f.readlines() + overlap = [pair.strip().split() for pair in overlap] + data_list.extend( + [ + pair[:2] + for pair in overlap + if float(pair[2]) > self.overlap_threshold + ] + ) + return data_list + + def get_data(self, idx): + pair = self.data_list[idx % len(self.data_list)] + view1_dict = torch.load(self.data_root + pair[0]) + view2_dict = torch.load(self.data_root + pair[1]) + return view1_dict, view2_dict + + def get_data_name(self, idx): + return os.path.basename(self.data_list[idx % len(self.data_list)]).split(".")[0] + + def prepare_train_data(self, idx): + # load data + view1_dict, view2_dict = self.get_data(idx) + view1_dict = self.view1_transform(view1_dict) + view2_dict = self.view2_transform(view2_dict) + data_dict = dict() + for key, value in view1_dict.items(): + data_dict["view1_" + key] = value + for key, value in view2_dict.items(): + data_dict["view2_" + key] = value + return data_dict + + def prepare_test_data(self, idx): + raise NotImplementedError + + def __getitem__(self, idx): + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_list) * self.loop diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannetpp.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannetpp.py new file mode 100644 index 0000000000000000000000000000000000000000..4e3ef3bf65bd4f81fb0f65652ead6fbff62337e9 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/scannetpp.py @@ -0,0 +1,78 @@ +""" +ScanNet++ dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +import glob + +from pointcept.utils.cache import shared_dict + +from .builder import DATASETS +from .defaults import DefaultDatasetV2 + + +@DATASETS.register_module() +class ScanNetPPDataset(DefaultDatasetV2): + VALID_ASSETS = [ + "coord", + "color", + "normal", + "segment", + "instance", + ] + + def __init__( + self, + multilabel=False, + **kwargs, + ): + super().__init__(**kwargs) + self.multilabel = multilabel + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + name = self.get_data_name(idx) + if self.cache: + cache_name = f"pointcept-{name}" + return shared_dict(cache_name) + + data_dict = {} + assets = os.listdir(data_path) + for asset in assets: + if not asset.endswith(".npy"): + continue + if asset[:-4] not in self.VALID_ASSETS: + continue + data_dict[asset[:-4]] = np.load(os.path.join(data_path, asset)) + data_dict["name"] = name + + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"].astype(np.float32) + + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"].astype(np.float32) + + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"].astype(np.float32) + + if not self.multilabel: + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][:, 0].astype(np.int32) + else: + data_dict["segment"] = ( + np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + ) + + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][:, 0].astype(np.int32) + else: + data_dict["instance"] = ( + np.ones(data_dict["coord"].shape[0], dtype=np.int32) * -1 + ) + else: + raise NotImplementedError + return data_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/semantic_kitti.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/semantic_kitti.py new file mode 100644 index 0000000000000000000000000000000000000000..3729b4163a113be69f3874cad646f4bc6255cfba --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/semantic_kitti.py @@ -0,0 +1,139 @@ +""" +Semantic KITTI dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np + +from .builder import DATASETS +from .defaults import DefaultDataset + + +@DATASETS.register_module() +class SemanticKITTIDataset(DefaultDataset): + def __init__(self, ignore_index=-1, **kwargs): + self.ignore_index = ignore_index + self.learning_map = self.get_learning_map(ignore_index) + self.learning_map_inv = self.get_learning_map_inv(ignore_index) + super().__init__(ignore_index=ignore_index, **kwargs) + + def get_data_list(self): + split2seq = dict( + train=[0, 1, 2, 3, 4, 5, 6, 7, 9, 10], + val=[8], + test=[11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21], + ) + if isinstance(self.split, str): + seq_list = split2seq[self.split] + elif isinstance(self.split, list): + seq_list = [] + for split in self.split: + seq_list += split2seq[split] + else: + raise NotImplementedError + + data_list = [] + for seq in seq_list: + seq = str(seq).zfill(2) + seq_folder = os.path.join(self.data_root, "dataset", "sequences", seq) + seq_files = sorted(os.listdir(os.path.join(seq_folder, "velodyne"))) + data_list += [ + os.path.join(seq_folder, "velodyne", file) for file in seq_files + ] + return data_list + + def get_data(self, idx): + data_path = self.data_list[idx % len(self.data_list)] + with open(data_path, "rb") as b: + scan = np.fromfile(b, dtype=np.float32).reshape(-1, 4) + coord = scan[:, :3] + strength = scan[:, -1].reshape([-1, 1]) + + label_file = data_path.replace("velodyne", "labels").replace(".bin", ".label") + if os.path.exists(label_file): + with open(label_file, "rb") as a: + segment = np.fromfile(a, dtype=np.int32).reshape(-1) + segment = np.vectorize(self.learning_map.__getitem__)( + segment & 0xFFFF + ).astype(np.int32) + else: + segment = np.zeros(scan.shape[0]).astype(np.int32) + data_dict = dict(coord=coord, strength=strength, segment=segment) + return data_dict + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + dir_path, file_name = os.path.split(file_path) + sequence_name = os.path.basename(os.path.dirname(dir_path)) + frame_name = os.path.splitext(file_name)[0] + data_name = f"{sequence_name}_{frame_name}" + return data_name + + @staticmethod + def get_learning_map(ignore_index): + learning_map = { + 0: ignore_index, # "unlabeled" + 1: ignore_index, # "outlier" mapped to "unlabeled" --------------------------mapped + 10: 0, # "car" + 11: 1, # "bicycle" + 13: 4, # "bus" mapped to "other-vehicle" --------------------------mapped + 15: 2, # "motorcycle" + 16: 4, # "on-rails" mapped to "other-vehicle" ---------------------mapped + 18: 3, # "truck" + 20: 4, # "other-vehicle" + 30: 5, # "person" + 31: 6, # "bicyclist" + 32: 7, # "motorcyclist" + 40: 8, # "road" + 44: 9, # "parking" + 48: 10, # "sidewalk" + 49: 11, # "other-ground" + 50: 12, # "building" + 51: 13, # "fence" + 52: ignore_index, # "other-structure" mapped to "unlabeled" ------------------mapped + 60: 8, # "lane-marking" to "road" ---------------------------------mapped + 70: 14, # "vegetation" + 71: 15, # "trunk" + 72: 16, # "terrain" + 80: 17, # "pole" + 81: 18, # "traffic-sign" + 99: ignore_index, # "other-object" to "unlabeled" ----------------------------mapped + 252: 0, # "moving-car" to "car" ------------------------------------mapped + 253: 6, # "moving-bicyclist" to "bicyclist" ------------------------mapped + 254: 5, # "moving-person" to "person" ------------------------------mapped + 255: 7, # "moving-motorcyclist" to "motorcyclist" ------------------mapped + 256: 4, # "moving-on-rails" mapped to "other-vehicle" --------------mapped + 257: 4, # "moving-bus" mapped to "other-vehicle" -------------------mapped + 258: 3, # "moving-truck" to "truck" --------------------------------mapped + 259: 4, # "moving-other"-vehicle to "other-vehicle" ----------------mapped + } + return learning_map + + @staticmethod + def get_learning_map_inv(ignore_index): + learning_map_inv = { + ignore_index: ignore_index, # "unlabeled" + 0: 10, # "car" + 1: 11, # "bicycle" + 2: 15, # "motorcycle" + 3: 18, # "truck" + 4: 20, # "other-vehicle" + 5: 30, # "person" + 6: 31, # "bicyclist" + 7: 32, # "motorcyclist" + 8: 40, # "road" + 9: 44, # "parking" + 10: 48, # "sidewalk" + 11: 49, # "other-ground" + 12: 50, # "building" + 13: 51, # "fence" + 14: 70, # "vegetation" + 15: 71, # "trunk" + 16: 72, # "terrain" + 17: 80, # "pole" + 18: 81, # "traffic-sign" + } + return learning_map_inv diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/shapenet_part.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/shapenet_part.py new file mode 100644 index 0000000000000000000000000000000000000000..ca0c3d50adf98b643233e28b56631654479fde60 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/shapenet_part.py @@ -0,0 +1,160 @@ +""" +ShapeNet Part Dataset (Unmaintained) + +get processed shapenet part dataset +at "https://shapenet.cs.stanford.edu/media/shapenetcore_partanno_segmentation_benchmark_v0_normal.zip" + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import json +import torch +import numpy as np +from copy import deepcopy +from torch.utils.data import Dataset + +from pointcept.utils.logger import get_root_logger +from .builder import DATASETS +from .transform import Compose + + +@DATASETS.register_module() +class ShapeNetPartDataset(Dataset): + def __init__( + self, + split="train", + data_root="data/shapenetcore_partanno_segmentation_benchmark_v0_normal", + transform=None, + test_mode=False, + test_cfg=None, + loop=1, + ): + super(ShapeNetPartDataset, self).__init__() + self.data_root = data_root + self.split = split + self.transform = Compose(transform) + self.loop = ( + loop if not test_mode else 1 + ) # force make loop = 1 while in test mode + self.test_mode = test_mode + self.test_cfg = test_cfg if test_mode else None + self.cache = {} + + # load categories file + self.categories = [] + self.category2part = { + "Airplane": [0, 1, 2, 3], + "Bag": [4, 5], + "Cap": [6, 7], + "Car": [8, 9, 10, 11], + "Chair": [12, 13, 14, 15], + "Earphone": [16, 17, 18], + "Guitar": [19, 20, 21], + "Knife": [22, 23], + "Lamp": [24, 25, 26, 27], + "Laptop": [28, 29], + "Motorbike": [30, 31, 32, 33, 34, 35], + "Mug": [36, 37], + "Pistol": [38, 39, 40], + "Rocket": [41, 42, 43], + "Skateboard": [44, 45, 46], + "Table": [47, 48, 49], + } + self.token2category = {} + with open(os.path.join(self.data_root, "synsetoffset2category.txt"), "r") as f: + for line in f: + ls = line.strip().split() + self.token2category[ls[1]] = len(self.categories) + self.categories.append(ls[0]) + + if test_mode: + self.post_transform = Compose(self.test_cfg.post_transform) + self.aug_transform = [Compose(aug) for aug in self.test_cfg.aug_transform] + + # load data list + if isinstance(self.split, str): + self.data_list = self.load_data_list(self.split) + elif isinstance(self.split, list): + self.data_list = [] + for s in self.split: + self.data_list += self.load_data_list(s) + else: + raise NotImplementedError + + logger = get_root_logger() + logger.info( + "Totally {} x {} samples in {} set.".format( + len(self.data_idx), self.loop, split + ) + ) + + def load_data_list(self, split): + split_file = os.path.join( + self.data_root, + "train_test_split", + "shuffled_{}_file_list.json".format(split), + ) + if not os.path.isfile(split_file): + raise (RuntimeError("Split file do not exist: " + split_file + "\n")) + with open(split_file, "r") as f: + # drop "shape_data/" and append ".txt" + data_list = [ + os.path.join(self.data_root, data[11:] + ".txt") + for data in json.load(f) + ] + return data_list + + def prepare_train_data(self, idx): + # load data + data_idx = idx % len(self.data_list) + if data_idx in self.cache: + coord, norm, segment, cls_token = self.cache[data_idx] + else: + data = np.loadtxt(self.data_list[data_idx]).astype(np.float32) + cls_token = self.token2category[ + os.path.basename(os.path.dirname(self.data_list[data_idx])) + ] + coord, norm, segment = ( + data[:, :3], + data[:, 3:6], + data[:, 6].astype(np.int32), + ) + self.cache[data_idx] = (coord, norm, segment, cls_token) + + data_dict = dict(coord=coord, norm=norm, segment=segment, cls_token=cls_token) + data_dict = self.transform(data_dict) + return data_dict + + def prepare_test_data(self, idx): + # load data + data_idx = self.data_idx[idx % len(self.data_idx)] + data = np.loadtxt(self.data_list[data_idx]).astype(np.float32) + cls_token = self.token2category[ + os.path.basename(os.path.dirname(self.data_list[data_idx])) + ] + coord, norm, segment = data[:, :3], data[:, 3:6], data[:, 6].astype(np.int32) + + data_dict = dict(coord=coord, norm=norm, cls_token=cls_token) + data_dict = self.transform(data_dict) + data_dict_list = [] + for aug in self.aug_transform: + data_dict_list.append(self.post_transform(aug(deepcopy(data_dict)))) + data_dict = dict( + fragment_list=data_dict_list, segment=segment, name=self.get_data_name(idx) + ) + return data_dict + + def get_data_name(self, idx): + data_idx = self.data_idx[idx % len(self.data_idx)] + return os.path.basename(self.data_list[data_idx]).split(".")[0] + + def __getitem__(self, idx): + if self.test_mode: + return self.prepare_test_data(idx) + else: + return self.prepare_train_data(idx) + + def __len__(self): + return len(self.data_idx) * self.loop diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/structure3d.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/structure3d.py new file mode 100644 index 0000000000000000000000000000000000000000..81649e3d83275f0419546f37da810e7508b327e0 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/structure3d.py @@ -0,0 +1,38 @@ +""" +Structured3D Datasets + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import glob +from collections.abc import Sequence + +from .defaults import DefaultDataset +from .builder import DATASETS + + +@DATASETS.register_module() +class Structured3DDataset(DefaultDataset): + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob( + os.path.join(self.data_root, self.split, "scene_*/room_*") + ) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob( + os.path.join(self.data_root, split, "scene_*/room_*") + ) + else: + raise NotImplementedError + return data_list + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + dir_path, room_name = os.path.split(file_path) + scene_name = os.path.basename(dir_path) + data_name = f"{scene_name}_{room_name}" + return data_name diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/transform.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/transform.py new file mode 100644 index 0000000000000000000000000000000000000000..d1abfe4f3d88decdac17861b31647c34f9520292 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/transform.py @@ -0,0 +1,1148 @@ +""" +3D Point Cloud Augmentation + +Inspirited by chrischoy/SpatioTemporalSegmentation + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import random +import numbers +import scipy +import scipy.ndimage +import scipy.interpolate +import scipy.stats +import numpy as np +import torch +import copy +from collections.abc import Sequence, Mapping + +from pointcept.utils.registry import Registry + +TRANSFORMS = Registry("transforms") + + +@TRANSFORMS.register_module() +class Collect(object): + def __init__(self, keys, offset_keys_dict=None, **kwargs): + """ + e.g. Collect(keys=[coord], feat_keys=[coord, color]) + """ + if offset_keys_dict is None: + offset_keys_dict = dict(offset="coord") + self.keys = keys + self.offset_keys = offset_keys_dict + self.kwargs = kwargs + + def __call__(self, data_dict): + data = dict() + if isinstance(self.keys, str): + self.keys = [self.keys] + for key in self.keys: + data[key] = data_dict[key] + for key, value in self.offset_keys.items(): + data[key] = torch.tensor([data_dict[value].shape[0]]) + for name, keys in self.kwargs.items(): + name = name.replace("_keys", "") + assert isinstance(keys, Sequence) + data[name] = torch.cat([data_dict[key].float() for key in keys], dim=1) + return data + + +@TRANSFORMS.register_module() +class Copy(object): + def __init__(self, keys_dict=None): + if keys_dict is None: + keys_dict = dict(coord="origin_coord", segment="origin_segment") + self.keys_dict = keys_dict + + def __call__(self, data_dict): + for key, value in self.keys_dict.items(): + if isinstance(data_dict[key], np.ndarray): + data_dict[value] = data_dict[key].copy() + elif isinstance(data_dict[key], torch.Tensor): + data_dict[value] = data_dict[key].clone().detach() + else: + data_dict[value] = copy.deepcopy(data_dict[key]) + return data_dict + + +@TRANSFORMS.register_module() +class ToTensor(object): + def __call__(self, data): + if isinstance(data, torch.Tensor): + return data + elif isinstance(data, str): + # note that str is also a kind of sequence, judgement should before sequence + return data + elif isinstance(data, int): + return torch.LongTensor([data]) + elif isinstance(data, float): + return torch.FloatTensor([data]) + elif isinstance(data, np.ndarray) and np.issubdtype(data.dtype, bool): + return torch.from_numpy(data) + elif isinstance(data, np.ndarray) and np.issubdtype(data.dtype, np.integer): + return torch.from_numpy(data).long() + elif isinstance(data, np.ndarray) and np.issubdtype(data.dtype, np.floating): + return torch.from_numpy(data).float() + elif isinstance(data, Mapping): + result = {sub_key: self(item) for sub_key, item in data.items()} + return result + elif isinstance(data, Sequence): + result = [self(item) for item in data] + return result + else: + raise TypeError(f"type {type(data)} cannot be converted to tensor.") + + +@TRANSFORMS.register_module() +class Add(object): + def __init__(self, keys_dict=None): + if keys_dict is None: + keys_dict = dict() + self.keys_dict = keys_dict + + def __call__(self, data_dict): + for key, value in self.keys_dict.items(): + data_dict[key] = value + return data_dict + + +@TRANSFORMS.register_module() +class NormalizeColor(object): + def __call__(self, data_dict): + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"] / 127.5 - 1 + return data_dict + + +@TRANSFORMS.register_module() +class NormalizeCoord(object): + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + # modified from pointnet2 + centroid = np.mean(data_dict["coord"], axis=0) + data_dict["coord"] -= centroid + m = np.max(np.sqrt(np.sum(data_dict["coord"] ** 2, axis=1))) + data_dict["coord"] = data_dict["coord"] / m + return data_dict + + +@TRANSFORMS.register_module() +class PositiveShift(object): + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + coord_min = np.min(data_dict["coord"], 0) + data_dict["coord"] -= coord_min + return data_dict + + +@TRANSFORMS.register_module() +class CenterShift(object): + def __init__(self, apply_z=True): + self.apply_z = apply_z + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + x_min, y_min, z_min = data_dict["coord"].min(axis=0) + x_max, y_max, _ = data_dict["coord"].max(axis=0) + if self.apply_z: + shift = [(x_min + x_max) / 2, (y_min + y_max) / 2, z_min] + else: + shift = [(x_min + x_max) / 2, (y_min + y_max) / 2, 0] + data_dict["coord"] -= shift + return data_dict + + +@TRANSFORMS.register_module() +class RandomShift(object): + def __init__(self, shift=((-0.2, 0.2), (-0.2, 0.2), (0, 0))): + self.shift = shift + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + shift_x = np.random.uniform(self.shift[0][0], self.shift[0][1]) + shift_y = np.random.uniform(self.shift[1][0], self.shift[1][1]) + shift_z = np.random.uniform(self.shift[2][0], self.shift[2][1]) + data_dict["coord"] += [shift_x, shift_y, shift_z] + return data_dict + + +@TRANSFORMS.register_module() +class PointClip(object): + def __init__(self, point_cloud_range=(-80, -80, -3, 80, 80, 1)): + self.point_cloud_range = point_cloud_range + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + data_dict["coord"] = np.clip( + data_dict["coord"], + a_min=self.point_cloud_range[:3], + a_max=self.point_cloud_range[3:], + ) + return data_dict + + +@TRANSFORMS.register_module() +class RandomDropout(object): + def __init__(self, dropout_ratio=0.2, dropout_application_ratio=0.5): + """ + upright_axis: axis index among x,y,z, i.e. 2 for z + """ + self.dropout_ratio = dropout_ratio + self.dropout_application_ratio = dropout_application_ratio + + def __call__(self, data_dict): + if random.random() < self.dropout_application_ratio: + n = len(data_dict["coord"]) + idx = np.random.choice(n, int(n * (1 - self.dropout_ratio)), replace=False) + if "sampled_index" in data_dict: + # for ScanNet data efficient, we need to make sure labeled point is sampled. + idx = np.unique(np.append(idx, data_dict["sampled_index"])) + mask = np.zeros_like(data_dict["segment"]).astype(bool) + mask[data_dict["sampled_index"]] = True + data_dict["sampled_index"] = np.where(mask[idx])[0] + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][idx] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][idx] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][idx] + if "strength" in data_dict.keys(): + data_dict["strength"] = data_dict["strength"][idx] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][idx] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][idx] + return data_dict + + +@TRANSFORMS.register_module() +class RandomRotate(object): + def __init__(self, angle=None, center=None, axis="z", always_apply=False, p=0.5): + self.angle = [-1, 1] if angle is None else angle + self.axis = axis + self.always_apply = always_apply + self.p = p if not self.always_apply else 1 + self.center = center + + def __call__(self, data_dict): + if random.random() > self.p: + return data_dict + angle = np.random.uniform(self.angle[0], self.angle[1]) * np.pi + rot_cos, rot_sin = np.cos(angle), np.sin(angle) + if self.axis == "x": + rot_t = np.array([[1, 0, 0], [0, rot_cos, -rot_sin], [0, rot_sin, rot_cos]]) + elif self.axis == "y": + rot_t = np.array([[rot_cos, 0, rot_sin], [0, 1, 0], [-rot_sin, 0, rot_cos]]) + elif self.axis == "z": + rot_t = np.array([[rot_cos, -rot_sin, 0], [rot_sin, rot_cos, 0], [0, 0, 1]]) + else: + raise NotImplementedError + if "coord" in data_dict.keys(): + if self.center is None: + x_min, y_min, z_min = data_dict["coord"].min(axis=0) + x_max, y_max, z_max = data_dict["coord"].max(axis=0) + center = [(x_min + x_max) / 2, (y_min + y_max) / 2, (z_min + z_max) / 2] + else: + center = self.center + data_dict["coord"] -= center + data_dict["coord"] = np.dot(data_dict["coord"], np.transpose(rot_t)) + data_dict["coord"] += center + if "normal" in data_dict.keys(): + data_dict["normal"] = np.dot(data_dict["normal"], np.transpose(rot_t)) + return data_dict + + +@TRANSFORMS.register_module() +class RandomRotateTargetAngle(object): + def __init__( + self, angle=(1 / 2, 1, 3 / 2), center=None, axis="z", always_apply=False, p=0.75 + ): + self.angle = angle + self.axis = axis + self.always_apply = always_apply + self.p = p if not self.always_apply else 1 + self.center = center + + def __call__(self, data_dict): + if random.random() > self.p: + return data_dict + angle = np.random.choice(self.angle) * np.pi + rot_cos, rot_sin = np.cos(angle), np.sin(angle) + if self.axis == "x": + rot_t = np.array([[1, 0, 0], [0, rot_cos, -rot_sin], [0, rot_sin, rot_cos]]) + elif self.axis == "y": + rot_t = np.array([[rot_cos, 0, rot_sin], [0, 1, 0], [-rot_sin, 0, rot_cos]]) + elif self.axis == "z": + rot_t = np.array([[rot_cos, -rot_sin, 0], [rot_sin, rot_cos, 0], [0, 0, 1]]) + else: + raise NotImplementedError + if "coord" in data_dict.keys(): + if self.center is None: + x_min, y_min, z_min = data_dict["coord"].min(axis=0) + x_max, y_max, z_max = data_dict["coord"].max(axis=0) + center = [(x_min + x_max) / 2, (y_min + y_max) / 2, (z_min + z_max) / 2] + else: + center = self.center + data_dict["coord"] -= center + data_dict["coord"] = np.dot(data_dict["coord"], np.transpose(rot_t)) + data_dict["coord"] += center + if "normal" in data_dict.keys(): + data_dict["normal"] = np.dot(data_dict["normal"], np.transpose(rot_t)) + return data_dict + + +@TRANSFORMS.register_module() +class RandomScale(object): + def __init__(self, scale=None, anisotropic=False): + self.scale = scale if scale is not None else [0.95, 1.05] + self.anisotropic = anisotropic + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + scale = np.random.uniform( + self.scale[0], self.scale[1], 3 if self.anisotropic else 1 + ) + data_dict["coord"] *= scale + return data_dict + + +@TRANSFORMS.register_module() +class RandomFlip(object): + def __init__(self, p=0.5): + self.p = p + + def __call__(self, data_dict): + if np.random.rand() < self.p: + if "coord" in data_dict.keys(): + data_dict["coord"][:, 0] = -data_dict["coord"][:, 0] + if "normal" in data_dict.keys(): + data_dict["normal"][:, 0] = -data_dict["normal"][:, 0] + if np.random.rand() < self.p: + if "coord" in data_dict.keys(): + data_dict["coord"][:, 1] = -data_dict["coord"][:, 1] + if "normal" in data_dict.keys(): + data_dict["normal"][:, 1] = -data_dict["normal"][:, 1] + return data_dict + + +@TRANSFORMS.register_module() +class RandomJitter(object): + def __init__(self, sigma=0.01, clip=0.05): + assert clip > 0 + self.sigma = sigma + self.clip = clip + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + jitter = np.clip( + self.sigma * np.random.randn(data_dict["coord"].shape[0], 3), + -self.clip, + self.clip, + ) + data_dict["coord"] += jitter + return data_dict + + +@TRANSFORMS.register_module() +class ClipGaussianJitter(object): + def __init__(self, scalar=0.02, store_jitter=False): + self.scalar = scalar + self.mean = np.mean(3) + self.cov = np.identity(3) + self.quantile = 1.96 + self.store_jitter = store_jitter + + def __call__(self, data_dict): + if "coord" in data_dict.keys(): + jitter = np.random.multivariate_normal( + self.mean, self.cov, data_dict["coord"].shape[0] + ) + jitter = self.scalar * np.clip(jitter / 1.96, -1, 1) + data_dict["coord"] += jitter + if self.store_jitter: + data_dict["jitter"] = jitter + return data_dict + + +@TRANSFORMS.register_module() +class ChromaticAutoContrast(object): + def __init__(self, p=0.2, blend_factor=None): + self.p = p + self.blend_factor = blend_factor + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + lo = np.min(data_dict["color"], 0, keepdims=True) + hi = np.max(data_dict["color"], 0, keepdims=True) + scale = 255 / (hi - lo) + contrast_feat = (data_dict["color"][:, :3] - lo) * scale + blend_factor = ( + np.random.rand() if self.blend_factor is None else self.blend_factor + ) + data_dict["color"][:, :3] = (1 - blend_factor) * data_dict["color"][ + :, :3 + ] + blend_factor * contrast_feat + return data_dict + + +@TRANSFORMS.register_module() +class ChromaticTranslation(object): + def __init__(self, p=0.95, ratio=0.05): + self.p = p + self.ratio = ratio + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + tr = (np.random.rand(1, 3) - 0.5) * 255 * 2 * self.ratio + data_dict["color"][:, :3] = np.clip(tr + data_dict["color"][:, :3], 0, 255) + return data_dict + + +@TRANSFORMS.register_module() +class ChromaticJitter(object): + def __init__(self, p=0.95, std=0.005): + self.p = p + self.std = std + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + noise = np.random.randn(data_dict["color"].shape[0], 3) + noise *= self.std * 255 + data_dict["color"][:, :3] = np.clip( + noise + data_dict["color"][:, :3], 0, 255 + ) + return data_dict + + +@TRANSFORMS.register_module() +class RandomColorGrayScale(object): + def __init__(self, p): + self.p = p + + @staticmethod + def rgb_to_grayscale(color, num_output_channels=1): + if color.shape[-1] < 3: + raise TypeError( + "Input color should have at least 3 dimensions, but found {}".format( + color.shape[-1] + ) + ) + + if num_output_channels not in (1, 3): + raise ValueError("num_output_channels should be either 1 or 3") + + r, g, b = color[..., 0], color[..., 1], color[..., 2] + gray = (0.2989 * r + 0.587 * g + 0.114 * b).astype(color.dtype) + gray = np.expand_dims(gray, axis=-1) + + if num_output_channels == 3: + gray = np.broadcast_to(gray, color.shape) + + return gray + + def __call__(self, data_dict): + if np.random.rand() < self.p: + data_dict["color"] = self.rgb_to_grayscale(data_dict["color"], 3) + return data_dict + + +@TRANSFORMS.register_module() +class RandomColorJitter(object): + """ + Random Color Jitter for 3D point cloud (refer torchvision) + """ + + def __init__(self, brightness=0, contrast=0, saturation=0, hue=0, p=0.95): + self.brightness = self._check_input(brightness, "brightness") + self.contrast = self._check_input(contrast, "contrast") + self.saturation = self._check_input(saturation, "saturation") + self.hue = self._check_input( + hue, "hue", center=0, bound=(-0.5, 0.5), clip_first_on_zero=False + ) + self.p = p + + @staticmethod + def _check_input( + value, name, center=1, bound=(0, float("inf")), clip_first_on_zero=True + ): + if isinstance(value, numbers.Number): + if value < 0: + raise ValueError( + "If {} is a single number, it must be non negative.".format(name) + ) + value = [center - float(value), center + float(value)] + if clip_first_on_zero: + value[0] = max(value[0], 0.0) + elif isinstance(value, (tuple, list)) and len(value) == 2: + if not bound[0] <= value[0] <= value[1] <= bound[1]: + raise ValueError("{} values should be between {}".format(name, bound)) + else: + raise TypeError( + "{} should be a single number or a list/tuple with length 2.".format( + name + ) + ) + + # if value is 0 or (1., 1.) for brightness/contrast/saturation + # or (0., 0.) for hue, do nothing + if value[0] == value[1] == center: + value = None + return value + + @staticmethod + def blend(color1, color2, ratio): + ratio = float(ratio) + bound = 255.0 + return ( + (ratio * color1 + (1.0 - ratio) * color2) + .clip(0, bound) + .astype(color1.dtype) + ) + + @staticmethod + def rgb2hsv(rgb): + r, g, b = rgb[..., 0], rgb[..., 1], rgb[..., 2] + maxc = np.max(rgb, axis=-1) + minc = np.min(rgb, axis=-1) + eqc = maxc == minc + cr = maxc - minc + s = cr / (np.ones_like(maxc) * eqc + maxc * (1 - eqc)) + cr_divisor = np.ones_like(maxc) * eqc + cr * (1 - eqc) + rc = (maxc - r) / cr_divisor + gc = (maxc - g) / cr_divisor + bc = (maxc - b) / cr_divisor + + hr = (maxc == r) * (bc - gc) + hg = ((maxc == g) & (maxc != r)) * (2.0 + rc - bc) + hb = ((maxc != g) & (maxc != r)) * (4.0 + gc - rc) + h = hr + hg + hb + h = (h / 6.0 + 1.0) % 1.0 + return np.stack((h, s, maxc), axis=-1) + + @staticmethod + def hsv2rgb(hsv): + h, s, v = hsv[..., 0], hsv[..., 1], hsv[..., 2] + i = np.floor(h * 6.0) + f = (h * 6.0) - i + i = i.astype(np.int32) + + p = np.clip((v * (1.0 - s)), 0.0, 1.0) + q = np.clip((v * (1.0 - s * f)), 0.0, 1.0) + t = np.clip((v * (1.0 - s * (1.0 - f))), 0.0, 1.0) + i = i % 6 + mask = np.expand_dims(i, axis=-1) == np.arange(6) + + a1 = np.stack((v, q, p, p, t, v), axis=-1) + a2 = np.stack((t, v, v, q, p, p), axis=-1) + a3 = np.stack((p, p, t, v, v, q), axis=-1) + a4 = np.stack((a1, a2, a3), axis=-1) + + return np.einsum("...na, ...nab -> ...nb", mask.astype(hsv.dtype), a4) + + def adjust_brightness(self, color, brightness_factor): + if brightness_factor < 0: + raise ValueError( + "brightness_factor ({}) is not non-negative.".format(brightness_factor) + ) + + return self.blend(color, np.zeros_like(color), brightness_factor) + + def adjust_contrast(self, color, contrast_factor): + if contrast_factor < 0: + raise ValueError( + "contrast_factor ({}) is not non-negative.".format(contrast_factor) + ) + mean = np.mean(RandomColorGrayScale.rgb_to_grayscale(color)) + return self.blend(color, mean, contrast_factor) + + def adjust_saturation(self, color, saturation_factor): + if saturation_factor < 0: + raise ValueError( + "saturation_factor ({}) is not non-negative.".format(saturation_factor) + ) + gray = RandomColorGrayScale.rgb_to_grayscale(color) + return self.blend(color, gray, saturation_factor) + + def adjust_hue(self, color, hue_factor): + if not (-0.5 <= hue_factor <= 0.5): + raise ValueError( + "hue_factor ({}) is not in [-0.5, 0.5].".format(hue_factor) + ) + orig_dtype = color.dtype + hsv = self.rgb2hsv(color / 255.0) + h, s, v = hsv[..., 0], hsv[..., 1], hsv[..., 2] + h = (h + hue_factor) % 1.0 + hsv = np.stack((h, s, v), axis=-1) + color_hue_adj = (self.hsv2rgb(hsv) * 255.0).astype(orig_dtype) + return color_hue_adj + + @staticmethod + def get_params(brightness, contrast, saturation, hue): + fn_idx = torch.randperm(4) + b = ( + None + if brightness is None + else np.random.uniform(brightness[0], brightness[1]) + ) + c = None if contrast is None else np.random.uniform(contrast[0], contrast[1]) + s = ( + None + if saturation is None + else np.random.uniform(saturation[0], saturation[1]) + ) + h = None if hue is None else np.random.uniform(hue[0], hue[1]) + return fn_idx, b, c, s, h + + def __call__(self, data_dict): + ( + fn_idx, + brightness_factor, + contrast_factor, + saturation_factor, + hue_factor, + ) = self.get_params(self.brightness, self.contrast, self.saturation, self.hue) + + for fn_id in fn_idx: + if ( + fn_id == 0 + and brightness_factor is not None + and np.random.rand() < self.p + ): + data_dict["color"] = self.adjust_brightness( + data_dict["color"], brightness_factor + ) + elif ( + fn_id == 1 and contrast_factor is not None and np.random.rand() < self.p + ): + data_dict["color"] = self.adjust_contrast( + data_dict["color"], contrast_factor + ) + elif ( + fn_id == 2 + and saturation_factor is not None + and np.random.rand() < self.p + ): + data_dict["color"] = self.adjust_saturation( + data_dict["color"], saturation_factor + ) + elif fn_id == 3 and hue_factor is not None and np.random.rand() < self.p: + data_dict["color"] = self.adjust_hue(data_dict["color"], hue_factor) + return data_dict + + +@TRANSFORMS.register_module() +class HueSaturationTranslation(object): + @staticmethod + def rgb_to_hsv(rgb): + # Translated from source of colorsys.rgb_to_hsv + # r,g,b should be a numpy arrays with values between 0 and 255 + # rgb_to_hsv returns an array of floats between 0.0 and 1.0. + rgb = rgb.astype("float") + hsv = np.zeros_like(rgb) + # in case an RGBA array was passed, just copy the A channel + hsv[..., 3:] = rgb[..., 3:] + r, g, b = rgb[..., 0], rgb[..., 1], rgb[..., 2] + maxc = np.max(rgb[..., :3], axis=-1) + minc = np.min(rgb[..., :3], axis=-1) + hsv[..., 2] = maxc + mask = maxc != minc + hsv[mask, 1] = (maxc - minc)[mask] / maxc[mask] + rc = np.zeros_like(r) + gc = np.zeros_like(g) + bc = np.zeros_like(b) + rc[mask] = (maxc - r)[mask] / (maxc - minc)[mask] + gc[mask] = (maxc - g)[mask] / (maxc - minc)[mask] + bc[mask] = (maxc - b)[mask] / (maxc - minc)[mask] + hsv[..., 0] = np.select( + [r == maxc, g == maxc], [bc - gc, 2.0 + rc - bc], default=4.0 + gc - rc + ) + hsv[..., 0] = (hsv[..., 0] / 6.0) % 1.0 + return hsv + + @staticmethod + def hsv_to_rgb(hsv): + # Translated from source of colorsys.hsv_to_rgb + # h,s should be a numpy arrays with values between 0.0 and 1.0 + # v should be a numpy array with values between 0.0 and 255.0 + # hsv_to_rgb returns an array of uints between 0 and 255. + rgb = np.empty_like(hsv) + rgb[..., 3:] = hsv[..., 3:] + h, s, v = hsv[..., 0], hsv[..., 1], hsv[..., 2] + i = (h * 6.0).astype("uint8") + f = (h * 6.0) - i + p = v * (1.0 - s) + q = v * (1.0 - s * f) + t = v * (1.0 - s * (1.0 - f)) + i = i % 6 + conditions = [s == 0.0, i == 1, i == 2, i == 3, i == 4, i == 5] + rgb[..., 0] = np.select(conditions, [v, q, p, p, t, v], default=v) + rgb[..., 1] = np.select(conditions, [v, v, v, q, p, p], default=t) + rgb[..., 2] = np.select(conditions, [v, p, t, v, v, q], default=p) + return rgb.astype("uint8") + + def __init__(self, hue_max=0.5, saturation_max=0.2): + self.hue_max = hue_max + self.saturation_max = saturation_max + + def __call__(self, data_dict): + if "color" in data_dict.keys(): + # Assume color[:, :3] is rgb + hsv = HueSaturationTranslation.rgb_to_hsv(data_dict["color"][:, :3]) + hue_val = (np.random.rand() - 0.5) * 2 * self.hue_max + sat_ratio = 1 + (np.random.rand() - 0.5) * 2 * self.saturation_max + hsv[..., 0] = np.remainder(hue_val + hsv[..., 0] + 1, 1) + hsv[..., 1] = np.clip(sat_ratio * hsv[..., 1], 0, 1) + data_dict["color"][:, :3] = np.clip( + HueSaturationTranslation.hsv_to_rgb(hsv), 0, 255 + ) + return data_dict + + +@TRANSFORMS.register_module() +class RandomColorDrop(object): + def __init__(self, p=0.2, color_augment=0.0): + self.p = p + self.color_augment = color_augment + + def __call__(self, data_dict): + if "color" in data_dict.keys() and np.random.rand() < self.p: + data_dict["color"] *= self.color_augment + return data_dict + + def __repr__(self): + return "RandomColorDrop(color_augment: {}, p: {})".format( + self.color_augment, self.p + ) + + +@TRANSFORMS.register_module() +class ElasticDistortion(object): + def __init__(self, distortion_params=None): + self.distortion_params = ( + [[0.2, 0.4], [0.8, 1.6]] if distortion_params is None else distortion_params + ) + + @staticmethod + def elastic_distortion(coords, granularity, magnitude): + """ + Apply elastic distortion on sparse coordinate space. + pointcloud: numpy array of (number of points, at least 3 spatial dims) + granularity: size of the noise grid (in same scale[m/cm] as the voxel grid) + magnitude: noise multiplier + """ + blurx = np.ones((3, 1, 1, 1)).astype("float32") / 3 + blury = np.ones((1, 3, 1, 1)).astype("float32") / 3 + blurz = np.ones((1, 1, 3, 1)).astype("float32") / 3 + coords_min = coords.min(0) + + # Create Gaussian noise tensor of the size given by granularity. + noise_dim = ((coords - coords_min).max(0) // granularity).astype(int) + 3 + noise = np.random.randn(*noise_dim, 3).astype(np.float32) + + # Smoothing. + for _ in range(2): + noise = scipy.ndimage.filters.convolve( + noise, blurx, mode="constant", cval=0 + ) + noise = scipy.ndimage.filters.convolve( + noise, blury, mode="constant", cval=0 + ) + noise = scipy.ndimage.filters.convolve( + noise, blurz, mode="constant", cval=0 + ) + + # Trilinear interpolate noise filters for each spatial dimensions. + ax = [ + np.linspace(d_min, d_max, d) + for d_min, d_max, d in zip( + coords_min - granularity, + coords_min + granularity * (noise_dim - 2), + noise_dim, + ) + ] + interp = scipy.interpolate.RegularGridInterpolator( + ax, noise, bounds_error=False, fill_value=0 + ) + coords += interp(coords) * magnitude + return coords + + def __call__(self, data_dict): + if "coord" in data_dict.keys() and self.distortion_params is not None: + if random.random() < 0.95: + for granularity, magnitude in self.distortion_params: + data_dict["coord"] = self.elastic_distortion( + data_dict["coord"], granularity, magnitude + ) + return data_dict + + +@TRANSFORMS.register_module() +class GridSample(object): + def __init__( + self, + grid_size=0.05, + hash_type="fnv", + mode="train", + keys=("coord", "color", "normal", "segment"), + return_inverse=False, + return_grid_coord=False, + return_min_coord=False, + return_displacement=False, + project_displacement=False, + ): + self.grid_size = grid_size + self.hash = self.fnv_hash_vec if hash_type == "fnv" else self.ravel_hash_vec + assert mode in ["train", "test"] + self.mode = mode + self.keys = keys + self.return_inverse = return_inverse + self.return_grid_coord = return_grid_coord + self.return_min_coord = return_min_coord + self.return_displacement = return_displacement + self.project_displacement = project_displacement + + def __call__(self, data_dict): + assert "coord" in data_dict.keys() + scaled_coord = data_dict["coord"] / np.array(self.grid_size) + grid_coord = np.floor(scaled_coord).astype(int) + min_coord = grid_coord.min(0) + grid_coord -= min_coord + scaled_coord -= min_coord + min_coord = min_coord * np.array(self.grid_size) + key = self.hash(grid_coord) + idx_sort = np.argsort(key) + key_sort = key[idx_sort] + _, inverse, count = np.unique(key_sort, return_inverse=True, return_counts=True) + if self.mode == "train": # train mode + idx_select = ( + np.cumsum(np.insert(count, 0, 0)[0:-1]) + + np.random.randint(0, count.max(), count.size) % count + ) + idx_unique = idx_sort[idx_select] + if "sampled_index" in data_dict: + # for ScanNet data efficient, we need to make sure labeled point is sampled. + idx_unique = np.unique( + np.append(idx_unique, data_dict["sampled_index"]) + ) + mask = np.zeros_like(data_dict["segment"]).astype(bool) + mask[data_dict["sampled_index"]] = True + data_dict["sampled_index"] = np.where(mask[idx_unique])[0] + if self.return_inverse: + data_dict["inverse"] = np.zeros_like(inverse) + data_dict["inverse"][idx_sort] = inverse + if self.return_grid_coord: + data_dict["grid_coord"] = grid_coord[idx_unique] + if self.return_min_coord: + data_dict["min_coord"] = min_coord.reshape([1, 3]) + if self.return_displacement: + displacement = ( + scaled_coord - grid_coord - 0.5 + ) # [0, 1] -> [-0.5, 0.5] displacement to center + if self.project_displacement: + displacement = np.sum( + displacement * data_dict["normal"], axis=-1, keepdims=True + ) + data_dict["displacement"] = displacement[idx_unique] + for key in self.keys: + data_dict[key] = data_dict[key][idx_unique] + return data_dict + + elif self.mode == "test": # test mode + data_part_list = [] + for i in range(count.max()): + idx_select = np.cumsum(np.insert(count, 0, 0)[0:-1]) + i % count + idx_part = idx_sort[idx_select] + data_part = dict(index=idx_part) + if self.return_inverse: + data_dict["inverse"] = np.zeros_like(inverse) + data_dict["inverse"][idx_sort] = inverse + if self.return_grid_coord: + data_part["grid_coord"] = grid_coord[idx_part] + if self.return_min_coord: + data_part["min_coord"] = min_coord.reshape([1, 3]) + if self.return_displacement: + displacement = ( + scaled_coord - grid_coord - 0.5 + ) # [0, 1] -> [-0.5, 0.5] displacement to center + if self.project_displacement: + displacement = np.sum( + displacement * data_dict["normal"], axis=-1, keepdims=True + ) + data_dict["displacement"] = displacement[idx_part] + for key in data_dict.keys(): + if key in self.keys: + data_part[key] = data_dict[key][idx_part] + else: + data_part[key] = data_dict[key] + data_part_list.append(data_part) + return data_part_list + else: + raise NotImplementedError + + @staticmethod + def ravel_hash_vec(arr): + """ + Ravel the coordinates after subtracting the min coordinates. + """ + assert arr.ndim == 2 + arr = arr.copy() + arr -= arr.min(0) + arr = arr.astype(np.uint64, copy=False) + arr_max = arr.max(0).astype(np.uint64) + 1 + + keys = np.zeros(arr.shape[0], dtype=np.uint64) + # Fortran style indexing + for j in range(arr.shape[1] - 1): + keys += arr[:, j] + keys *= arr_max[j + 1] + keys += arr[:, -1] + return keys + + @staticmethod + def fnv_hash_vec(arr): + """ + FNV64-1A + """ + assert arr.ndim == 2 + # Floor first for negative coordinates + arr = arr.copy() + arr = arr.astype(np.uint64, copy=False) + hashed_arr = np.uint64(14695981039346656037) * np.ones( + arr.shape[0], dtype=np.uint64 + ) + for j in range(arr.shape[1]): + hashed_arr *= np.uint64(1099511628211) + hashed_arr = np.bitwise_xor(hashed_arr, arr[:, j]) + return hashed_arr + + +@TRANSFORMS.register_module() +class SphereCrop(object): + def __init__(self, point_max=80000, sample_rate=None, mode="random"): + self.point_max = point_max + self.sample_rate = sample_rate + assert mode in ["random", "center", "all"] + self.mode = mode + + def __call__(self, data_dict): + point_max = ( + int(self.sample_rate * data_dict["coord"].shape[0]) + if self.sample_rate is not None + else self.point_max + ) + + assert "coord" in data_dict.keys() + if self.mode == "all": + # TODO: Optimize + if "index" not in data_dict.keys(): + data_dict["index"] = np.arange(data_dict["coord"].shape[0]) + data_part_list = [] + # coord_list, color_list, dist2_list, idx_list, offset_list = [], [], [], [], [] + if data_dict["coord"].shape[0] > point_max: + coord_p, idx_uni = np.random.rand( + data_dict["coord"].shape[0] + ) * 1e-3, np.array([]) + while idx_uni.size != data_dict["index"].shape[0]: + init_idx = np.argmin(coord_p) + dist2 = np.sum( + np.power(data_dict["coord"] - data_dict["coord"][init_idx], 2), + 1, + ) + idx_crop = np.argsort(dist2)[:point_max] + + data_crop_dict = dict() + if "coord" in data_dict.keys(): + data_crop_dict["coord"] = data_dict["coord"][idx_crop] + if "grid_coord" in data_dict.keys(): + data_crop_dict["grid_coord"] = data_dict["grid_coord"][idx_crop] + if "normal" in data_dict.keys(): + data_crop_dict["normal"] = data_dict["normal"][idx_crop] + if "color" in data_dict.keys(): + data_crop_dict["color"] = data_dict["color"][idx_crop] + if "displacement" in data_dict.keys(): + data_crop_dict["displacement"] = data_dict["displacement"][ + idx_crop + ] + if "strength" in data_dict.keys(): + data_crop_dict["strength"] = data_dict["strength"][idx_crop] + data_crop_dict["weight"] = dist2[idx_crop] + data_crop_dict["index"] = data_dict["index"][idx_crop] + data_part_list.append(data_crop_dict) + + delta = np.square( + 1 - data_crop_dict["weight"] / np.max(data_crop_dict["weight"]) + ) + coord_p[idx_crop] += delta + idx_uni = np.unique( + np.concatenate((idx_uni, data_crop_dict["index"])) + ) + else: + data_crop_dict = data_dict.copy() + data_crop_dict["weight"] = np.zeros(data_dict["coord"].shape[0]) + data_crop_dict["index"] = data_dict["index"] + data_part_list.append(data_crop_dict) + return data_part_list + # mode is "random" or "center" + elif data_dict["coord"].shape[0] > point_max: + if self.mode == "random": + center = data_dict["coord"][ + np.random.randint(data_dict["coord"].shape[0]) + ] + elif self.mode == "center": + center = data_dict["coord"][data_dict["coord"].shape[0] // 2] + else: + raise NotImplementedError + idx_crop = np.argsort(np.sum(np.square(data_dict["coord"] - center), 1))[ + :point_max + ] + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][idx_crop] + if "origin_coord" in data_dict.keys(): + data_dict["origin_coord"] = data_dict["origin_coord"][idx_crop] + if "grid_coord" in data_dict.keys(): + data_dict["grid_coord"] = data_dict["grid_coord"][idx_crop] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][idx_crop] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][idx_crop] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][idx_crop] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][idx_crop] + if "displacement" in data_dict.keys(): + data_dict["displacement"] = data_dict["displacement"][idx_crop] + if "strength" in data_dict.keys(): + data_dict["strength"] = data_dict["strength"][idx_crop] + return data_dict + + +@TRANSFORMS.register_module() +class ShufflePoint(object): + def __call__(self, data_dict): + assert "coord" in data_dict.keys() + shuffle_index = np.arange(data_dict["coord"].shape[0]) + np.random.shuffle(shuffle_index) + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][shuffle_index] + if "grid_coord" in data_dict.keys(): + data_dict["grid_coord"] = data_dict["grid_coord"][shuffle_index] + if "displacement" in data_dict.keys(): + data_dict["displacement"] = data_dict["displacement"][shuffle_index] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][shuffle_index] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][shuffle_index] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][shuffle_index] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][shuffle_index] + return data_dict + + +@TRANSFORMS.register_module() +class CropBoundary(object): + def __call__(self, data_dict): + assert "segment" in data_dict + segment = data_dict["segment"].flatten() + mask = (segment != 0) * (segment != 1) + if "coord" in data_dict.keys(): + data_dict["coord"] = data_dict["coord"][mask] + if "grid_coord" in data_dict.keys(): + data_dict["grid_coord"] = data_dict["grid_coord"][mask] + if "color" in data_dict.keys(): + data_dict["color"] = data_dict["color"][mask] + if "normal" in data_dict.keys(): + data_dict["normal"] = data_dict["normal"][mask] + if "segment" in data_dict.keys(): + data_dict["segment"] = data_dict["segment"][mask] + if "instance" in data_dict.keys(): + data_dict["instance"] = data_dict["instance"][mask] + return data_dict + + +@TRANSFORMS.register_module() +class ContrastiveViewsGenerator(object): + def __init__( + self, + view_keys=("coord", "color", "normal", "origin_coord"), + view_trans_cfg=None, + ): + self.view_keys = view_keys + self.view_trans = Compose(view_trans_cfg) + + def __call__(self, data_dict): + view1_dict = dict() + view2_dict = dict() + for key in self.view_keys: + view1_dict[key] = data_dict[key].copy() + view2_dict[key] = data_dict[key].copy() + view1_dict = self.view_trans(view1_dict) + view2_dict = self.view_trans(view2_dict) + for key, value in view1_dict.items(): + data_dict["view1_" + key] = value + for key, value in view2_dict.items(): + data_dict["view2_" + key] = value + return data_dict + + +@TRANSFORMS.register_module() +class InstanceParser(object): + def __init__(self, segment_ignore_index=(-1, 0, 1), instance_ignore_index=-1): + self.segment_ignore_index = segment_ignore_index + self.instance_ignore_index = instance_ignore_index + + def __call__(self, data_dict): + coord = data_dict["coord"] + segment = data_dict["segment"] + instance = data_dict["instance"] + mask = ~np.in1d(segment, self.segment_ignore_index) + # mapping ignored instance to ignore index + instance[~mask] = self.instance_ignore_index + # reorder left instance + unique, inverse = np.unique(instance[mask], return_inverse=True) + instance_num = len(unique) + instance[mask] = inverse + # init instance information + centroid = np.ones((coord.shape[0], 3)) * self.instance_ignore_index + bbox = np.ones((instance_num, 8)) * self.instance_ignore_index + vacancy = [ + index for index in self.segment_ignore_index if index >= 0 + ] # vacate class index + + for instance_id in range(instance_num): + mask_ = instance == instance_id + coord_ = coord[mask_] + bbox_min = coord_.min(0) + bbox_max = coord_.max(0) + bbox_centroid = coord_.mean(0) + bbox_center = (bbox_max + bbox_min) / 2 + bbox_size = bbox_max - bbox_min + bbox_theta = np.zeros(1, dtype=coord_.dtype) + bbox_class = np.array([segment[mask_][0]], dtype=coord_.dtype) + # shift class index to fill vacate class index caused by segment ignore index + bbox_class -= np.greater(bbox_class, vacancy).sum() + + centroid[mask_] = bbox_centroid + bbox[instance_id] = np.concatenate( + [bbox_center, bbox_size, bbox_theta, bbox_class] + ) # 3 + 3 + 1 + 1 = 8 + data_dict["instance"] = instance + data_dict["instance_centroid"] = centroid + data_dict["bbox"] = bbox + return data_dict + + +class Compose(object): + def __init__(self, cfg=None): + self.cfg = cfg if cfg is not None else [] + self.transforms = [] + for t_cfg in self.cfg: + self.transforms.append(TRANSFORMS.build(t_cfg)) + + def __call__(self, data_dict): + for t in self.transforms: + data_dict = t(data_dict) + return data_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/utils.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..3abb9bf88c81f5eae302468ffc91c62bd942a002 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/utils.py @@ -0,0 +1,59 @@ +""" +Utils for Datasets + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import random +from collections.abc import Mapping, Sequence +import numpy as np +import torch +from torch.utils.data.dataloader import default_collate + + +def collate_fn(batch): + """ + collate function for point cloud which support dict and list, + 'coord' is necessary to determine 'offset' + """ + if not isinstance(batch, Sequence): + raise TypeError(f"{batch.dtype} is not supported.") + + if isinstance(batch[0], torch.Tensor): + return torch.cat(list(batch)) + elif isinstance(batch[0], str): + # str is also a kind of Sequence, judgement should before Sequence + return list(batch) + elif isinstance(batch[0], Sequence): + for data in batch: + data.append(torch.tensor([data[0].shape[0]])) + batch = [collate_fn(samples) for samples in zip(*batch)] + batch[-1] = torch.cumsum(batch[-1], dim=0).int() + return batch + elif isinstance(batch[0], Mapping): + batch = {key: collate_fn([d[key] for d in batch]) for key in batch[0]} + for key in batch.keys(): + if "offset" in key: + batch[key] = torch.cumsum(batch[key], dim=0) + return batch + else: + return default_collate(batch) + + +def point_collate_fn(batch, mix_prob=0): + assert isinstance( + batch[0], Mapping + ) # currently, only support input_dict, rather than input_list + batch = collate_fn(batch) + if "offset" in batch.keys(): + # Mix3d (https://arxiv.org/pdf/2110.02210.pdf) + if random.random() < mix_prob: + batch["offset"] = torch.cat( + [batch["offset"][1:-1:2], batch["offset"][-1].unsqueeze(0)], dim=0 + ) + return batch + + +def gaussian_kernel(dist2: np.array, a: float = 1, c: float = 5): + return a * np.exp(-dist2 / (2 * c**2)) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/waymo.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/waymo.py new file mode 100644 index 0000000000000000000000000000000000000000..93e7f7ee1a0f18f9c932248b5d1d192dcb78f5f5 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/datasets/waymo.py @@ -0,0 +1,104 @@ +""" +Waymo dataset + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import numpy as np +import glob + +from .builder import DATASETS +from .defaults import DefaultDataset + + +@DATASETS.register_module() +class WaymoDataset(DefaultDataset): + def __init__( + self, + timestamp=(0,), + reference_label=True, + timing_embedding=False, + **kwargs, + ): + super().__init__(**kwargs) + assert timestamp[0] == 0 + self.timestamp = timestamp + self.reference_label = reference_label + self.timing_embedding = timing_embedding + self.data_list = sorted(self.data_list) + _, self.sequence_offset, self.sequence_index = np.unique( + [os.path.dirname(data) for data in self.data_list], + return_index=True, + return_inverse=True, + ) + self.sequence_offset = np.append(self.sequence_offset, len(self.data_list)) + + def get_data_list(self): + if isinstance(self.split, str): + self.split = [self.split] + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split, "*", "*")) + return data_list + + @staticmethod + def align_pose(coord, pose, target_pose): + coord = np.hstack((coord, np.ones_like(coord[:, :1]))) + pose_align = np.matmul(np.linalg.inv(target_pose), pose) + coord = (pose_align @ coord.T).T[:, :3] + return coord + + def get_single_frame(self, idx): + return super().get_data(idx) + + def get_data(self, idx): + idx = idx % len(self.data_list) + if self.timestamp == (0,): + return self.get_single_frame(idx) + + sequence_index = self.sequence_index[idx] + lower, upper = self.sequence_offset[[sequence_index, sequence_index + 1]] + major_frame = self.get_single_frame(idx) + name = major_frame.pop("name") + target_pose = major_frame.pop("pose") + for key in major_frame.keys(): + major_frame[key] = [major_frame[key]] + + for timestamp in self.timestamp[1:]: + refer_idx = timestamp + idx + if refer_idx < lower or upper <= refer_idx: + continue + refer_frame = self.get_single_frame(refer_idx) + refer_frame.pop("name") + pose = refer_frame.pop("pose") + refer_frame["coord"] = self.align_pose( + refer_frame["coord"], pose, target_pose + ) + if not self.reference_label: + refer_frame["segment"] = ( + np.ones_like(refer_frame["segment"]) * self.ignore_index + ) + + if self.timing_embedding: + refer_frame["strength"] = np.hstack( + ( + refer_frame["strength"], + np.ones_like(refer_frame["strength"]) * timestamp, + ) + ) + + for key in major_frame.keys(): + major_frame[key].append(refer_frame[key]) + for key in major_frame.keys(): + major_frame[key] = np.concatenate(major_frame[key], axis=0) + major_frame["name"] = name + return major_frame + + def get_data_name(self, idx): + file_path = self.data_list[idx % len(self.data_list)] + sequence_path, frame_name = os.path.split(file_path) + sequence_name = os.path.basename(sequence_path) + data_name = f"{sequence_name}_{frame_name}" + return data_name diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/defaults.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/defaults.py new file mode 100644 index 0000000000000000000000000000000000000000..d45e7925a50acb03bb510c46ec4c566f6815cc05 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/defaults.py @@ -0,0 +1,152 @@ +""" +Default training/testing logic + +modified from detectron2(https://github.com/facebookresearch/detectron2) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import sys +import argparse +import multiprocessing as mp +from torch.nn.parallel import DistributedDataParallel + + +import pointcept.utils.comm as comm +from pointcept.utils.env import get_random_seed, set_seed +from pointcept.utils.config import Config, DictAction + + +def create_ddp_model(model, *, fp16_compression=False, **kwargs): + """ + Create a DistributedDataParallel model if there are >1 processes. + Args: + model: a torch.nn.Module + fp16_compression: add fp16 compression hooks to the ddp object. + See more at https://pytorch.org/docs/stable/ddp_comm_hooks.html#torch.distributed.algorithms.ddp_comm_hooks.default_hooks.fp16_compress_hook + kwargs: other arguments of :module:`torch.nn.parallel.DistributedDataParallel`. + """ + if comm.get_world_size() == 1: + return model + # kwargs['find_unused_parameters'] = True + if "device_ids" not in kwargs: + kwargs["device_ids"] = [comm.get_local_rank()] + if "output_device" not in kwargs: + kwargs["output_device"] = [comm.get_local_rank()] + ddp = DistributedDataParallel(model, **kwargs) + if fp16_compression: + from torch.distributed.algorithms.ddp_comm_hooks import default as comm_hooks + + ddp.register_comm_hook(state=None, hook=comm_hooks.fp16_compress_hook) + return ddp + + +def worker_init_fn(worker_id, num_workers, rank, seed): + """Worker init func for dataloader. + + The seed of each worker equals to num_worker * rank + worker_id + user_seed + + Args: + worker_id (int): Worker id. + num_workers (int): Number of workers. + rank (int): The rank of current process. + seed (int): The random seed to use. + """ + + worker_seed = num_workers * rank + worker_id + seed + set_seed(worker_seed) + + +def default_argument_parser(epilog=None): + parser = argparse.ArgumentParser( + epilog=epilog + or f""" + Examples: + Run on single machine: + $ {sys.argv[0]} --num-gpus 8 --config-file cfg.yaml + Change some config options: + $ {sys.argv[0]} --config-file cfg.yaml MODEL.WEIGHTS /path/to/weight.pth SOLVER.BASE_LR 0.001 + Run on multiple machines: + (machine0)$ {sys.argv[0]} --machine-rank 0 --num-machines 2 --dist-url [--other-flags] + (machine1)$ {sys.argv[0]} --machine-rank 1 --num-machines 2 --dist-url [--other-flags] + """, + formatter_class=argparse.RawDescriptionHelpFormatter, + ) + parser.add_argument( + "--config-file", default="", metavar="FILE", help="path to config file" + ) + parser.add_argument( + "--num-gpus", type=int, default=1, help="number of gpus *per machine*" + ) + parser.add_argument( + "--num-machines", type=int, default=1, help="total number of machines" + ) + parser.add_argument( + "--machine-rank", + type=int, + default=0, + help="the rank of this machine (unique per machine)", + ) + # PyTorch still may leave orphan processes in multi-gpu training. + # Therefore we use a deterministic way to obtain port, + # so that users are aware of orphan processes by seeing the port occupied. + # port = 2 ** 15 + 2 ** 14 + hash(os.getuid() if sys.platform != "win32" else 1) % 2 ** 14 + parser.add_argument( + "--dist-url", + # default="tcp://127.0.0.1:{}".format(port), + default="auto", + help="initialization URL for pytorch distributed backend. See " + "https://pytorch.org/docs/stable/distributed.html for details.", + ) + parser.add_argument( + "--options", nargs="+", action=DictAction, help="custom options" + ) + return parser + + +def default_config_parser(file_path, options): + # config name protocol: dataset_name/model_name-exp_name + if os.path.isfile(file_path): + cfg = Config.fromfile(file_path) + else: + sep = file_path.find("-") + cfg = Config.fromfile(os.path.join(file_path[:sep], file_path[sep + 1 :])) + + if options is not None: + cfg.merge_from_dict(options) + + if cfg.seed is None: + cfg.seed = get_random_seed() + + cfg.data.train.loop = cfg.epoch // cfg.eval_epoch + + os.makedirs(os.path.join(cfg.save_path, "model"), exist_ok=True) + if not cfg.resume: + cfg.dump(os.path.join(cfg.save_path, "config.py")) + return cfg + + +def default_setup(cfg): + # scalar by world size + world_size = comm.get_world_size() + cfg.num_worker = cfg.num_worker if cfg.num_worker is not None else mp.cpu_count() + cfg.num_worker_per_gpu = cfg.num_worker // world_size + assert cfg.batch_size % world_size == 0 + assert cfg.batch_size_val is None or cfg.batch_size_val % world_size == 0 + assert cfg.batch_size_test is None or cfg.batch_size_test % world_size == 0 + cfg.batch_size_per_gpu = cfg.batch_size // world_size + cfg.batch_size_val_per_gpu = ( + cfg.batch_size_val // world_size if cfg.batch_size_val is not None else 1 + ) + cfg.batch_size_test_per_gpu = ( + cfg.batch_size_test // world_size if cfg.batch_size_test is not None else 1 + ) + # update data loop + assert cfg.epoch % cfg.eval_epoch == 0 + # settle random seed + rank = comm.get_rank() + seed = None if cfg.seed is None else cfg.seed * cfg.num_worker_per_gpu + rank + set_seed(seed) + return cfg diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..1ab2c4beb7f1938d9703e572ad8619fe88bff223 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/__init__.py @@ -0,0 +1,5 @@ +from .default import HookBase +from .misc import * +from .evaluator import * + +from .builder import build_hooks diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/builder.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..2f4cce4871b0e18f3adc1f7430a8d5410442c77c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/builder.py @@ -0,0 +1,18 @@ +""" +Hook Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + + +HOOKS = Registry("hooks") + + +def build_hooks(cfg): + hooks = [] + for hook_cfg in cfg: + hooks.append(HOOKS.build(hook_cfg)) + return hooks diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/default.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/default.py new file mode 100644 index 0000000000000000000000000000000000000000..87a64415a5a66d2570dffbaa7b90707443be42e2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/default.py @@ -0,0 +1,32 @@ +""" +Default Hook + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + + +class HookBase: + """ + Base class for hooks that can be registered with :class:`TrainerBase`. + """ + + trainer = None # A weak reference to the trainer object. + + def before_train(self): + pass + + def before_epoch(self): + pass + + def before_step(self): + pass + + def after_step(self): + pass + + def after_epoch(self): + pass + + def after_train(self): + pass diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/evaluator.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/evaluator.py new file mode 100644 index 0000000000000000000000000000000000000000..02b35b3abd83e0a7b59f532f1ca8aacf70afcce2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/evaluator.py @@ -0,0 +1,581 @@ +""" +Evaluate Hook + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import numpy as np +import torch +import torch.distributed as dist +import pointops +from uuid import uuid4 + +import pointcept.utils.comm as comm +from pointcept.utils.misc import intersection_and_union_gpu + +from .default import HookBase +from .builder import HOOKS + + +@HOOKS.register_module() +class ClsEvaluator(HookBase): + def after_epoch(self): + if self.trainer.cfg.evaluate: + self.eval() + + def eval(self): + self.trainer.logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + self.trainer.model.eval() + for i, input_dict in enumerate(self.trainer.val_loader): + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + output_dict = self.trainer.model(input_dict) + output = output_dict["cls_logits"] + loss = output_dict["loss"] + pred = output.max(1)[1] + label = input_dict["category"] + intersection, union, target = intersection_and_union_gpu( + pred, + label, + self.trainer.cfg.data.num_classes, + self.trainer.cfg.data.ignore_index, + ) + if comm.get_world_size() > 1: + dist.all_reduce(intersection), dist.all_reduce(union), dist.all_reduce( + target + ) + intersection, union, target = ( + intersection.cpu().numpy(), + union.cpu().numpy(), + target.cpu().numpy(), + ) + # Here there is no need to sync since sync happened in dist.all_reduce + self.trainer.storage.put_scalar("val_intersection", intersection) + self.trainer.storage.put_scalar("val_union", union) + self.trainer.storage.put_scalar("val_target", target) + self.trainer.storage.put_scalar("val_loss", loss.item()) + self.trainer.logger.info( + "Test: [{iter}/{max_iter}] " + "Loss {loss:.4f} ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader), loss=loss.item() + ) + ) + loss_avg = self.trainer.storage.history("val_loss").avg + intersection = self.trainer.storage.history("val_intersection").total + union = self.trainer.storage.history("val_union").total + target = self.trainer.storage.history("val_target").total + iou_class = intersection / (union + 1e-10) + acc_class = intersection / (target + 1e-10) + m_iou = np.mean(iou_class) + m_acc = np.mean(acc_class) + all_acc = sum(intersection) / (sum(target) + 1e-10) + self.trainer.logger.info( + "Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}.".format( + m_iou, m_acc, all_acc + ) + ) + for i in range(self.trainer.cfg.data.num_classes): + self.trainer.logger.info( + "Class_{idx}-{name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.trainer.cfg.data.names[i], + iou=iou_class[i], + accuracy=acc_class[i], + ) + ) + current_epoch = self.trainer.epoch + 1 + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("val/loss", loss_avg, current_epoch) + self.trainer.writer.add_scalar("val/mIoU", m_iou, current_epoch) + self.trainer.writer.add_scalar("val/mAcc", m_acc, current_epoch) + self.trainer.writer.add_scalar("val/allAcc", all_acc, current_epoch) + self.trainer.logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + self.trainer.comm_info["current_metric_value"] = all_acc # save for saver + self.trainer.comm_info["current_metric_name"] = "allAcc" # save for saver + + def after_train(self): + self.trainer.logger.info( + "Best {}: {:.4f}".format("allAcc", self.trainer.best_metric_value) + ) + + +@HOOKS.register_module() +class SemSegEvaluator(HookBase): + def after_epoch(self): + if self.trainer.cfg.evaluate: + self.eval() + + def eval(self): + self.trainer.logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + self.trainer.model.eval() + for i, input_dict in enumerate(self.trainer.val_loader): + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + output_dict = self.trainer.model(input_dict) + output = output_dict["seg_logits"] + loss = output_dict["loss"] + pred = output.max(1)[1] + segment = input_dict["segment"] + if "origin_coord" in input_dict.keys(): + idx, _ = pointops.knn_query( + 1, + input_dict["coord"].float(), + input_dict["offset"].int(), + input_dict["origin_coord"].float(), + input_dict["origin_offset"].int(), + ) + pred = pred[idx.flatten().long()] + segment = input_dict["origin_segment"] + intersection, union, target = intersection_and_union_gpu( + pred, + segment, + self.trainer.cfg.data.num_classes, + self.trainer.cfg.data.ignore_index, + ) + if comm.get_world_size() > 1: + dist.all_reduce(intersection), dist.all_reduce(union), dist.all_reduce( + target + ) + intersection, union, target = ( + intersection.cpu().numpy(), + union.cpu().numpy(), + target.cpu().numpy(), + ) + # Here there is no need to sync since sync happened in dist.all_reduce + self.trainer.storage.put_scalar("val_intersection", intersection) + self.trainer.storage.put_scalar("val_union", union) + self.trainer.storage.put_scalar("val_target", target) + self.trainer.storage.put_scalar("val_loss", loss.item()) + info = "Test: [{iter}/{max_iter}] ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader) + ) + if "origin_coord" in input_dict.keys(): + info = "Interp. " + info + self.trainer.logger.info( + info + + "Loss {loss:.4f} ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader), loss=loss.item() + ) + ) + loss_avg = self.trainer.storage.history("val_loss").avg + intersection = self.trainer.storage.history("val_intersection").total + union = self.trainer.storage.history("val_union").total + target = self.trainer.storage.history("val_target").total + iou_class = intersection / (union + 1e-10) + acc_class = intersection / (target + 1e-10) + m_iou = np.mean(iou_class) + m_acc = np.mean(acc_class) + all_acc = sum(intersection) / (sum(target) + 1e-10) + self.trainer.logger.info( + "Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}.".format( + m_iou, m_acc, all_acc + ) + ) + for i in range(self.trainer.cfg.data.num_classes): + self.trainer.logger.info( + "Class_{idx}-{name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.trainer.cfg.data.names[i], + iou=iou_class[i], + accuracy=acc_class[i], + ) + ) + current_epoch = self.trainer.epoch + 1 + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("val/loss", loss_avg, current_epoch) + self.trainer.writer.add_scalar("val/mIoU", m_iou, current_epoch) + self.trainer.writer.add_scalar("val/mAcc", m_acc, current_epoch) + self.trainer.writer.add_scalar("val/allAcc", all_acc, current_epoch) + self.trainer.logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + self.trainer.comm_info["current_metric_value"] = m_iou # save for saver + self.trainer.comm_info["current_metric_name"] = "mIoU" # save for saver + + def after_train(self): + self.trainer.logger.info( + "Best {}: {:.4f}".format("mIoU", self.trainer.best_metric_value) + ) + + +@HOOKS.register_module() +class InsSegEvaluator(HookBase): + def __init__(self, segment_ignore_index=(-1,), instance_ignore_index=-1): + self.segment_ignore_index = segment_ignore_index + self.instance_ignore_index = instance_ignore_index + + self.valid_class_names = None # update in before train + self.overlaps = np.append(np.arange(0.5, 0.95, 0.05), 0.25) + self.min_region_sizes = 100 + self.distance_threshes = float("inf") + self.distance_confs = -float("inf") + + def before_train(self): + self.valid_class_names = [ + self.trainer.cfg.data.names[i] + for i in range(self.trainer.cfg.data.num_classes) + if i not in self.segment_ignore_index + ] + + def after_epoch(self): + if self.trainer.cfg.evaluate: + self.eval() + + def associate_instances(self, pred, segment, instance): + segment = segment.cpu().numpy() + instance = instance.cpu().numpy() + void_mask = np.in1d(segment, self.segment_ignore_index) + + assert ( + pred["pred_classes"].shape[0] + == pred["pred_scores"].shape[0] + == pred["pred_masks"].shape[0] + ) + assert pred["pred_masks"].shape[1] == segment.shape[0] == instance.shape[0] + # get gt instances + gt_instances = dict() + for i in range(self.trainer.cfg.data.num_classes): + if i not in self.segment_ignore_index: + gt_instances[self.trainer.cfg.data.names[i]] = [] + instance_ids, idx, counts = np.unique( + instance, return_index=True, return_counts=True + ) + segment_ids = segment[idx] + for i in range(len(instance_ids)): + if instance_ids[i] == self.instance_ignore_index: + continue + if segment_ids[i] in self.segment_ignore_index: + continue + gt_inst = dict() + gt_inst["instance_id"] = instance_ids[i] + gt_inst["segment_id"] = segment_ids[i] + gt_inst["dist_conf"] = 0.0 + gt_inst["med_dist"] = -1.0 + gt_inst["vert_count"] = counts[i] + gt_inst["matched_pred"] = [] + gt_instances[self.trainer.cfg.data.names[segment_ids[i]]].append(gt_inst) + + # get pred instances and associate with gt + pred_instances = dict() + for i in range(self.trainer.cfg.data.num_classes): + if i not in self.segment_ignore_index: + pred_instances[self.trainer.cfg.data.names[i]] = [] + instance_id = 0 + for i in range(len(pred["pred_classes"])): + if pred["pred_classes"][i] in self.segment_ignore_index: + continue + pred_inst = dict() + pred_inst["uuid"] = uuid4() + pred_inst["instance_id"] = instance_id + pred_inst["segment_id"] = pred["pred_classes"][i] + pred_inst["confidence"] = pred["pred_scores"][i] + pred_inst["mask"] = np.not_equal(pred["pred_masks"][i], 0) + pred_inst["vert_count"] = np.count_nonzero(pred_inst["mask"]) + pred_inst["void_intersection"] = np.count_nonzero( + np.logical_and(void_mask, pred_inst["mask"]) + ) + if pred_inst["vert_count"] < self.min_region_sizes: + continue # skip if empty + segment_name = self.trainer.cfg.data.names[pred_inst["segment_id"]] + matched_gt = [] + for gt_idx, gt_inst in enumerate(gt_instances[segment_name]): + intersection = np.count_nonzero( + np.logical_and( + instance == gt_inst["instance_id"], pred_inst["mask"] + ) + ) + if intersection > 0: + gt_inst_ = gt_inst.copy() + pred_inst_ = pred_inst.copy() + gt_inst_["intersection"] = intersection + pred_inst_["intersection"] = intersection + matched_gt.append(gt_inst_) + gt_inst["matched_pred"].append(pred_inst_) + pred_inst["matched_gt"] = matched_gt + pred_instances[segment_name].append(pred_inst) + instance_id += 1 + return gt_instances, pred_instances + + def evaluate_matches(self, scenes): + overlaps = self.overlaps + min_region_sizes = [self.min_region_sizes] + dist_threshes = [self.distance_threshes] + dist_confs = [self.distance_confs] + + # results: class x overlap + ap_table = np.zeros( + (len(dist_threshes), len(self.valid_class_names), len(overlaps)), float + ) + for di, (min_region_size, distance_thresh, distance_conf) in enumerate( + zip(min_region_sizes, dist_threshes, dist_confs) + ): + for oi, overlap_th in enumerate(overlaps): + pred_visited = {} + for scene in scenes: + for _ in scene["pred"]: + for label_name in self.valid_class_names: + for p in scene["pred"][label_name]: + if "uuid" in p: + pred_visited[p["uuid"]] = False + for li, label_name in enumerate(self.valid_class_names): + y_true = np.empty(0) + y_score = np.empty(0) + hard_false_negatives = 0 + has_gt = False + has_pred = False + for scene in scenes: + pred_instances = scene["pred"][label_name] + gt_instances = scene["gt"][label_name] + # filter groups in ground truth + gt_instances = [ + gt + for gt in gt_instances + if gt["vert_count"] >= min_region_size + and gt["med_dist"] <= distance_thresh + and gt["dist_conf"] >= distance_conf + ] + if gt_instances: + has_gt = True + if pred_instances: + has_pred = True + + cur_true = np.ones(len(gt_instances)) + cur_score = np.ones(len(gt_instances)) * (-float("inf")) + cur_match = np.zeros(len(gt_instances), dtype=bool) + # collect matches + for gti, gt in enumerate(gt_instances): + found_match = False + for pred in gt["matched_pred"]: + # greedy assignments + if pred_visited[pred["uuid"]]: + continue + overlap = float(pred["intersection"]) / ( + gt["vert_count"] + + pred["vert_count"] + - pred["intersection"] + ) + if overlap > overlap_th: + confidence = pred["confidence"] + # if already have a prediction for this gt, + # the prediction with the lower score is automatically a false positive + if cur_match[gti]: + max_score = max(cur_score[gti], confidence) + min_score = min(cur_score[gti], confidence) + cur_score[gti] = max_score + # append false positive + cur_true = np.append(cur_true, 0) + cur_score = np.append(cur_score, min_score) + cur_match = np.append(cur_match, True) + # otherwise set score + else: + found_match = True + cur_match[gti] = True + cur_score[gti] = confidence + pred_visited[pred["uuid"]] = True + if not found_match: + hard_false_negatives += 1 + # remove non-matched ground truth instances + cur_true = cur_true[cur_match] + cur_score = cur_score[cur_match] + + # collect non-matched predictions as false positive + for pred in pred_instances: + found_gt = False + for gt in pred["matched_gt"]: + overlap = float(gt["intersection"]) / ( + gt["vert_count"] + + pred["vert_count"] + - gt["intersection"] + ) + if overlap > overlap_th: + found_gt = True + break + if not found_gt: + num_ignore = pred["void_intersection"] + for gt in pred["matched_gt"]: + if gt["segment_id"] in self.segment_ignore_index: + num_ignore += gt["intersection"] + # small ground truth instances + if ( + gt["vert_count"] < min_region_size + or gt["med_dist"] > distance_thresh + or gt["dist_conf"] < distance_conf + ): + num_ignore += gt["intersection"] + proportion_ignore = ( + float(num_ignore) / pred["vert_count"] + ) + # if not ignored append false positive + if proportion_ignore <= overlap_th: + cur_true = np.append(cur_true, 0) + confidence = pred["confidence"] + cur_score = np.append(cur_score, confidence) + + # append to overall results + y_true = np.append(y_true, cur_true) + y_score = np.append(y_score, cur_score) + + # compute average precision + if has_gt and has_pred: + # compute precision recall curve first + + # sorting and cumsum + score_arg_sort = np.argsort(y_score) + y_score_sorted = y_score[score_arg_sort] + y_true_sorted = y_true[score_arg_sort] + y_true_sorted_cumsum = np.cumsum(y_true_sorted) + + # unique thresholds + (thresholds, unique_indices) = np.unique( + y_score_sorted, return_index=True + ) + num_prec_recall = len(unique_indices) + 1 + + # prepare precision recall + num_examples = len(y_score_sorted) + # https://github.com/ScanNet/ScanNet/pull/26 + # all predictions are non-matched but also all of them are ignored and not counted as FP + # y_true_sorted_cumsum is empty + # num_true_examples = y_true_sorted_cumsum[-1] + num_true_examples = ( + y_true_sorted_cumsum[-1] + if len(y_true_sorted_cumsum) > 0 + else 0 + ) + precision = np.zeros(num_prec_recall) + recall = np.zeros(num_prec_recall) + + # deal with the first point + y_true_sorted_cumsum = np.append(y_true_sorted_cumsum, 0) + # deal with remaining + for idx_res, idx_scores in enumerate(unique_indices): + cumsum = y_true_sorted_cumsum[idx_scores - 1] + tp = num_true_examples - cumsum + fp = num_examples - idx_scores - tp + fn = cumsum + hard_false_negatives + p = float(tp) / (tp + fp) + r = float(tp) / (tp + fn) + precision[idx_res] = p + recall[idx_res] = r + + # first point in curve is artificial + precision[-1] = 1.0 + recall[-1] = 0.0 + + # compute average of precision-recall curve + recall_for_conv = np.copy(recall) + recall_for_conv = np.append(recall_for_conv[0], recall_for_conv) + recall_for_conv = np.append(recall_for_conv, 0.0) + + stepWidths = np.convolve( + recall_for_conv, [-0.5, 0, 0.5], "valid" + ) + # integrate is now simply a dot product + ap_current = np.dot(precision, stepWidths) + + elif has_gt: + ap_current = 0.0 + else: + ap_current = float("nan") + ap_table[di, li, oi] = ap_current + d_inf = 0 + o50 = np.where(np.isclose(self.overlaps, 0.5)) + o25 = np.where(np.isclose(self.overlaps, 0.25)) + oAllBut25 = np.where(np.logical_not(np.isclose(self.overlaps, 0.25))) + ap_scores = dict() + ap_scores["all_ap"] = np.nanmean(ap_table[d_inf, :, oAllBut25]) + ap_scores["all_ap_50%"] = np.nanmean(ap_table[d_inf, :, o50]) + ap_scores["all_ap_25%"] = np.nanmean(ap_table[d_inf, :, o25]) + ap_scores["classes"] = {} + for li, label_name in enumerate(self.valid_class_names): + ap_scores["classes"][label_name] = {} + ap_scores["classes"][label_name]["ap"] = np.average( + ap_table[d_inf, li, oAllBut25] + ) + ap_scores["classes"][label_name]["ap50%"] = np.average( + ap_table[d_inf, li, o50] + ) + ap_scores["classes"][label_name]["ap25%"] = np.average( + ap_table[d_inf, li, o25] + ) + return ap_scores + + def eval(self): + self.trainer.logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + self.trainer.model.eval() + scenes = [] + for i, input_dict in enumerate(self.trainer.val_loader): + assert ( + len(input_dict["offset"]) == 1 + ) # currently only support bs 1 for each GPU + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + output_dict = self.trainer.model(input_dict) + + loss = output_dict["loss"] + + segment = input_dict["segment"] + instance = input_dict["instance"] + # map to origin + if "origin_coord" in input_dict.keys(): + idx, _ = pointops.knn_query( + 1, + input_dict["coord"].float(), + input_dict["offset"].int(), + input_dict["origin_coord"].float(), + input_dict["origin_offset"].int(), + ) + idx = idx.cpu().flatten().long() + output_dict["pred_masks"] = output_dict["pred_masks"][:, idx] + segment = input_dict["origin_segment"] + instance = input_dict["origin_instance"] + + gt_instances, pred_instance = self.associate_instances( + output_dict, segment, instance + ) + scenes.append(dict(gt=gt_instances, pred=pred_instance)) + + self.trainer.storage.put_scalar("val_loss", loss.item()) + self.trainer.logger.info( + "Test: [{iter}/{max_iter}] " + "Loss {loss:.4f} ".format( + iter=i + 1, max_iter=len(self.trainer.val_loader), loss=loss.item() + ) + ) + + loss_avg = self.trainer.storage.history("val_loss").avg + comm.synchronize() + scenes_sync = comm.gather(scenes, dst=0) + scenes = [scene for scenes_ in scenes_sync for scene in scenes_] + ap_scores = self.evaluate_matches(scenes) + all_ap = ap_scores["all_ap"] + all_ap_50 = ap_scores["all_ap_50%"] + all_ap_25 = ap_scores["all_ap_25%"] + self.trainer.logger.info( + "Val result: mAP/AP50/AP25 {:.4f}/{:.4f}/{:.4f}.".format( + all_ap, all_ap_50, all_ap_25 + ) + ) + for i, label_name in enumerate(self.valid_class_names): + ap = ap_scores["classes"][label_name]["ap"] + ap_50 = ap_scores["classes"][label_name]["ap50%"] + ap_25 = ap_scores["classes"][label_name]["ap25%"] + self.trainer.logger.info( + "Class_{idx}-{name} Result: AP/AP50/AP25 {AP:.4f}/{AP50:.4f}/{AP25:.4f}".format( + idx=i, name=label_name, AP=ap, AP50=ap_50, AP25=ap_25 + ) + ) + current_epoch = self.trainer.epoch + 1 + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("val/loss", loss_avg, current_epoch) + self.trainer.writer.add_scalar("val/mAP", all_ap, current_epoch) + self.trainer.writer.add_scalar("val/AP50", all_ap_50, current_epoch) + self.trainer.writer.add_scalar("val/AP25", all_ap_25, current_epoch) + self.trainer.logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + self.trainer.comm_info["current_metric_value"] = all_ap_50 # save for saver + self.trainer.comm_info["current_metric_name"] = "AP50" # save for saver diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/misc.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..155bf5541fc8e5406618a801ba4ccb1e369d4308 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/hooks/misc.py @@ -0,0 +1,464 @@ +""" +Misc Hook + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import sys +import glob +import os +import shutil +import time +import torch +import torch.utils.data +from collections import OrderedDict + +if sys.version_info >= (3, 10): + from collections.abc import Sequence +else: + from collections import Sequence +from pointcept.utils.timer import Timer +from pointcept.utils.comm import is_main_process, synchronize, get_world_size +from pointcept.utils.cache import shared_dict +import pointcept.utils.comm as comm +from pointcept.engines.test import TESTERS + +from .default import HookBase +from .builder import HOOKS + + +@HOOKS.register_module() +class IterationTimer(HookBase): + def __init__(self, warmup_iter=1): + self._warmup_iter = warmup_iter + self._start_time = time.perf_counter() + self._iter_timer = Timer() + self._remain_iter = 0 + + def before_train(self): + self._start_time = time.perf_counter() + self._remain_iter = self.trainer.max_epoch * len(self.trainer.train_loader) + + def before_epoch(self): + self._iter_timer.reset() + + def before_step(self): + data_time = self._iter_timer.seconds() + self.trainer.storage.put_scalar("data_time", data_time) + + def after_step(self): + batch_time = self._iter_timer.seconds() + self._iter_timer.reset() + self.trainer.storage.put_scalar("batch_time", batch_time) + self._remain_iter -= 1 + remain_time = self._remain_iter * self.trainer.storage.history("batch_time").avg + t_m, t_s = divmod(remain_time, 60) + t_h, t_m = divmod(t_m, 60) + remain_time = "{:02d}:{:02d}:{:02d}".format(int(t_h), int(t_m), int(t_s)) + if "iter_info" in self.trainer.comm_info.keys(): + info = ( + "Data {data_time_val:.3f} ({data_time_avg:.3f}) " + "Batch {batch_time_val:.3f} ({batch_time_avg:.3f}) " + "Remain {remain_time} ".format( + data_time_val=self.trainer.storage.history("data_time").val, + data_time_avg=self.trainer.storage.history("data_time").avg, + batch_time_val=self.trainer.storage.history("batch_time").val, + batch_time_avg=self.trainer.storage.history("batch_time").avg, + remain_time=remain_time, + ) + ) + self.trainer.comm_info["iter_info"] += info + if self.trainer.comm_info["iter"] <= self._warmup_iter: + self.trainer.storage.history("data_time").reset() + self.trainer.storage.history("batch_time").reset() + + +@HOOKS.register_module() +class InformationWriter(HookBase): + def __init__(self): + self.curr_iter = 0 + self.model_output_keys = [] + + def before_train(self): + self.trainer.comm_info["iter_info"] = "" + self.curr_iter = self.trainer.start_epoch * len(self.trainer.train_loader) + + def before_step(self): + self.curr_iter += 1 + # MSC pretrain do not have offset information. Comment the code for support MSC + # info = "Train: [{epoch}/{max_epoch}][{iter}/{max_iter}] " \ + # "Scan {batch_size} ({points_num}) ".format( + # epoch=self.trainer.epoch + 1, max_epoch=self.trainer.max_epoch, + # iter=self.trainer.comm_info["iter"], max_iter=len(self.trainer.train_loader), + # batch_size=len(self.trainer.comm_info["input_dict"]["offset"]), + # points_num=self.trainer.comm_info["input_dict"]["offset"][-1] + # ) + info = "Train: [{epoch}/{max_epoch}][{iter}/{max_iter}] ".format( + epoch=self.trainer.epoch + 1, + max_epoch=self.trainer.max_epoch, + iter=self.trainer.comm_info["iter"] + 1, + max_iter=len(self.trainer.train_loader), + ) + self.trainer.comm_info["iter_info"] += info + + def after_step(self): + if "model_output_dict" in self.trainer.comm_info.keys(): + model_output_dict = self.trainer.comm_info["model_output_dict"] + self.model_output_keys = model_output_dict.keys() + for key in self.model_output_keys: + self.trainer.storage.put_scalar(key, model_output_dict[key].item()) + + for key in self.model_output_keys: + self.trainer.comm_info["iter_info"] += "{key}: {value:.4f} ".format( + key=key, value=self.trainer.storage.history(key).val + ) + lr = self.trainer.optimizer.state_dict()["param_groups"][0]["lr"] + self.trainer.comm_info["iter_info"] += "Lr: {lr:.5f}".format(lr=lr) + self.trainer.logger.info(self.trainer.comm_info["iter_info"]) + self.trainer.comm_info["iter_info"] = "" # reset iter info + if self.trainer.writer is not None: + self.trainer.writer.add_scalar("lr", lr, self.curr_iter) + for key in self.model_output_keys: + self.trainer.writer.add_scalar( + "train_batch/" + key, + self.trainer.storage.history(key).val, + self.curr_iter, + ) + + def after_epoch(self): + epoch_info = "Train result: " + for key in self.model_output_keys: + epoch_info += "{key}: {value:.4f} ".format( + key=key, value=self.trainer.storage.history(key).avg + ) + self.trainer.logger.info(epoch_info) + if self.trainer.writer is not None: + for key in self.model_output_keys: + self.trainer.writer.add_scalar( + "train/" + key, + self.trainer.storage.history(key).avg, + self.trainer.epoch + 1, + ) + + +@HOOKS.register_module() +class CheckpointSaver(HookBase): + def __init__(self, save_freq=None): + self.save_freq = save_freq # None or int, None indicate only save model last + + def after_epoch(self): + if is_main_process(): + is_best = False + if self.trainer.cfg.evaluate: + current_metric_value = self.trainer.comm_info["current_metric_value"] + current_metric_name = self.trainer.comm_info["current_metric_name"] + if current_metric_value > self.trainer.best_metric_value: + self.trainer.best_metric_value = current_metric_value + is_best = True + self.trainer.logger.info( + "Best validation {} updated to: {:.4f}".format( + current_metric_name, current_metric_value + ) + ) + self.trainer.logger.info( + "Currently Best {}: {:.4f}".format( + current_metric_name, self.trainer.best_metric_value + ) + ) + + filename = os.path.join( + self.trainer.cfg.save_path, "model", "model_last.pth" + ) + self.trainer.logger.info("Saving checkpoint to: " + filename) + torch.save( + { + "epoch": self.trainer.epoch + 1, + "state_dict": self.trainer.model.state_dict(), + "optimizer": self.trainer.optimizer.state_dict(), + "scheduler": self.trainer.scheduler.state_dict(), + "scaler": ( + self.trainer.scaler.state_dict() + if self.trainer.cfg.enable_amp + else None + ), + "best_metric_value": self.trainer.best_metric_value, + }, + filename + ".tmp", + ) + os.replace(filename + ".tmp", filename) + if is_best: + shutil.copyfile( + filename, + os.path.join(self.trainer.cfg.save_path, "model", "model_best.pth"), + ) + if self.save_freq and (self.trainer.epoch + 1) % self.save_freq == 0: + shutil.copyfile( + filename, + os.path.join( + self.trainer.cfg.save_path, + "model", + f"epoch_{self.trainer.epoch + 1}.pth", + ), + ) + + +@HOOKS.register_module() +class CheckpointLoader(HookBase): + def __init__(self, keywords="", replacement=None, strict=False): + self.keywords = keywords + self.replacement = replacement if replacement is not None else keywords + self.strict = strict + + def before_train(self): + self.trainer.logger.info("=> Loading checkpoint & weight ...") + if self.trainer.cfg.weight and os.path.isfile(self.trainer.cfg.weight): + self.trainer.logger.info(f"Loading weight at: {self.trainer.cfg.weight}") + checkpoint = torch.load( + self.trainer.cfg.weight, + map_location=lambda storage, loc: storage.cuda(), + ) + self.trainer.logger.info( + f"Loading layer weights with keyword: {self.keywords}, " + f"replace keyword with: {self.replacement}" + ) + weight = OrderedDict() + for key, value in checkpoint["state_dict"].items(): + if not key.startswith("module."): + key = "module." + key # xxx.xxx -> module.xxx.xxx + # Now all keys contain "module." no matter DDP or not. + if self.keywords in key: + key = key.replace(self.keywords, self.replacement) + if comm.get_world_size() == 1: + key = key[7:] # module.xxx.xxx -> xxx.xxx + weight[key] = value + load_state_info = self.trainer.model.load_state_dict( + weight, strict=self.strict + ) + self.trainer.logger.info(f"Missing keys: {load_state_info[0]}") + if self.trainer.cfg.resume: + self.trainer.logger.info( + f"Resuming train at eval epoch: {checkpoint['epoch']}" + ) + self.trainer.start_epoch = checkpoint["epoch"] + self.trainer.best_metric_value = checkpoint["best_metric_value"] + self.trainer.optimizer.load_state_dict(checkpoint["optimizer"]) + self.trainer.scheduler.load_state_dict(checkpoint["scheduler"]) + if self.trainer.cfg.enable_amp: + self.trainer.scaler.load_state_dict(checkpoint["scaler"]) + else: + self.trainer.logger.info(f"No weight found at: {self.trainer.cfg.weight}") + + +@HOOKS.register_module() +class PreciseEvaluator(HookBase): + def __init__(self, test_last=False): + self.test_last = test_last + + def after_train(self): + self.trainer.logger.info( + ">>>>>>>>>>>>>>>> Start Precise Evaluation >>>>>>>>>>>>>>>>" + ) + torch.cuda.empty_cache() + cfg = self.trainer.cfg + tester = TESTERS.build( + dict(type=cfg.test.type, cfg=cfg, model=self.trainer.model) + ) + if self.test_last: + self.trainer.logger.info("=> Testing on model_last ...") + else: + self.trainer.logger.info("=> Testing on model_best ...") + best_path = os.path.join( + self.trainer.cfg.save_path, "model", "model_best.pth" + ) + checkpoint = torch.load(best_path) + state_dict = checkpoint["state_dict"] + tester.model.load_state_dict(state_dict, strict=True) + tester.test() + + +@HOOKS.register_module() +class DataCacheOperator(HookBase): + def __init__(self, data_root, split): + self.data_root = data_root + self.split = split + self.data_list = self.get_data_list() + + def get_data_list(self): + if isinstance(self.split, str): + data_list = glob.glob(os.path.join(self.data_root, self.split)) + elif isinstance(self.split, Sequence): + data_list = [] + for split in self.split: + data_list += glob.glob(os.path.join(self.data_root, split)) + else: + raise NotImplementedError + return data_list + + def get_cache_name(self, data_path): + data_name = data_path.replace(os.path.dirname(self.data_root), "") + return "pointcept" + data_name.replace(os.path.sep, "-") + + def before_train(self): + self.trainer.logger.info( + f"=> Caching dataset: {self.data_root}, split: {self.split} ..." + ) + if is_main_process(): + dataset = self.trainer.train_loader.dataset + for i in range(len(dataset)): + data_dict = dataset[i] + name = data_dict["name"] + shared_dict(f"Pointcept-{name}", data_dict) + synchronize() + + +@HOOKS.register_module() +class RuntimeProfiler(HookBase): + def __init__( + self, + forward=True, + backward=True, + interrupt=False, + warm_up=2, + sort_by="cuda_time_total", + row_limit=30, + ): + self.forward = forward + self.backward = backward + self.interrupt = interrupt + self.warm_up = warm_up + self.sort_by = sort_by + self.row_limit = row_limit + + def before_train(self): + self.trainer.logger.info("Profiling runtime ...") + from torch.profiler import profile, record_function, ProfilerActivity + + for i, input_dict in enumerate(self.trainer.train_loader): + if i == self.warm_up + 1: + break + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + if self.forward: + with profile( + activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA], + record_shapes=True, + profile_memory=True, + with_stack=True, + ) as forward_prof: + with record_function("model_inference"): + output_dict = self.trainer.model(input_dict) + else: + output_dict = self.trainer.model(input_dict) + loss = output_dict["loss"] + if self.backward: + with profile( + activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA], + record_shapes=True, + profile_memory=True, + with_stack=True, + ) as backward_prof: + with record_function("model_inference"): + loss.backward() + self.trainer.logger.info(f"Profile: [{i + 1}/{self.warm_up + 1}]") + if self.forward: + self.trainer.logger.info( + "Forward profile: \n" + + str( + forward_prof.key_averages().table( + sort_by=self.sort_by, row_limit=self.row_limit + ) + ) + ) + forward_prof.export_chrome_trace( + os.path.join(self.trainer.cfg.save_path, "forward_trace.json") + ) + + if self.backward: + self.trainer.logger.info( + "Backward profile: \n" + + str( + backward_prof.key_averages().table( + sort_by=self.sort_by, row_limit=self.row_limit + ) + ) + ) + backward_prof.export_chrome_trace( + os.path.join(self.trainer.cfg.save_path, "backward_trace.json") + ) + if self.interrupt: + sys.exit(0) + + +@HOOKS.register_module() +class RuntimeProfilerV2(HookBase): + def __init__( + self, + interrupt=False, + wait=1, + warmup=1, + active=10, + repeat=1, + sort_by="cuda_time_total", + row_limit=30, + ): + self.interrupt = interrupt + self.wait = wait + self.warmup = warmup + self.active = active + self.repeat = repeat + self.sort_by = sort_by + self.row_limit = row_limit + + def before_train(self): + self.trainer.logger.info("Profiling runtime ...") + from torch.profiler import ( + profile, + record_function, + ProfilerActivity, + schedule, + tensorboard_trace_handler, + ) + + prof = profile( + activities=[ProfilerActivity.CPU, ProfilerActivity.CUDA], + schedule=schedule( + wait=self.wait, + warmup=self.warmup, + active=self.active, + repeat=self.repeat, + ), + on_trace_ready=tensorboard_trace_handler(self.trainer.cfg.save_path), + record_shapes=True, + profile_memory=True, + with_stack=True, + ) + prof.start() + for i, input_dict in enumerate(self.trainer.train_loader): + if i >= (self.wait + self.warmup + self.active) * self.repeat: + break + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with record_function("model_forward"): + output_dict = self.trainer.model(input_dict) + loss = output_dict["loss"] + with record_function("model_backward"): + loss.backward() + prof.step() + self.trainer.logger.info( + f"Profile: [{i + 1}/{(self.wait + self.warmup + self.active) * self.repeat}]" + ) + self.trainer.logger.info( + "Profile: \n" + + str( + prof.key_averages().table( + sort_by=self.sort_by, row_limit=self.row_limit + ) + ) + ) + prof.stop() + + if self.interrupt: + sys.exit(0) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/launch.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/launch.py new file mode 100644 index 0000000000000000000000000000000000000000..99a8351fe5ab4393c1fab75c3bd546ba66641986 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/launch.py @@ -0,0 +1,137 @@ +""" +Launcher + +modified from detectron2(https://github.com/facebookresearch/detectron2) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import logging +from datetime import timedelta +import torch +import torch.distributed as dist +import torch.multiprocessing as mp + +from pointcept.utils import comm + +__all__ = ["DEFAULT_TIMEOUT", "launch"] + +DEFAULT_TIMEOUT = timedelta(minutes=60) + + +def _find_free_port(): + import socket + + sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) + # Binding to port 0 will cause the OS to find an available port for us + sock.bind(("", 0)) + port = sock.getsockname()[1] + sock.close() + # NOTE: there is still a chance the port could be taken by other processes. + return port + + +def launch( + main_func, + num_gpus_per_machine, + num_machines=1, + machine_rank=0, + dist_url=None, + cfg=(), + timeout=DEFAULT_TIMEOUT, +): + """ + Launch multi-gpu or distributed training. + This function must be called on all machines involved in the training. + It will spawn child processes (defined by ``num_gpus_per_machine``) on each machine. + Args: + main_func: a function that will be called by `main_func(*args)` + num_gpus_per_machine (int): number of GPUs per machine + num_machines (int): the total number of machines + machine_rank (int): the rank of this machine + dist_url (str): url to connect to for distributed jobs, including protocol + e.g. "tcp://127.0.0.1:8686". + Can be set to "auto" to automatically select a free port on localhost + timeout (timedelta): timeout of the distributed workers + args (tuple): arguments passed to main_func + """ + world_size = num_machines * num_gpus_per_machine + if world_size > 1: + if dist_url == "auto": + assert ( + num_machines == 1 + ), "dist_url=auto not supported in multi-machine jobs." + port = _find_free_port() + dist_url = f"tcp://127.0.0.1:{port}" + if num_machines > 1 and dist_url.startswith("file://"): + logger = logging.getLogger(__name__) + logger.warning( + "file:// is not a reliable init_method in multi-machine jobs. Prefer tcp://" + ) + + mp.spawn( + _distributed_worker, + nprocs=num_gpus_per_machine, + args=( + main_func, + world_size, + num_gpus_per_machine, + machine_rank, + dist_url, + cfg, + timeout, + ), + daemon=False, + ) + else: + main_func(*cfg) + + +def _distributed_worker( + local_rank, + main_func, + world_size, + num_gpus_per_machine, + machine_rank, + dist_url, + cfg, + timeout=DEFAULT_TIMEOUT, +): + assert ( + torch.cuda.is_available() + ), "cuda is not available. Please check your installation." + global_rank = machine_rank * num_gpus_per_machine + local_rank + try: + dist.init_process_group( + backend="NCCL", + init_method=dist_url, + world_size=world_size, + rank=global_rank, + timeout=timeout, + ) + except Exception as e: + logger = logging.getLogger(__name__) + logger.error("Process group URL: {}".format(dist_url)) + raise e + + # Setup the local process group (which contains ranks within the same machine) + assert comm._LOCAL_PROCESS_GROUP is None + num_machines = world_size // num_gpus_per_machine + for i in range(num_machines): + ranks_on_i = list( + range(i * num_gpus_per_machine, (i + 1) * num_gpus_per_machine) + ) + pg = dist.new_group(ranks_on_i) + if i == machine_rank: + comm._LOCAL_PROCESS_GROUP = pg + + assert num_gpus_per_machine <= torch.cuda.device_count() + torch.cuda.set_device(local_rank) + + # synchronize is needed here to prevent a possible timeout after calling init_process_group + # See: https://github.com/facebookresearch/maskrcnn-benchmark/issues/172 + comm.synchronize() + + main_func(*cfg) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/test.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/test.py new file mode 100644 index 0000000000000000000000000000000000000000..04378738e269f432c8bf720b4e55fc80af3db280 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/test.py @@ -0,0 +1,597 @@ +""" +Tester + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import time +import numpy as np +from collections import OrderedDict +import torch +import torch.distributed as dist +import torch.nn.functional as F +import torch.utils.data + +from .defaults import create_ddp_model +import pointcept.utils.comm as comm +from pointcept.datasets import build_dataset, collate_fn +from pointcept.models import build_model +from pointcept.utils.logger import get_root_logger +from pointcept.utils.registry import Registry +from pointcept.utils.misc import ( + AverageMeter, + intersection_and_union, + intersection_and_union_gpu, + make_dirs, +) + + +TESTERS = Registry("testers") + + +class TesterBase: + def __init__(self, cfg, model=None, test_loader=None, verbose=False) -> None: + torch.multiprocessing.set_sharing_strategy("file_system") + self.logger = get_root_logger( + log_file=os.path.join(cfg.save_path, "test.log"), + file_mode="a" if cfg.resume else "w", + ) + self.logger.info("=> Loading config ...") + self.cfg = cfg + self.verbose = verbose + if self.verbose: + self.logger.info(f"Save path: {cfg.save_path}") + self.logger.info(f"Config:\n{cfg.pretty_text}") + if model is None: + self.logger.info("=> Building model ...") + self.model = self.build_model() + else: + self.model = model + if test_loader is None: + self.logger.info("=> Building test dataset & dataloader ...") + self.test_loader = self.build_test_loader() + else: + self.test_loader = test_loader + + def build_model(self): + model = build_model(self.cfg.model) + n_parameters = sum(p.numel() for p in model.parameters() if p.requires_grad) + self.logger.info(f"Num params: {n_parameters}") + model = create_ddp_model( + model.cuda(), + broadcast_buffers=False, + find_unused_parameters=self.cfg.find_unused_parameters, + ) + if os.path.isfile(self.cfg.weight): + self.logger.info(f"Loading weight at: {self.cfg.weight}") + checkpoint = torch.load(self.cfg.weight) + weight = OrderedDict() + for key, value in checkpoint["state_dict"].items(): + if key.startswith("module."): + if comm.get_world_size() == 1: + key = key[7:] # module.xxx.xxx -> xxx.xxx + else: + if comm.get_world_size() > 1: + key = "module." + key # xxx.xxx -> module.xxx.xxx + weight[key] = value + model.load_state_dict(weight, strict=True) + self.logger.info("=> Loaded weight '{}' (epoch {})".format(self.cfg.weight, checkpoint["epoch"])) + else: + raise RuntimeError("=> No checkpoint found at '{}'".format(self.cfg.weight)) + return model + + def build_test_loader(self): + test_dataset = build_dataset(self.cfg.data.test) + if comm.get_world_size() > 1: + test_sampler = torch.utils.data.distributed.DistributedSampler(test_dataset) + else: + test_sampler = None + test_loader = torch.utils.data.DataLoader( + test_dataset, + batch_size=self.cfg.batch_size_test_per_gpu, + shuffle=False, + num_workers=self.cfg.batch_size_test_per_gpu, + pin_memory=True, + sampler=test_sampler, + collate_fn=self.__class__.collate_fn, + ) + return test_loader + + def test(self): + raise NotImplementedError + + @staticmethod + def collate_fn(batch): + raise collate_fn(batch) + + +@TESTERS.register_module() +class SemSegTester(TesterBase): + + def test(self): + assert self.test_loader.batch_size == 1 + logger = get_root_logger() + logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + + batch_time = AverageMeter() + intersection_meter = AverageMeter() + union_meter = AverageMeter() + target_meter = AverageMeter() + self.model.eval() + + save_path = os.path.join(self.cfg.save_path, "result") + make_dirs(save_path) + # create submit folder only on main process + if ( + self.cfg.data.test.type == "ScanNetDataset" + or self.cfg.data.test.type == "ScanNet200Dataset" + or self.cfg.data.test.type == "ScanNetPPDataset" + ) and comm.is_main_process(): + make_dirs(os.path.join(save_path, "submit")) + elif self.cfg.data.test.type == "SemanticKITTIDataset" and comm.is_main_process(): + make_dirs(os.path.join(save_path, "submit")) + elif self.cfg.data.test.type == "NuScenesDataset" and comm.is_main_process(): + import json + + make_dirs(os.path.join(save_path, "submit", "lidarseg", "test")) + make_dirs(os.path.join(save_path, "submit", "test")) + submission = dict( + meta=dict( + use_camera=False, + use_lidar=True, + use_radar=False, + use_map=False, + use_external=False, + ) + ) + with open(os.path.join(save_path, "submit", "test", "submission.json"), "w") as f: + json.dump(submission, f, indent=4) + comm.synchronize() + record = {} + # fragment inference + for idx, data_dict in enumerate(self.test_loader): + end = time.time() + data_dict = data_dict[0] # current assume batch size is 1 + fragment_list = data_dict.pop("fragment_list") + segment = data_dict.pop("segment") + data_name = data_dict.pop("name") + pred_save_path = os.path.join(save_path, "{}_pred.npy".format(data_name)) + if os.path.isfile(pred_save_path): + logger.info("{}/{}: {}, loaded pred and label.".format(idx + 1, len(self.test_loader), data_name)) + pred = np.load(pred_save_path) + if "origin_segment" in data_dict.keys(): + segment = data_dict["origin_segment"] + else: + pred = torch.zeros((segment.size, self.cfg.data.num_classes)).cuda() + for i in range(len(fragment_list)): + fragment_batch_size = 1 + s_i, e_i = i * fragment_batch_size, min((i + 1) * fragment_batch_size, len(fragment_list)) + input_dict = collate_fn(fragment_list[s_i:e_i]) + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + idx_part = input_dict["index"] + with torch.no_grad(): + pred_part = self.model(input_dict)["seg_logits"] # (n, k) + pred_part = F.softmax(pred_part, -1) + if self.cfg.empty_cache: + torch.cuda.empty_cache() + bs = 0 + for be in input_dict["offset"]: + pred[idx_part[bs:be], :] += pred_part[bs:be] + bs = be + + logger.info( + "Test: {}/{}-{data_name}, Batch: {batch_idx}/{batch_num}".format( + idx + 1, + len(self.test_loader), + data_name=data_name, + batch_idx=i, + batch_num=len(fragment_list), + ) + ) + if self.cfg.data.test.type == "ScanNetPPDataset": + pred = pred.topk(3, dim=1)[1].data.cpu().numpy() + else: + pred = pred.max(1)[1].data.cpu().numpy() + if "origin_segment" in data_dict.keys(): + assert "inverse" in data_dict.keys() + pred = pred[data_dict["inverse"]] + segment = data_dict["origin_segment"] + np.save(pred_save_path, pred) + if ( + self.cfg.data.test.type == "ScanNetDataset" + or self.cfg.data.test.type == "ScanNet200Dataset" + ): + np.savetxt( + os.path.join(save_path, "submit", "{}.txt".format(data_name)), + self.test_loader.dataset.class2id[pred].reshape([-1, 1]), + fmt="%d", + ) + elif self.cfg.data.test.type == "ScanNetPPDataset": + np.savetxt( + os.path.join(save_path, "submit", "{}.txt".format(data_name)), + pred.astype(np.int32), + delimiter=",", + fmt="%d", + ) + pred = pred[:, 0] # for mIoU, TODO: support top3 mIoU + elif self.cfg.data.test.type == "SemanticKITTIDataset": + # 00_000000 -> 00, 000000 + sequence_name, frame_name = data_name.split("_") + os.makedirs( + os.path.join( + save_path, "submit", "sequences", sequence_name, "predictions" + ), + exist_ok=True, + ) + pred = pred.astype(np.uint32) + pred = np.vectorize( + self.test_loader.dataset.learning_map_inv.__getitem__ + )(pred).astype(np.uint32) + pred.tofile( + os.path.join( + save_path, + "submit", + "sequences", + sequence_name, + "predictions", + f"{frame_name}.label", + ) + ) + elif self.cfg.data.test.type == "NuScenesDataset": + np.array(pred + 1).astype(np.uint8).tofile( + os.path.join( + save_path, + "submit", + "lidarseg", + "test", + "{}_lidarseg.bin".format(data_name), + ) + ) + + intersection, union, target = intersection_and_union( + pred, segment, self.cfg.data.num_classes, self.cfg.data.ignore_index + ) + intersection_meter.update(intersection) + union_meter.update(union) + target_meter.update(target) + record[data_name] = dict(intersection=intersection, union=union, target=target) + + mask = union != 0 + iou_class = intersection / (union + 1e-10) + iou = np.mean(iou_class[mask]) + acc = sum(intersection) / (sum(target) + 1e-10) + + m_iou = np.mean(intersection_meter.sum / (union_meter.sum + 1e-10)) + m_acc = np.mean(intersection_meter.sum / (target_meter.sum + 1e-10)) + + batch_time.update(time.time() - end) + logger.info( + "Test: {} [{}/{}]-{} " + "Batch {batch_time.val:.3f} ({batch_time.avg:.3f}) " + "Accuracy {acc:.4f} ({m_acc:.4f}) " + "mIoU {iou:.4f} ({m_iou:.4f})".format( + data_name, + idx + 1, + len(self.test_loader), + segment.size, + batch_time=batch_time, + acc=acc, + m_acc=m_acc, + iou=iou, + m_iou=m_iou, + ) + ) + + logger.info("Syncing ...") + comm.synchronize() + record_sync = comm.gather(record, dst=0) + + if comm.is_main_process(): + record = {} + for _ in range(len(record_sync)): + r = record_sync.pop() + record.update(r) + del r + intersection = np.sum([meters["intersection"] for _, meters in record.items()], axis=0) + union = np.sum([meters["union"] for _, meters in record.items()], axis=0) + target = np.sum([meters["target"] for _, meters in record.items()], axis=0) + + if self.cfg.data.test.type == "S3DISDataset": + torch.save( + dict(intersection=intersection, union=union, target=target), + os.path.join(save_path, f"{self.test_loader.dataset.split}.pth"), + ) + + iou_class = intersection / (union + 1e-10) + accuracy_class = intersection / (target + 1e-10) + mIoU = np.mean(iou_class) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection) / (sum(target) + 1e-10) + + logger.info("Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}".format(mIoU, mAcc, allAcc)) + for i in range(self.cfg.data.num_classes): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.cfg.data.names[i], + iou=iou_class[i], + accuracy=accuracy_class[i], + ) + ) + logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + + @staticmethod + def collate_fn(batch): + return batch + + +@TESTERS.register_module() +class ClsTester(TesterBase): + def test(self): + logger = get_root_logger() + logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + batch_time = AverageMeter() + intersection_meter = AverageMeter() + union_meter = AverageMeter() + target_meter = AverageMeter() + self.model.eval() + + for i, input_dict in enumerate(self.test_loader): + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + end = time.time() + with torch.no_grad(): + output_dict = self.model(input_dict) + output = output_dict["cls_logits"] + pred = output.max(1)[1] + label = input_dict["category"] + intersection, union, target = intersection_and_union_gpu(pred, label, self.cfg.data.num_classes, self.cfg.data.ignore_index) + if comm.get_world_size() > 1: + dist.all_reduce(intersection), dist.all_reduce(union), dist.all_reduce(target) + intersection, union, target = ( + intersection.cpu().numpy(), + union.cpu().numpy(), + target.cpu().numpy(), + ) + intersection_meter.update(intersection), union_meter.update(union), target_meter.update(target) + + accuracy = sum(intersection_meter.val) / (sum(target_meter.val) + 1e-10) + batch_time.update(time.time() - end) + + logger.info( + "Test: [{}/{}] " + "Batch {batch_time.val:.3f} ({batch_time.avg:.3f}) " + "Accuracy {accuracy:.4f} ".format( + i + 1, + len(self.test_loader), + batch_time=batch_time, + accuracy=accuracy, + ) + ) + + iou_class = intersection_meter.sum / (union_meter.sum + 1e-10) + accuracy_class = intersection_meter.sum / (target_meter.sum + 1e-10) + mIoU = np.mean(iou_class) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection_meter.sum) / (sum(target_meter.sum) + 1e-10) + logger.info("Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}.".format(mIoU, mAcc, allAcc)) + + for i in range(self.cfg.data.num_classes): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=self.cfg.data.names[i], + iou=iou_class[i], + accuracy=accuracy_class[i], + ) + ) + logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + + @staticmethod + def collate_fn(batch): + return collate_fn(batch) + + +@TESTERS.register_module() +class ClsVotingTester(TesterBase): + def __init__( + self, + num_repeat=100, + metric="allAcc", + **kwargs, + ): + super().__init__(**kwargs) + self.num_repeat = num_repeat + self.metric = metric + self.best_idx = 0 + self.best_record = None + self.best_metric = 0 + + def test(self): + for i in range(self.num_repeat): + logger = get_root_logger() + logger.info(f">>>>>>>>>>>>>>>> Start Evaluation {i + 1} >>>>>>>>>>>>>>>>") + record = self.test_once() + if comm.is_main_process(): + if record[self.metric] > self.best_metric: + self.best_record = record + self.best_idx = i + self.best_metric = record[self.metric] + info = f"Current best record is Evaluation {i + 1}: " + for m in self.best_record.keys(): + info += f"{m}: {self.best_record[m]:.4f} " + logger.info(info) + + def test_once(self): + logger = get_root_logger() + batch_time = AverageMeter() + intersection_meter = AverageMeter() + target_meter = AverageMeter() + record = {} + self.model.eval() + + for idx, data_dict in enumerate(self.test_loader): + end = time.time() + data_dict = data_dict[0] # current assume batch size is 1 + voting_list = data_dict.pop("voting_list") + category = data_dict.pop("category") + data_name = data_dict.pop("name") + # pred = torch.zeros([1, self.cfg.data.num_classes]).cuda() + # for i in range(len(voting_list)): + # input_dict = voting_list[i] + # for key in input_dict.keys(): + # if isinstance(input_dict[key], torch.Tensor): + # input_dict[key] = input_dict[key].cuda(non_blocking=True) + # with torch.no_grad(): + # pred += F.softmax(self.model(input_dict)["cls_logits"], -1) + input_dict = collate_fn(voting_list) + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + pred = F.softmax(self.model(input_dict)["cls_logits"], -1).sum( + 0, keepdim=True + ) + pred = pred.max(1)[1].cpu().numpy() + intersection, union, target = intersection_and_union( + pred, category, self.cfg.data.num_classes, self.cfg.data.ignore_index + ) + intersection_meter.update(intersection) + target_meter.update(target) + record[data_name] = dict(intersection=intersection, target=target) + acc = sum(intersection) / (sum(target) + 1e-10) + m_acc = np.mean(intersection_meter.sum / (target_meter.sum + 1e-10)) + batch_time.update(time.time() - end) + logger.info( + "Test: {} [{}/{}] " + "Batch {batch_time.val:.3f} ({batch_time.avg:.3f}) " + "Accuracy {acc:.4f} ({m_acc:.4f}) ".format( + data_name, + idx + 1, + len(self.test_loader), + batch_time=batch_time, + acc=acc, + m_acc=m_acc, + ) + ) + + logger.info("Syncing ...") + comm.synchronize() + record_sync = comm.gather(record, dst=0) + + if comm.is_main_process(): + record = {} + for _ in range(len(record_sync)): + r = record_sync.pop() + record.update(r) + del r + intersection = np.sum( + [meters["intersection"] for _, meters in record.items()], axis=0 + ) + target = np.sum([meters["target"] for _, meters in record.items()], axis=0) + accuracy_class = intersection / (target + 1e-10) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection) / (sum(target) + 1e-10) + + logger.info("Val result: mAcc/allAcc {:.4f}/{:.4f}".format(mAcc, allAcc)) + for i in range(self.cfg.data.num_classes): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {accuracy:.4f}".format( + idx=i, + name=self.cfg.data.names[i], + accuracy=accuracy_class[i], + ) + ) + return dict(mAcc=mAcc, allAcc=allAcc) + + @staticmethod + def collate_fn(batch): + return batch + + +@TESTERS.register_module() +class PartSegTester(TesterBase): + def test(self): + test_dataset = self.test_loader.dataset + logger = get_root_logger() + logger.info(">>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>>") + + batch_time = AverageMeter() + + num_categories = len(self.test_loader.dataset.categories) + iou_category, iou_count = np.zeros(num_categories), np.zeros(num_categories) + self.model.eval() + + save_path = os.path.join(self.cfg.save_path, "result", "test_epoch{}".format(self.cfg.test_epoch)) + make_dirs(save_path) + + for idx in range(len(test_dataset)): + end = time.time() + data_name = test_dataset.get_data_name(idx) + + data_dict_list, label = test_dataset[idx] + pred = torch.zeros((label.size, self.cfg.data.num_classes)).cuda() + batch_num = int(np.ceil(len(data_dict_list) / self.cfg.batch_size_test)) + for i in range(batch_num): + s_i, e_i = i * self.cfg.batch_size_test, min((i + 1) * self.cfg.batch_size_test, len(data_dict_list)) + input_dict = collate_fn(data_dict_list[s_i:e_i]) + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.no_grad(): + pred_part = self.model(input_dict)["cls_logits"] + pred_part = F.softmax(pred_part, -1) + if self.cfg.empty_cache: + torch.cuda.empty_cache() + pred_part = pred_part.reshape(-1, label.size, self.cfg.data.num_classes) + pred = pred + pred_part.total(dim=0) + logger.info( + "Test: {} {}/{}, Batch: {batch_idx}/{batch_num}".format( + data_name, + idx + 1, + len(test_dataset), + batch_idx=i, + batch_num=batch_num, + ) + ) + pred = pred.max(1)[1].data.cpu().numpy() + + category_index = data_dict_list[0]["cls_token"] + category = self.test_loader.dataset.categories[category_index] + parts_idx = self.test_loader.dataset.category2part[category] + parts_iou = np.zeros(len(parts_idx)) + for j, part in enumerate(parts_idx): + if (np.sum(label == part) == 0) and (np.sum(pred == part) == 0): + parts_iou[j] = 1.0 + else: + i = (label == part) & (pred == part) + u = (label == part) | (pred == part) + parts_iou[j] = np.sum(i) / (np.sum(u) + 1e-10) + iou_category[category_index] += parts_iou.mean() + iou_count[category_index] += 1 + + batch_time.update(time.time() - end) + logger.info("Test: {} [{}/{}] " "Batch {batch_time.val:.3f} " "({batch_time.avg:.3f}) ".format(data_name, idx + 1, len(self.test_loader), batch_time=batch_time)) + + ins_mIoU = iou_category.sum() / (iou_count.sum() + 1e-10) + cat_mIoU = (iou_category / (iou_count + 1e-10)).mean() + logger.info("Val result: ins.mIoU/cat.mIoU {:.4f}/{:.4f}.".format(ins_mIoU, cat_mIoU)) + for i in range(num_categories): + logger.info( + "Class_{idx}-{name} Result: iou_cat/num_sample {iou_cat:.4f}/{iou_count:.4f}".format( + idx=i, + name=self.test_loader.dataset.categories[i], + iou_cat=iou_category[i] / (iou_count[i] + 1e-10), + iou_count=int(iou_count[i]), + ) + ) + logger.info("<<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<<") + + @staticmethod + def collate_fn(batch): + return collate_fn(batch) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/train.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/train.py new file mode 100644 index 0000000000000000000000000000000000000000..f0ca13e05743697c9bab6fcb63fb4d8c015c47e1 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/engines/train.py @@ -0,0 +1,309 @@ +""" +Trainer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import sys +import weakref +import torch +import torch.nn as nn +import torch.utils.data +from functools import partial + +if sys.version_info >= (3, 10): + from collections.abc import Iterator +else: + from collections import Iterator +from tensorboardX import SummaryWriter + +from .defaults import create_ddp_model, worker_init_fn +from .hooks import HookBase, build_hooks +import pointcept.utils.comm as comm +from pointcept.datasets import build_dataset, point_collate_fn, collate_fn +from pointcept.models import build_model +from pointcept.utils.logger import get_root_logger +from pointcept.utils.optimizer import build_optimizer +from pointcept.utils.scheduler import build_scheduler +from pointcept.utils.events import EventStorage +from pointcept.utils.registry import Registry + + +TRAINERS = Registry("trainers") + + +class TrainerBase: + def __init__(self) -> None: + self.hooks = [] + self.epoch = 0 + self.start_epoch = 0 + self.max_epoch = 0 + self.max_iter = 0 + self.comm_info = dict() + self.data_iterator: Iterator = enumerate([]) + self.storage: EventStorage + self.writer: SummaryWriter + + def register_hooks(self, hooks) -> None: + hooks = build_hooks(hooks) + for h in hooks: + assert isinstance(h, HookBase) + # To avoid circular reference, hooks and trainer cannot own each other. + # This normally does not matter, but will cause memory leak if the + # involved objects contain __del__: + # See http://engineering.hearsaysocial.com/2013/06/16/circular-references-in-python/ + h.trainer = weakref.proxy(self) + self.hooks.extend(hooks) + + def train(self): + with EventStorage() as self.storage: + # => before train + self.before_train() + for self.epoch in range(self.start_epoch, self.max_epoch): + # => before epoch + self.before_epoch() + # => run_epoch + for ( + self.comm_info["iter"], + self.comm_info["input_dict"], + ) in self.data_iterator: + # => before_step + self.before_step() + # => run_step + self.run_step() + # => after_step + self.after_step() + # => after epoch + self.after_epoch() + # => after train + self.after_train() + + def before_train(self): + for h in self.hooks: + h.before_train() + + def before_epoch(self): + for h in self.hooks: + h.before_epoch() + + def before_step(self): + for h in self.hooks: + h.before_step() + + def run_step(self): + raise NotImplementedError + + def after_step(self): + for h in self.hooks: + h.after_step() + + def after_epoch(self): + for h in self.hooks: + h.after_epoch() + self.storage.reset_histories() + + def after_train(self): + # Sync GPU before running train hooks + comm.synchronize() + for h in self.hooks: + h.after_train() + if comm.is_main_process(): + self.writer.close() + + +@TRAINERS.register_module("DefaultTrainer") +class Trainer(TrainerBase): + def __init__(self, cfg): + super(Trainer, self).__init__() + self.epoch = 0 + self.start_epoch = 0 + self.max_epoch = cfg.eval_epoch + self.best_metric_value = -torch.inf + self.logger = get_root_logger( + log_file=os.path.join(cfg.save_path, "train.log"), + file_mode="a" if cfg.resume else "w", + ) + self.logger.info("=> Loading config ...") + self.cfg = cfg + self.logger.info(f"Save path: {cfg.save_path}") + self.logger.info(f"Config:\n{cfg.pretty_text}") + self.logger.info("=> Building model ...") + self.model = self.build_model() + self.logger.info("=> Building writer ...") + self.writer = self.build_writer() + self.logger.info("=> Building train dataset & dataloader ...") + self.train_loader = self.build_train_loader() + self.logger.info("=> Building val dataset & dataloader ...") + self.val_loader = self.build_val_loader() + self.logger.info("=> Building optimize, scheduler, scaler(amp) ...") + self.optimizer = self.build_optimizer() + self.scheduler = self.build_scheduler() + self.scaler = self.build_scaler() + self.logger.info("=> Building hooks ...") + self.register_hooks(self.cfg.hooks) + + def train(self): + with EventStorage() as self.storage: + # => before train + self.before_train() + self.logger.info(">>>>>>>>>>>>>>>> Start Training >>>>>>>>>>>>>>>>") + for self.epoch in range(self.start_epoch, self.max_epoch): + # => before epoch + # TODO: optimize to iteration based + if comm.get_world_size() > 1: + self.train_loader.sampler.set_epoch(self.epoch) + self.model.train() + self.data_iterator = enumerate(self.train_loader) + self.before_epoch() + # => run_epoch + for ( + self.comm_info["iter"], + self.comm_info["input_dict"], + ) in self.data_iterator: + # => before_step + self.before_step() + # => run_step + self.run_step() + # => after_step + self.after_step() + # => after epoch + self.after_epoch() + # => after train + self.after_train() + + def run_step(self): + input_dict = self.comm_info["input_dict"] + for key in input_dict.keys(): + if isinstance(input_dict[key], torch.Tensor): + input_dict[key] = input_dict[key].cuda(non_blocking=True) + with torch.cuda.amp.autocast(enabled=self.cfg.enable_amp): + output_dict = self.model(input_dict) + loss = output_dict["loss"] + self.optimizer.zero_grad() + if self.cfg.enable_amp: + self.scaler.scale(loss).backward() + self.scaler.step(self.optimizer) + + # When enable amp, optimizer.step call are skipped if the loss scaling factor is too large. + # Fix torch warning scheduler step before optimizer step. + scaler = self.scaler.get_scale() + self.scaler.update() + if scaler <= self.scaler.get_scale(): + self.scheduler.step() + else: + loss.backward() + self.optimizer.step() + self.scheduler.step() + if self.cfg.empty_cache: + torch.cuda.empty_cache() + self.comm_info["model_output_dict"] = output_dict + + def after_epoch(self): + for h in self.hooks: + h.after_epoch() + self.storage.reset_histories() + if self.cfg.empty_cache_per_epoch: + torch.cuda.empty_cache() + + def build_model(self): + model = build_model(self.cfg.model) + if self.cfg.sync_bn: + model = nn.SyncBatchNorm.convert_sync_batchnorm(model) + n_parameters = sum(p.numel() for p in model.parameters() if p.requires_grad) + # logger.info(f"Model: \n{self.model}") + self.logger.info(f"Num params: {n_parameters}") + model = create_ddp_model( + model.cuda(), + broadcast_buffers=False, + find_unused_parameters=self.cfg.find_unused_parameters, + ) + return model + + def build_writer(self): + writer = SummaryWriter(self.cfg.save_path) if comm.is_main_process() else None + self.logger.info(f"Tensorboard writer logging dir: {self.cfg.save_path}") + return writer + + def build_train_loader(self): + train_data = build_dataset(self.cfg.data.train) + + if comm.get_world_size() > 1: + train_sampler = torch.utils.data.distributed.DistributedSampler(train_data) + else: + train_sampler = None + + init_fn = ( + partial( + worker_init_fn, + num_workers=self.cfg.num_worker_per_gpu, + rank=comm.get_rank(), + seed=self.cfg.seed, + ) + if self.cfg.seed is not None + else None + ) + + train_loader = torch.utils.data.DataLoader( + train_data, + batch_size=self.cfg.batch_size_per_gpu, + shuffle=(train_sampler is None), + num_workers=self.cfg.num_worker_per_gpu, + sampler=train_sampler, + collate_fn=partial(point_collate_fn, mix_prob=self.cfg.mix_prob), + pin_memory=True, + worker_init_fn=init_fn, + drop_last=True, + persistent_workers=True, + ) + return train_loader + + def build_val_loader(self): + val_loader = None + if self.cfg.evaluate: + val_data = build_dataset(self.cfg.data.val) + if comm.get_world_size() > 1: + val_sampler = torch.utils.data.distributed.DistributedSampler(val_data) + else: + val_sampler = None + val_loader = torch.utils.data.DataLoader( + val_data, + batch_size=self.cfg.batch_size_val_per_gpu, + shuffle=False, + num_workers=self.cfg.num_worker_per_gpu, + pin_memory=True, + sampler=val_sampler, + collate_fn=collate_fn, + ) + return val_loader + + def build_optimizer(self): + return build_optimizer(self.cfg.optimizer, self.model, self.cfg.param_dicts) + + def build_scheduler(self): + assert hasattr(self, "optimizer") + assert hasattr(self, "train_loader") + self.cfg.scheduler.total_steps = len(self.train_loader) * self.cfg.eval_epoch + return build_scheduler(self.cfg.scheduler, self.optimizer) + + def build_scaler(self): + scaler = torch.cuda.amp.GradScaler() if self.cfg.enable_amp else None + return scaler + + +@TRAINERS.register_module("MultiDatasetTrainer") +class MultiDatasetTrainer(Trainer): + def build_train_loader(self): + from pointcept.datasets import MultiDatasetDataloader + + train_data = build_dataset(self.cfg.data.train) + train_loader = MultiDatasetDataloader( + train_data, + self.cfg.batch_size_per_gpu, + self.cfg.num_worker_per_gpu, + self.cfg.mix_prob, + self.cfg.seed, + ) + self.comm_info["iter_per_epoch"] = len(train_loader) + return train_loader diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..dbc53a338ce2ef7e0eb36aa415e40b6b095665a3 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/__init__.py @@ -0,0 +1,24 @@ +from .builder import build_model +from .default import DefaultSegmentor, DefaultClassifier + +# Backbones +from .sparse_unet import * +from .point_transformer import * +from .point_transformer_v2 import * +from .point_transformer_v3 import * +from .stratified_transformer import * +from .spvcnn import * +# from .octformer import * +# from .oacnns import * + +# from .swin3d import * + +# Semantic Segmentation +from .context_aware_classifier import * + +# Instance Segmentation +# from .point_group import * + +# Pretraining +from .masked_scene_contrast import * +from .point_prompt_training import * diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/builder.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..bbda24465a405a5a2094f8d0c420a53c50fe79cc --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/builder.py @@ -0,0 +1,16 @@ +""" +Model Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + +MODELS = Registry("models") +MODULES = Registry("modules") + + +def build_model(cfg): + """Build models.""" + return MODELS.build(cfg) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/context_aware_classifier/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/context_aware_classifier/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..8327900bbf92258fa242f4b99d5b235bc1ae44aa --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/context_aware_classifier/__init__.py @@ -0,0 +1 @@ +from .context_aware_classifier_v1m1_base import CACSegmentor diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/context_aware_classifier/context_aware_classifier_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/context_aware_classifier/context_aware_classifier_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..893f4c8fc6d68a1fb7dc24e1ceb3b3ace11ebec6 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/context_aware_classifier/context_aware_classifier_v1m1_base.py @@ -0,0 +1,275 @@ +""" +Context-aware Classifier for Semantic Segmentation + +Author: Zhuotao Tian, Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F +from pointcept.models.losses import build_criteria +from pointcept.models.utils.structure import Point +from pointcept.models.builder import MODELS, build_model + + +@MODELS.register_module("CAC-v1m1") +class CACSegmentor(nn.Module): + def __init__( + self, + num_classes, + backbone_out_channels, + backbone=None, + criteria=None, + cos_temp=15, + main_weight=1, + pre_weight=1, + pre_self_weight=1, + kl_weight=1, + conf_thresh=0, + detach_pre_logits=False, + ): + super().__init__() + self.num_classes = num_classes + self.cos_temp = cos_temp + self.main_weight = main_weight + self.pre_weight = pre_weight + self.pre_self_weight = pre_self_weight + self.kl_weight = kl_weight + self.conf_thresh = conf_thresh + self.detach_pre_logits = detach_pre_logits + + # backbone + self.backbone = build_model(backbone) + # heads + self.seg_head = nn.Linear(backbone_out_channels, num_classes) + self.proj = nn.Sequential( + nn.Linear(backbone_out_channels * 2, backbone_out_channels * 2, bias=False), + nn.ReLU(inplace=True), + nn.Linear(backbone_out_channels * 2, backbone_out_channels), + ) + self.apd_proj = nn.Sequential( + nn.Linear(backbone_out_channels * 2, backbone_out_channels * 2, bias=False), + nn.ReLU(inplace=True), + nn.Linear(backbone_out_channels * 2, backbone_out_channels), + ) + self.feat_proj_layer = nn.Sequential( + nn.Linear(backbone_out_channels, backbone_out_channels, bias=False), + nn.BatchNorm1d(backbone_out_channels), + nn.ReLU(inplace=True), + nn.Linear(backbone_out_channels, backbone_out_channels), + ) + # Criteria + self.criteria = build_criteria(criteria) + + @staticmethod + def get_pred(x, proto): + # x: [n,c]; proto: [cls, c] + x = F.normalize(x, 2, 1) + proto = F.normalize(proto, 2, 1) + pred = x @ proto.permute(1, 0) # [n,c] x [c, cls] -> [n, cls] + return pred + + def get_adaptive_perspective(self, feat, target, new_proto, proto): + raw_feat = feat.clone() + # target: [n] + # feat: [n,c] + # proto: [cls, c] + unique_y = list(target.unique()) + if -1 in unique_y: + unique_y.remove(-1) + target = target.unsqueeze(-1) # [n, 1] + + for tmp_y in unique_y: + tmp_mask = (target == tmp_y).float() + tmp_proto = (feat * tmp_mask).sum(0) / (tmp_mask.sum(0) + 1e-4) # c + onehot_vec = torch.zeros(new_proto.shape[0], 1).cuda() # cls, 1 + onehot_vec[tmp_y.long()] = 1 + new_proto = ( + new_proto * (1 - onehot_vec) + tmp_proto.unsqueeze(0) * onehot_vec + ) + + new_proto = torch.cat([new_proto, proto], -1) + new_proto = self.apd_proj(new_proto) + raw_feat = self.feat_proj_layer(raw_feat) + pred = self.get_pred(raw_feat, new_proto) + return pred + + def post_refine_proto_batch(self, feat, pred, proto, offset=None): + # x: [n, c]; pred: [n, cls]; proto: [cls, c] + pred_list = [] + x = feat + raw_x = x.clone() + if self.detach_pre_logits: + pred = pred.detach() + raw_pred = pred.clone() + + if offset is None: + raw_x = x.clone() + n, n_cls = pred.shape[:] + pred = pred.view(n, n_cls) + pred = F.softmax(pred, 1).permute(1, 0) # [n, cls] -> [cls, n] + if self.conf_thresh > 0: + max_pred = ( + (pred.max(0)[0] >= self.conf_thresh).float().unsqueeze(0) + ) # 1, n + pred = pred * max_pred + pred_proto = (pred / (pred.sum(-1).unsqueeze(-1) + 1e-7)) @ raw_x # cls, c + + pred_proto = torch.cat([pred_proto, proto], -1) # cls, 2c + pred_proto = self.proj(pred_proto) + raw_x = self.feat_proj_layer(raw_x) + new_pred = self.get_pred(raw_x, pred_proto) + else: + for i in range(len(offset)): + if i == 0: + start = 0 + end = offset[i] + else: + start, end = offset[i - 1], offset[i] + tmp_x = raw_x[start:end] + pred = raw_pred[start:end] + n, n_cls = pred.shape[:] + pred = pred.view(n, n_cls) + pred = F.softmax(pred, 1).permute(1, 0) # [n, cls] -> [cls, n] + if self.conf_thresh > 0: + max_pred = ( + (pred.max(0)[0] >= self.conf_thresh).float().unsqueeze(0) + ) # 1, n + pred = pred * max_pred + pred_proto = ( + pred / (pred.sum(-1).unsqueeze(-1) + 1e-7) + ) @ tmp_x # cls, c + + pred_proto = torch.cat([pred_proto, proto], -1) # cls, 2c + pred_proto = self.proj(pred_proto) + tmp_x = self.feat_proj_layer(tmp_x) + new_pred = self.get_pred(tmp_x, pred_proto) + pred_list.append(new_pred) + new_pred = torch.cat(pred_list, 0) + return new_pred + + @staticmethod + def get_distill_loss(pred, soft, target, smoothness=0.5, eps=0): + """ + knowledge distillation loss + """ + n, c = soft.shape[:] + soft = soft.detach() + target = target.unsqueeze(-1) # n, 1 + onehot = target.view(-1, 1) # n, 1 + ignore_mask = (onehot == -1).float() + sm_soft = F.softmax(soft / 1, 1) # n, c + + onehot = onehot * (1 - ignore_mask) + onehot = torch.zeros(n, c).cuda().scatter_(1, onehot.long(), 1) # n, c + smoothed_label = smoothness * sm_soft + (1 - smoothness) * onehot + if eps > 0: + smoothed_label = smoothed_label * (1 - eps) + (1 - smoothed_label) * eps / ( + smoothed_label.shape[1] - 1 + ) + + loss = torch.mul(-1 * F.log_softmax(pred, dim=1), smoothed_label) # b, n, h, w + loss = loss.sum(1) + + sm_soft = F.softmax(soft / 1, 1) # n, c + entropy_mask = -1 * (sm_soft * torch.log(sm_soft + 1e-4)).sum(1) + + # for class-wise entropy estimation + target = target.squeeze(-1) + unique_classes = list(target.unique()) + if -1 in unique_classes: + unique_classes.remove(-1) + valid_mask = (target != -1).float() + entropy_mask = entropy_mask * valid_mask + loss_list = [] + weight_list = [] + for tmp_y in unique_classes: + tmp_mask = (target == tmp_y).float().squeeze() + tmp_entropy_mask = entropy_mask * tmp_mask + class_weight = 1 + tmp_loss = (loss * tmp_entropy_mask).sum() / (tmp_entropy_mask.sum() + 1e-4) + loss_list.append(class_weight * tmp_loss) + weight_list.append(class_weight) + + if len(weight_list) > 0: + loss = sum(loss_list) / (sum(weight_list) + 1e-4) + else: + loss = torch.zeros(1).cuda().mean() + return loss + + def forward(self, data_dict): + offset = data_dict["offset"] + point = self.backbone(data_dict) + if isinstance(point, Point): + feat = point.feat + else: + feat = point + seg_logits = self.seg_head(feat) + + if self.training: + target = data_dict["segment"] + pre_logits = seg_logits.clone() + refine_logits = ( + self.post_refine_proto_batch( + feat=feat, + pred=seg_logits, + proto=self.seg_head.weight.squeeze(), + offset=offset, + ) + * self.cos_temp + ) + + cac_pred = ( + self.get_adaptive_perspective( + feat=feat, + target=target, + new_proto=self.seg_head.weight.detach().data.squeeze(), + proto=self.seg_head.weight.squeeze(), + ) + * self.cos_temp + ) + + seg_loss = self.criteria(refine_logits, target) * self.main_weight + pre_loss = self.criteria(cac_pred, target) * self.pre_weight + pre_self_loss = self.criteria(pre_logits, target) * self.pre_self_weight + kl_loss = ( + self.get_distill_loss( + pred=refine_logits, soft=cac_pred.detach(), target=target + ) + * self.kl_weight + ) + loss = seg_loss + pre_loss + pre_self_loss + kl_loss + return dict( + loss=loss, + seg_loss=seg_loss, + pre_loss=pre_loss, + pre_self_loss=pre_self_loss, + kl_loss=kl_loss, + ) + + elif "segment" in data_dict.keys(): + refine_logits = ( + self.post_refine_proto_batch( + feat=feat, + pred=seg_logits, + proto=self.seg_head.weight.squeeze(), + offset=offset, + ) + * self.cos_temp + ) + + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss, seg_logits=refine_logits) + + else: + refine_logits = ( + self.post_refine_proto_batch( + feat=feat, + pred=seg_logits, + proto=self.seg_head.weight.squeeze(), + offset=offset, + ) + * self.cos_temp + ) + return dict(seg_logits=refine_logits) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/default.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/default.py new file mode 100644 index 0000000000000000000000000000000000000000..95aea1ff4405746dd0ed7f2d83c118e48e6283ec --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/default.py @@ -0,0 +1,132 @@ +from contextlib import nullcontext + +import torch +import torch.nn as nn +import torch_scatter + +from pointcept.models.losses import build_criteria +from pointcept.models.utils.structure import Point + +from .builder import MODELS, build_model + + +@MODELS.register_module() +class DefaultSegmentor(nn.Module): + def __init__(self, backbone=None, criteria=None): + super().__init__() + self.backbone = build_model(backbone) + self.criteria = build_criteria(criteria) + + def forward(self, input_dict): + if "condition" in input_dict.keys(): + # PPT (https://arxiv.org/abs/2308.09718) + # currently, only support one batch one condition + input_dict["condition"] = input_dict["condition"][0] + seg_logits = self.backbone(input_dict) + # train + if self.training: + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in input_dict.keys(): + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) + + +@MODELS.register_module() +class DefaultSegmentorV2(nn.Module): + def __init__( + self, + num_classes, + backbone_out_channels, + backbone=None, + criteria=None, + freeze_backbone=False, + ): + super().__init__() + self.seg_head = nn.Linear(backbone_out_channels, num_classes) if num_classes > 0 else nn.Identity() + self.backbone = build_model(backbone) + self.criteria = build_criteria(criteria) + + if freeze_backbone: + self.optional_freeze = torch.no_grad + else: + self.optional_freeze = nullcontext + + def forward(self, input_dict): + point = Point(input_dict) + with self.optional_freeze(): + point = self.backbone(point) + # Backbone added after v1.5.0 return Point instead of feat and use DefaultSegmentorV2 + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + feat = point.feat + else: + feat = point + seg_logits = self.seg_head(feat) + # train + if self.training: + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in input_dict.keys(): + loss = self.criteria(seg_logits, input_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) + + +@MODELS.register_module() +class DefaultClassifier(nn.Module): + def __init__( + self, + backbone=None, + criteria=None, + num_classes=40, + backbone_embed_dim=256, + ): + super().__init__() + self.backbone = build_model(backbone) + self.criteria = build_criteria(criteria) + self.num_classes = num_classes + self.backbone_embed_dim = backbone_embed_dim + self.cls_head = nn.Sequential( + nn.Linear(backbone_embed_dim, 256), + nn.BatchNorm1d(256), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(256, 128), + nn.BatchNorm1d(128), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(128, num_classes), + ) + + def forward(self, input_dict): + point = Point(input_dict) + point = self.backbone(point) + # Backbone added after v1.5.0 return Point instead of feat + # And after v1.5.0 feature aggregation for classification operated in classifier + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + point.feat = torch_scatter.segment_csr( + src=point.feat, + indptr=nn.functional.pad(point.offset, (1, 0)), + reduce="mean", + ) + feat = point.feat + else: + feat = point + cls_logits = self.cls_head(feat) + if self.training: + loss = self.criteria(cls_logits, input_dict["category"]) + return dict(loss=loss) + elif "category" in input_dict.keys(): + loss = self.criteria(cls_logits, input_dict["category"]) + return dict(loss=loss, cls_logits=cls_logits) + else: + return dict(cls_logits=cls_logits) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ee44096e13acdf7d6cf7ba9ff764b4b6af3aafe5 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/__init__.py @@ -0,0 +1,4 @@ +from .builder import build_criteria + +from .misc import CrossEntropyLoss, SmoothCELoss, DiceLoss, FocalLoss, BinaryFocalLoss +from .lovasz import LovaszLoss diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/builder.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/builder.py new file mode 100644 index 0000000000000000000000000000000000000000..ef642d9830622d847eb2b7e7013252a32c2b6368 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/builder.py @@ -0,0 +1,31 @@ +""" +Criteria Builder + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.utils.registry import Registry + +LOSSES = Registry("losses") + + +class Criteria(object): + def __init__(self, cfg=None): + self.cfg = cfg if cfg is not None else [] + self.criteria = [] + for loss_cfg in self.cfg: + self.criteria.append(LOSSES.build(cfg=loss_cfg)) + + def __call__(self, pred, target): + if len(self.criteria) == 0: + # loss computation occur in model + return pred + loss = 0 + for c in self.criteria: + loss += c(pred, target) + return loss + + +def build_criteria(cfg): + return Criteria(cfg) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/lovasz.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/lovasz.py new file mode 100644 index 0000000000000000000000000000000000000000..de01a181bce59ba8288171bb58c0ddc728adcb5b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/lovasz.py @@ -0,0 +1,257 @@ +""" +Lovasz Loss +refer https://arxiv.org/abs/1705.08790 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from typing import Optional +from itertools import filterfalse +import torch +import torch.nn.functional as F +from torch.nn.modules.loss import _Loss + +from .builder import LOSSES + +BINARY_MODE: str = "binary" +MULTICLASS_MODE: str = "multiclass" +MULTILABEL_MODE: str = "multilabel" + + +def _lovasz_grad(gt_sorted): + """Compute gradient of the Lovasz extension w.r.t sorted errors + See Alg. 1 in paper + """ + p = len(gt_sorted) + gts = gt_sorted.sum() + intersection = gts - gt_sorted.float().cumsum(0) + union = gts + (1 - gt_sorted).float().cumsum(0) + jaccard = 1.0 - intersection / union + if p > 1: # cover 1-pixel case + jaccard[1:p] = jaccard[1:p] - jaccard[0:-1] + return jaccard + + +def _lovasz_hinge(logits, labels, per_image=True, ignore=None): + """ + Binary Lovasz hinge loss + logits: [B, H, W] Logits at each pixel (between -infinity and +infinity) + labels: [B, H, W] Tensor, binary ground truth masks (0 or 1) + per_image: compute the loss per image instead of per batch + ignore: void class id + """ + if per_image: + loss = mean( + _lovasz_hinge_flat( + *_flatten_binary_scores(log.unsqueeze(0), lab.unsqueeze(0), ignore) + ) + for log, lab in zip(logits, labels) + ) + else: + loss = _lovasz_hinge_flat(*_flatten_binary_scores(logits, labels, ignore)) + return loss + + +def _lovasz_hinge_flat(logits, labels): + """Binary Lovasz hinge loss + Args: + logits: [P] Logits at each prediction (between -infinity and +infinity) + labels: [P] Tensor, binary ground truth labels (0 or 1) + """ + if len(labels) == 0: + # only void pixels, the gradients should be 0 + return logits.sum() * 0.0 + signs = 2.0 * labels.float() - 1.0 + errors = 1.0 - logits * signs + errors_sorted, perm = torch.sort(errors, dim=0, descending=True) + perm = perm.data + gt_sorted = labels[perm] + grad = _lovasz_grad(gt_sorted) + loss = torch.dot(F.relu(errors_sorted), grad) + return loss + + +def _flatten_binary_scores(scores, labels, ignore=None): + """Flattens predictions in the batch (binary case) + Remove labels equal to 'ignore' + """ + scores = scores.view(-1) + labels = labels.view(-1) + if ignore is None: + return scores, labels + valid = labels != ignore + vscores = scores[valid] + vlabels = labels[valid] + return vscores, vlabels + + +def _lovasz_softmax( + probas, labels, classes="present", class_seen=None, per_image=False, ignore=None +): + """Multi-class Lovasz-Softmax loss + Args: + @param probas: [B, C, H, W] Class probabilities at each prediction (between 0 and 1). + Interpreted as binary (sigmoid) output with outputs of size [B, H, W]. + @param labels: [B, H, W] Tensor, ground truth labels (between 0 and C - 1) + @param classes: 'all' for all, 'present' for classes present in labels, or a list of classes to average. + @param per_image: compute the loss per image instead of per batch + @param ignore: void class labels + """ + if per_image: + loss = mean( + _lovasz_softmax_flat( + *_flatten_probas(prob.unsqueeze(0), lab.unsqueeze(0), ignore), + classes=classes + ) + for prob, lab in zip(probas, labels) + ) + else: + loss = _lovasz_softmax_flat( + *_flatten_probas(probas, labels, ignore), + classes=classes, + class_seen=class_seen + ) + return loss + + +def _lovasz_softmax_flat(probas, labels, classes="present", class_seen=None): + """Multi-class Lovasz-Softmax loss + Args: + @param probas: [P, C] Class probabilities at each prediction (between 0 and 1) + @param labels: [P] Tensor, ground truth labels (between 0 and C - 1) + @param classes: 'all' for all, 'present' for classes present in labels, or a list of classes to average. + """ + if probas.numel() == 0: + # only void pixels, the gradients should be 0 + return probas.mean() * 0.0 + C = probas.size(1) + losses = [] + class_to_sum = list(range(C)) if classes in ["all", "present"] else classes + # for c in class_to_sum: + for c in labels.unique(): + if class_seen is None: + fg = (labels == c).type_as(probas) # foreground for class c + if classes == "present" and fg.sum() == 0: + continue + if C == 1: + if len(classes) > 1: + raise ValueError("Sigmoid output possible only with 1 class") + class_pred = probas[:, 0] + else: + class_pred = probas[:, c] + errors = (fg - class_pred).abs() + errors_sorted, perm = torch.sort(errors, 0, descending=True) + perm = perm.data + fg_sorted = fg[perm] + losses.append(torch.dot(errors_sorted, _lovasz_grad(fg_sorted))) + else: + if c in class_seen: + fg = (labels == c).type_as(probas) # foreground for class c + if classes == "present" and fg.sum() == 0: + continue + if C == 1: + if len(classes) > 1: + raise ValueError("Sigmoid output possible only with 1 class") + class_pred = probas[:, 0] + else: + class_pred = probas[:, c] + errors = (fg - class_pred).abs() + errors_sorted, perm = torch.sort(errors, 0, descending=True) + perm = perm.data + fg_sorted = fg[perm] + losses.append(torch.dot(errors_sorted, _lovasz_grad(fg_sorted))) + return mean(losses) + + +def _flatten_probas(probas, labels, ignore=None): + """Flattens predictions in the batch""" + if probas.dim() == 3: + # assumes output of a sigmoid layer + B, H, W = probas.size() + probas = probas.view(B, 1, H, W) + + C = probas.size(1) + probas = torch.movedim(probas, 1, -1) # [B, C, Di, Dj, ...] -> [B, Di, Dj, ..., C] + probas = probas.contiguous().view(-1, C) # [P, C] + + labels = labels.view(-1) + if ignore is None: + return probas, labels + valid = labels != ignore + vprobas = probas[valid] + vlabels = labels[valid] + return vprobas, vlabels + + +def isnan(x): + return x != x + + +def mean(values, ignore_nan=False, empty=0): + """Nan-mean compatible with generators.""" + values = iter(values) + if ignore_nan: + values = filterfalse(isnan, values) + try: + n = 1 + acc = next(values) + except StopIteration: + if empty == "raise": + raise ValueError("Empty mean") + return empty + for n, v in enumerate(values, 2): + acc += v + if n == 1: + return acc + return acc / n + + +@LOSSES.register_module() +class LovaszLoss(_Loss): + def __init__( + self, + mode: str, + class_seen: Optional[int] = None, + per_image: bool = False, + ignore_index: Optional[int] = None, + loss_weight: float = 1.0, + ): + """Lovasz loss for segmentation task. + It supports binary, multiclass and multilabel cases + Args: + mode: Loss mode 'binary', 'multiclass' or 'multilabel' + ignore_index: Label that indicates ignored pixels (does not contribute to loss) + per_image: If True loss computed per each image and then averaged, else computed per whole batch + Shape + - **y_pred** - torch.Tensor of shape (N, C, H, W) + - **y_true** - torch.Tensor of shape (N, H, W) or (N, C, H, W) + Reference + https://github.com/BloodAxe/pytorch-toolbelt + """ + assert mode in {BINARY_MODE, MULTILABEL_MODE, MULTICLASS_MODE} + super().__init__() + + self.mode = mode + self.ignore_index = ignore_index + self.per_image = per_image + self.class_seen = class_seen + self.loss_weight = loss_weight + + def forward(self, y_pred, y_true): + if self.mode in {BINARY_MODE, MULTILABEL_MODE}: + loss = _lovasz_hinge( + y_pred, y_true, per_image=self.per_image, ignore=self.ignore_index + ) + elif self.mode == MULTICLASS_MODE: + y_pred = y_pred.softmax(dim=1) + loss = _lovasz_softmax( + y_pred, + y_true, + class_seen=self.class_seen, + per_image=self.per_image, + ignore=self.ignore_index, + ) + else: + raise ValueError("Wrong mode {}.".format(self.mode)) + return loss * self.loss_weight diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/misc.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..ec300a54b2d920d37882d25e8c7771bce01db97c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/losses/misc.py @@ -0,0 +1,223 @@ +""" +Misc Losses + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F +from .builder import LOSSES + + +@LOSSES.register_module() +class CrossEntropyLoss(nn.Module): + def __init__( + self, + weight=None, + size_average=None, + reduce=None, + reduction="mean", + label_smoothing=0.0, + loss_weight=1.0, + ignore_index=-1, + ): + super(CrossEntropyLoss, self).__init__() + weight = torch.tensor(weight).cuda() if weight is not None else None + self.loss_weight = loss_weight + self.loss = nn.CrossEntropyLoss( + weight=weight, + size_average=size_average, + ignore_index=ignore_index, + reduce=reduce, + reduction=reduction, + label_smoothing=label_smoothing, + ) + + def forward(self, pred, target): + return self.loss(pred, target) * self.loss_weight + + +@LOSSES.register_module() +class SmoothCELoss(nn.Module): + def __init__(self, smoothing_ratio=0.1): + super(SmoothCELoss, self).__init__() + self.smoothing_ratio = smoothing_ratio + + def forward(self, pred, target): + eps = self.smoothing_ratio + n_class = pred.size(1) + one_hot = torch.zeros_like(pred).scatter(1, target.view(-1, 1), 1) + one_hot = one_hot * (1 - eps) + (1 - one_hot) * eps / (n_class - 1) + log_prb = F.log_softmax(pred, dim=1) + loss = -(one_hot * log_prb).total(dim=1) + loss = loss[torch.isfinite(loss)].mean() + return loss + + +@LOSSES.register_module() +class BinaryFocalLoss(nn.Module): + def __init__(self, gamma=2.0, alpha=0.5, logits=True, reduce=True, loss_weight=1.0): + """Binary Focal Loss + ` + """ + super(BinaryFocalLoss, self).__init__() + assert 0 < alpha < 1 + self.gamma = gamma + self.alpha = alpha + self.logits = logits + self.reduce = reduce + self.loss_weight = loss_weight + + def forward(self, pred, target, **kwargs): + """Forward function. + Args: + pred (torch.Tensor): The prediction with shape (N) + target (torch.Tensor): The ground truth. If containing class + indices, shape (N) where each value is 0≤targets[i]≤1, If containing class probabilities, + same shape as the input. + Returns: + torch.Tensor: The calculated loss + """ + if self.logits: + bce = F.binary_cross_entropy_with_logits(pred, target, reduction="none") + else: + bce = F.binary_cross_entropy(pred, target, reduction="none") + pt = torch.exp(-bce) + alpha = self.alpha * target + (1 - self.alpha) * (1 - target) + focal_loss = alpha * (1 - pt) ** self.gamma * bce + + if self.reduce: + focal_loss = torch.mean(focal_loss) + return focal_loss * self.loss_weight + + +@LOSSES.register_module() +class FocalLoss(nn.Module): + def __init__( + self, gamma=2.0, alpha=0.5, reduction="mean", loss_weight=1.0, ignore_index=-1 + ): + """Focal Loss + ` + """ + super(FocalLoss, self).__init__() + assert reduction in ( + "mean", + "sum", + ), "AssertionError: reduction should be 'mean' or 'sum'" + assert isinstance( + alpha, (float, list) + ), "AssertionError: alpha should be of type float" + assert isinstance(gamma, float), "AssertionError: gamma should be of type float" + assert isinstance( + loss_weight, float + ), "AssertionError: loss_weight should be of type float" + assert isinstance(ignore_index, int), "ignore_index must be of type int" + self.gamma = gamma + self.alpha = alpha + self.reduction = reduction + self.loss_weight = loss_weight + self.ignore_index = ignore_index + + def forward(self, pred, target, **kwargs): + """Forward function. + Args: + pred (torch.Tensor): The prediction with shape (N, C) where C = number of classes. + target (torch.Tensor): The ground truth. If containing class + indices, shape (N) where each value is 0≤targets[i]≤C−1, If containing class probabilities, + same shape as the input. + Returns: + torch.Tensor: The calculated loss + """ + # [B, C, d_1, d_2, ..., d_k] -> [C, B, d_1, d_2, ..., d_k] + pred = pred.transpose(0, 1) + # [C, B, d_1, d_2, ..., d_k] -> [C, N] + pred = pred.reshape(pred.size(0), -1) + # [C, N] -> [N, C] + pred = pred.transpose(0, 1).contiguous() + # (B, d_1, d_2, ..., d_k) --> (B * d_1 * d_2 * ... * d_k,) + target = target.view(-1).contiguous() + assert pred.size(0) == target.size( + 0 + ), "The shape of pred doesn't match the shape of target" + valid_mask = target != self.ignore_index + target = target[valid_mask] + pred = pred[valid_mask] + + if len(target) == 0: + return 0.0 + + num_classes = pred.size(1) + target = F.one_hot(target, num_classes=num_classes) + + alpha = self.alpha + if isinstance(alpha, list): + alpha = pred.new_tensor(alpha) + pred_sigmoid = pred.sigmoid() + target = target.type_as(pred) + one_minus_pt = (1 - pred_sigmoid) * target + pred_sigmoid * (1 - target) + focal_weight = (alpha * target + (1 - alpha) * (1 - target)) * one_minus_pt.pow( + self.gamma + ) + + loss = ( + F.binary_cross_entropy_with_logits(pred, target, reduction="none") + * focal_weight + ) + if self.reduction == "mean": + loss = loss.mean() + elif self.reduction == "sum": + loss = loss.total() + return self.loss_weight * loss + + +@LOSSES.register_module() +class DiceLoss(nn.Module): + def __init__(self, smooth=1, exponent=2, loss_weight=1.0, ignore_index=-1): + """DiceLoss. + This loss is proposed in `V-Net: Fully Convolutional Neural Networks for + Volumetric Medical Image Segmentation `_. + """ + super(DiceLoss, self).__init__() + self.smooth = smooth + self.exponent = exponent + self.loss_weight = loss_weight + self.ignore_index = ignore_index + + def forward(self, pred, target, **kwargs): + # [B, C, d_1, d_2, ..., d_k] -> [C, B, d_1, d_2, ..., d_k] + pred = pred.transpose(0, 1) + # [C, B, d_1, d_2, ..., d_k] -> [C, N] + pred = pred.reshape(pred.size(0), -1) + # [C, N] -> [N, C] + pred = pred.transpose(0, 1).contiguous() + # (B, d_1, d_2, ..., d_k) --> (B * d_1 * d_2 * ... * d_k,) + target = target.view(-1).contiguous() + assert pred.size(0) == target.size( + 0 + ), "The shape of pred doesn't match the shape of target" + valid_mask = target != self.ignore_index + target = target[valid_mask] + pred = pred[valid_mask] + + pred = F.softmax(pred, dim=1) + num_classes = pred.shape[1] + target = F.one_hot( + torch.clamp(target.long(), 0, num_classes - 1), num_classes=num_classes + ) + + total_loss = 0 + for i in range(num_classes): + if i != self.ignore_index: + num = torch.sum(torch.mul(pred[:, i], target[:, i])) * 2 + self.smooth + den = ( + torch.sum( + pred[:, i].pow(self.exponent) + target[:, i].pow(self.exponent) + ) + + self.smooth + ) + dice_loss = 1 - num / den + total_loss += dice_loss + loss = total_loss / num_classes + return self.loss_weight * loss diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..18733d94acc5c7ed0feb7c52c77cb040d53bee7e --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/__init__.py @@ -0,0 +1,2 @@ +from .masked_scene_contrast_v1m1_base import MaskedSceneContrast +from .masked_scene_contrast_v1m2_csc import MaskedSceneContrast diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..3b18bd563a36695eca4882a6620d4ddbe246ef80 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m1_base.py @@ -0,0 +1,310 @@ +""" +Masked Scene Contrast +https://arxiv.org/abs/2303.14191 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import random +from itertools import chain +import torch +import torch.nn as nn +import torch.distributed as dist +from torch_geometric.nn.pool import voxel_grid + +from timm.models.layers import trunc_normal_ +import pointops + +from pointcept.models.builder import MODELS, build_model +from pointcept.models.utils import offset2batch +from pointcept.utils.comm import get_world_size + + +@MODELS.register_module("MSC-v1m1") +class MaskedSceneContrast(nn.Module): + def __init__( + self, + backbone, + backbone_in_channels, + backbone_out_channels, + mask_grid_size=0.1, + mask_rate=0.4, + view1_mix_prob=0, + view2_mix_prob=0, + matching_max_k=8, + matching_max_radius=0.03, + matching_max_pair=8192, + nce_t=0.4, + contrast_weight=1, + reconstruct_weight=1, + reconstruct_color=True, + reconstruct_normal=True, + ): + super().__init__() + self.backbone = build_model(backbone) + self.mask_grid_size = mask_grid_size + self.mask_rate = mask_rate + self.view1_mix_prob = view1_mix_prob + self.view2_mix_prob = view2_mix_prob + self.matching_max_k = matching_max_k + self.matching_max_radius = matching_max_radius + self.matching_max_pair = matching_max_pair + self.nce_t = nce_t + self.contrast_weight = contrast_weight + self.reconstruct_weight = reconstruct_weight + self.reconstruct_color = reconstruct_color + self.reconstruct_normal = reconstruct_normal + + self.mask_token = nn.Parameter(torch.zeros(1, backbone_in_channels)) + trunc_normal_(self.mask_token, mean=0.0, std=0.02) + self.color_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_color else None + ) + self.normal_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_normal else None + ) + self.nce_criteria = torch.nn.CrossEntropyLoss(reduction="mean") + + @torch.no_grad() + def generate_cross_masks( + self, view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ): + # union origin coord + view1_batch = offset2batch(view1_offset) + view2_batch = offset2batch(view2_offset) + + view1_batch_count = view1_batch.bincount() + view2_batch_count = view2_batch.bincount() + view1_origin_coord_split = view1_origin_coord.split(list(view1_batch_count)) + view2_origin_coord_split = view2_origin_coord.split(list(view2_batch_count)) + union_origin_coord = torch.cat( + list( + chain.from_iterable( + zip(view1_origin_coord_split, view2_origin_coord_split) + ) + ) + ) + union_offset = torch.cat( + [view1_offset.unsqueeze(-1), view2_offset.unsqueeze(-1)], dim=-1 + ).sum(-1) + union_batch = offset2batch(union_offset) + + # grid partition + mask_patch_coord = union_origin_coord.div(self.mask_grid_size) + mask_patch_grid_coord = torch.floor(mask_patch_coord) + mask_patch_cluster = voxel_grid( + pos=mask_patch_grid_coord, size=1, batch=union_batch, start=0 + ) + unique, cluster, counts = torch.unique( + mask_patch_cluster, sorted=True, return_inverse=True, return_counts=True + ) + patch_num = unique.shape[0] + patch_max_point = counts.max().item() + patch2point_map = cluster.new_zeros(patch_num, patch_max_point) + patch2point_mask = torch.lt( + torch.arange(patch_max_point).cuda().unsqueeze(0), counts.unsqueeze(-1) + ) + sorted_cluster_value, sorted_cluster_indices = torch.sort(cluster) + patch2point_map[patch2point_mask] = sorted_cluster_indices + + # generate cross masks + assert self.mask_rate <= 0.5 + patch_mask = torch.zeros(patch_num, device=union_origin_coord.device).int() + rand_perm = torch.randperm(patch_num) + mask_patch_num = int(patch_num * self.mask_rate) + + # mask1 tag with 1, mask2 tag with 2 + patch_mask[rand_perm[0:mask_patch_num]] = 1 + patch_mask[rand_perm[mask_patch_num : mask_patch_num * 2]] = 2 + point_mask = torch.zeros( + union_origin_coord.shape[0], device=union_origin_coord.device + ).int() + point_mask[ + patch2point_map[patch_mask == 1][patch2point_mask[patch_mask == 1]] + ] = 1 + point_mask[ + patch2point_map[patch_mask == 2][patch2point_mask[patch_mask == 2]] + ] = 2 + + # separate mask to view1 and view2 + point_mask_split = point_mask.split( + list( + torch.cat( + [view1_batch_count.unsqueeze(-1), view2_batch_count.unsqueeze(-1)], + dim=-1, + ).flatten() + ) + ) + view1_point_mask = torch.cat(point_mask_split[0::2]) == 1 + view2_point_mask = torch.cat(point_mask_split[1::2]) == 2 + return view1_point_mask, view2_point_mask + + @torch.no_grad() + def match_contrastive_pair( + self, view1_coord, view1_offset, view2_coord, view2_offset, max_k, max_radius + ): + index, distance = pointops.knn_query( + max_k, + view2_coord.float(), + view2_offset.int(), + view1_coord.float(), + view1_offset.int(), + ) + index = torch.cat( + [ + torch.arange(index.shape[0], device=index.device, dtype=torch.long) + .view(-1, 1, 1) + .expand(-1, max_k, 1), + index.view(-1, max_k, 1), + ], + dim=-1, + )[distance.squeeze(-1) < max_radius] + unique, count = index[:, 0].unique(return_counts=True) + select = ( + torch.cumsum(count, dim=0) + - torch.randint(count.max(), count.shape, device=count.device) % count + - 1 + ) + index = index[select] + if index.shape[0] > self.matching_max_pair: + index = index[torch.randperm(index.shape[0])[: self.matching_max_pair]] + return index + + def compute_contrastive_loss( + self, view1_feat, view1_offset, view2_feat, view2_offset, match_index + ): + assert view1_offset.shape == view2_offset.shape + + view1_feat = view1_feat[match_index[:, 0]] + view2_feat = view2_feat[match_index[:, 1]] + view1_feat = view1_feat / ( + torch.norm(view1_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + view2_feat = view2_feat / ( + torch.norm(view2_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + sim = torch.mm(view1_feat, view2_feat.transpose(1, 0)) + + with torch.no_grad(): + pos_sim = torch.diagonal(sim).mean() + neg_sim = sim.mean(dim=-1).mean() - pos_sim / match_index.shape[0] + labels = torch.arange(sim.shape[0], device=view1_feat.device).long() + loss = self.nce_criteria(torch.div(sim, self.nce_t), labels) + + if get_world_size() > 1: + dist.all_reduce(loss) + dist.all_reduce(pos_sim) + dist.all_reduce(neg_sim) + return ( + loss / get_world_size(), + pos_sim / get_world_size(), + neg_sim / get_world_size(), + ) + + def forward(self, data_dict): + view1_origin_coord = data_dict["view1_origin_coord"] + view1_coord = data_dict["view1_coord"] + view1_feat = data_dict["view1_feat"] + view1_offset = data_dict["view1_offset"].int() + + view2_origin_coord = data_dict["view2_origin_coord"] + view2_coord = data_dict["view2_coord"] + view2_feat = data_dict["view2_feat"] + view2_offset = data_dict["view2_offset"].int() + + # mask generation by union original coord (without spatial augmentation) + view1_point_mask, view2_point_mask = self.generate_cross_masks( + view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ) + + view1_mask_tokens = self.mask_token.expand(view1_coord.shape[0], -1) + view1_weight = view1_point_mask.unsqueeze(-1).type_as(view1_mask_tokens) + view1_feat = view1_feat * (1 - view1_weight) + view1_mask_tokens * view1_weight + + view2_mask_tokens = self.mask_token.expand(view2_coord.shape[0], -1) + view2_weight = view2_point_mask.unsqueeze(-1).type_as(view2_mask_tokens) + view2_feat = view2_feat * (1 - view2_weight) + view2_mask_tokens * view2_weight + + view1_data_dict = dict( + origin_coord=view1_origin_coord, + coord=view1_coord, + feat=view1_feat, + offset=view1_offset, + ) + view2_data_dict = dict( + origin_coord=view2_origin_coord, + coord=view2_coord, + feat=view2_feat, + offset=view2_offset, + ) + + # SparseConv based method need grid coord + if "view1_grid_coord" in data_dict.keys(): + view1_data_dict["grid_coord"] = data_dict["view1_grid_coord"] + if "view2_grid_coord" in data_dict.keys(): + view2_data_dict["grid_coord"] = data_dict["view2_grid_coord"] + + # view mixing strategy + if random.random() < self.view1_mix_prob: + view1_data_dict["offset"] = torch.cat( + [view1_offset[1:-1:2], view1_offset[-1].unsqueeze(0)], dim=0 + ) + if random.random() < self.view2_mix_prob: + view2_data_dict["offset"] = torch.cat( + [view2_offset[1:-1:2], view2_offset[-1].unsqueeze(0)], dim=0 + ) + + view1_feat = self.backbone(view1_data_dict) + view2_feat = self.backbone(view2_data_dict) + match_index = self.match_contrastive_pair( + view1_origin_coord, + view1_offset, + view2_origin_coord, + view2_offset, + max_k=self.matching_max_k, + max_radius=self.matching_max_radius, + ) + nce_loss, pos_sim, neg_sim = self.compute_contrastive_loss( + view1_feat, view1_offset, view2_feat, view2_offset, match_index + ) + loss = nce_loss * self.contrast_weight + result_dict = dict(nce_loss=nce_loss, pos_sim=pos_sim, neg_sim=neg_sim) + + if self.color_head is not None: + assert "view1_color" in data_dict.keys() + assert "view2_color" in data_dict.keys() + view1_color = data_dict["view1_color"] + view2_color = data_dict["view2_color"] + view1_color_pred = self.color_head(view1_feat[view1_point_mask]) + view2_color_pred = self.color_head(view2_feat[view2_point_mask]) + color_loss = ( + torch.sum((view1_color_pred - view1_color[view1_point_mask]) ** 2) + + torch.sum((view2_color_pred - view2_color[view2_point_mask]) ** 2) + ) / (view1_color_pred.shape[0] + view2_color_pred.shape[0]) + loss = loss + color_loss * self.reconstruct_weight + result_dict["color_loss"] = color_loss + + if self.normal_head is not None: + assert "view1_normal" in data_dict.keys() + assert "view2_normal" in data_dict.keys() + view1_normal = data_dict["view1_normal"] + view2_normal = data_dict["view2_normal"] + view1_normal_pred = self.normal_head(view1_feat[view1_point_mask]) + view2_normal_pred = self.normal_head(view2_feat[view2_point_mask]) + + view1_normal_pred = view1_normal_pred / ( + torch.norm(view1_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + view2_normal_pred = view2_normal_pred / ( + torch.norm(view2_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + normal_loss = ( + torch.sum(view1_normal_pred * view1_normal[view1_point_mask]) + + torch.sum(view2_normal_pred * view2_normal[view2_point_mask]) + ) / (view1_normal_pred.shape[0] + view2_normal_pred.shape[0]) + loss = loss + normal_loss * self.reconstruct_weight + result_dict["normal_loss"] = normal_loss + + result_dict["loss"] = loss + return result_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m2_csc.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m2_csc.py new file mode 100644 index 0000000000000000000000000000000000000000..139e26b89d88bbe8711fb9a162b5347d846fd399 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/masked_scene_contrast/masked_scene_contrast_v1m2_csc.py @@ -0,0 +1,377 @@ +""" +Masked Scene Contrast v1m2 +contrastive learning backend with CSC (https://arxiv.org/abs/2012.09165) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Chengyao Wang (cywang22@cse.cuhk.edu.hk) +Please cite our work if the code is helpful to you. +""" + +import random +from itertools import chain +import torch +import torch.nn as nn +import torch.distributed as dist +from torch_geometric.nn.pool import voxel_grid + +from timm.models.layers import trunc_normal_ +import pointops + +from pointcept.models.builder import MODELS, build_model +from pointcept.models.utils import offset2batch +from pointcept.utils.comm import get_world_size + + +@MODELS.register_module("MSC-v1m2") +class MaskedSceneContrast(nn.Module): + def __init__( + self, + backbone, + backbone_in_channels, + backbone_out_channels, + mask_grid_size=0.1, + mask_rate=0.4, + view1_mix_prob=0, + view2_mix_prob=0, + matching_max_k=8, + matching_max_radius=0.03, + matching_max_pair=8192, + nce_t=0.4, + contrast_weight=1, + reconstruct_weight=1, + reconstruct_color=True, + reconstruct_normal=True, + partitions=4, + r1=0.125, + r2=2, + ): + super().__init__() + self.backbone = build_model(backbone) + self.mask_grid_size = mask_grid_size + self.mask_rate = mask_rate + self.view1_mix_prob = view1_mix_prob + self.view2_mix_prob = view2_mix_prob + self.matching_max_k = matching_max_k + self.matching_max_radius = matching_max_radius + self.matching_max_pair = matching_max_pair + self.nce_t = nce_t + self.contrast_weight = contrast_weight + self.reconstruct_weight = reconstruct_weight + self.reconstruct_color = reconstruct_color + self.reconstruct_normal = reconstruct_normal + + # csc partition + self.partitions = partitions + self.r1 = r1 + self.r2 = r2 + + self.mask_token = nn.Parameter(torch.zeros(1, backbone_in_channels)) + trunc_normal_(self.mask_token, mean=0.0, std=0.02) + self.color_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_color else None + ) + self.normal_head = ( + nn.Linear(backbone_out_channels, 3) if reconstruct_normal else None + ) + self.nce_criteria = torch.nn.CrossEntropyLoss(reduction="mean") + + @torch.no_grad() + def generate_cross_masks( + self, view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ): + # union origin coord + view1_batch = offset2batch(view1_offset) + view2_batch = offset2batch(view2_offset) + + view1_batch_count = view1_batch.bincount() + view2_batch_count = view2_batch.bincount() + view1_origin_coord_split = view1_origin_coord.split(list(view1_batch_count)) + view2_origin_coord_split = view2_origin_coord.split(list(view2_batch_count)) + union_origin_coord = torch.cat( + list( + chain.from_iterable( + zip(view1_origin_coord_split, view2_origin_coord_split) + ) + ) + ) + union_offset = torch.cat( + [view1_offset.unsqueeze(-1), view2_offset.unsqueeze(-1)], dim=-1 + ).sum(-1) + union_batch = offset2batch(union_offset) + + # grid partition + mask_patch_coord = union_origin_coord.div(self.mask_grid_size) + mask_patch_grid_coord = torch.floor(mask_patch_coord) + mask_patch_cluster = voxel_grid( + pos=mask_patch_grid_coord, size=1, batch=union_batch, start=0 + ) + unique, cluster, counts = torch.unique( + mask_patch_cluster, sorted=True, return_inverse=True, return_counts=True + ) + patch_num = unique.shape[0] + patch_max_point = counts.max().item() + patch2point_map = cluster.new_zeros(patch_num, patch_max_point) + patch2point_mask = torch.lt( + torch.arange(patch_max_point).cuda().unsqueeze(0), counts.unsqueeze(-1) + ) + sorted_cluster_value, sorted_cluster_indices = torch.sort(cluster) + patch2point_map[patch2point_mask] = sorted_cluster_indices + + # generate cross masks + assert self.mask_rate <= 0.5 + patch_mask = torch.zeros(patch_num, device=union_origin_coord.device).int() + rand_perm = torch.randperm(patch_num) + mask_patch_num = int(patch_num * self.mask_rate) + + # mask1 tag with 1, mask2 tag with 2 + patch_mask[rand_perm[0:mask_patch_num]] = 1 + patch_mask[rand_perm[mask_patch_num : mask_patch_num * 2]] = 2 + point_mask = torch.zeros( + union_origin_coord.shape[0], device=union_origin_coord.device + ).int() + point_mask[ + patch2point_map[patch_mask == 1][patch2point_mask[patch_mask == 1]] + ] = 1 + point_mask[ + patch2point_map[patch_mask == 2][patch2point_mask[patch_mask == 2]] + ] = 2 + + # separate mask to view1 and view2 + point_mask_split = point_mask.split( + list( + torch.cat( + [view1_batch_count.unsqueeze(-1), view2_batch_count.unsqueeze(-1)], + dim=-1, + ).flatten() + ) + ) + view1_point_mask = torch.cat(point_mask_split[0::2]) == 1 + view2_point_mask = torch.cat(point_mask_split[1::2]) == 2 + return view1_point_mask, view2_point_mask + + @torch.no_grad() + def match_contrastive_pair( + self, view1_coord, view1_offset, view2_coord, view2_offset, max_k, max_radius + ): + index, distance = pointops.knn_query( + max_k, + view2_coord.float(), + view2_offset.int(), + view1_coord.float(), + view1_offset.int(), + ) + index = torch.cat( + [ + torch.arange(index.shape[0], device=index.device, dtype=torch.long) + .view(-1, 1, 1) + .expand(-1, max_k, 1), + index.view(-1, max_k, 1), + ], + dim=-1, + )[distance.squeeze(-1) < max_radius] + unique, count = index[:, 0].unique(return_counts=True) + select = ( + torch.cumsum(count, dim=0) + - torch.randint(count.max(), count.shape, device=count.device) % count + - 1 + ) + index = index[select] + if index.shape[0] > self.matching_max_pair: + index = index[torch.randperm(index.shape[0])[: self.matching_max_pair]] + return index + + def compute_partitions(self, coord1, coord2): + partition_matrix = torch.zeros((coord1.shape[0], coord2.shape[0])) + partition_matrix = partition_matrix.cuda() - 1e7 + + rel_trans = coord1.unsqueeze(0) - coord2.unsqueeze(1) + mask_up = rel_trans[:, :, 2] > 0.0 + mask_down = rel_trans[:, :, 2] < 0.0 + + distance_matrix = torch.sqrt(torch.sum(rel_trans.pow(2), 2).add(1e-7)) + + mask = (distance_matrix[:, :] > self.r1) & (distance_matrix[:, :] <= self.r2) + partition_matrix[mask & mask_up] = 0 + partition_matrix[mask & mask_down] = 1 + + mask = distance_matrix[:, :] > self.r2 + partition_matrix[mask & mask_up] = 2 + partition_matrix[mask & mask_down] = 3 + + return partition_matrix + + def compute_contrastive_loss( + self, + view1_feat, + view1_coord, + view1_offset, + view2_feat, + view2_coord, + view2_offset, + match_index, + ): + assert view1_offset.shape == view2_offset.shape + device = view1_feat.device + loss = torch.tensor(0.0, device=device) + pos_sim = torch.tensor(0.0, device=device) + neg_sim = torch.tensor(0.0, device=device) + large_num = 1e9 + + view1_feat = view1_feat[match_index[:, 0]] + view2_feat = view2_feat[match_index[:, 1]] + view1_feat = view1_feat / ( + torch.norm(view1_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + view2_feat = view2_feat / ( + torch.norm(view2_feat, p=2, dim=1, keepdim=True) + 1e-7 + ) + + view1_coord = view1_coord[match_index[:, 0]] + view2_coord = view2_coord[match_index[:, 1]] + + batch = offset2batch(view1_offset)[match_index[:, 0]] + for batch_id in batch.unique(): + batch_mask = batch == batch_id + sim = torch.mm(view1_feat[batch_mask], view2_feat[batch_mask].T) + + with torch.no_grad(): + pos_sim += torch.diagonal(sim).mean() + neg_sim += sim.mean(dim=-1).mean() - pos_sim / batch_mask.sum() + + labels = torch.arange(sim.shape[0], device=view1_feat.device).long() + part = self.compute_partitions( + view1_coord[batch_mask], view2_coord[batch_mask] + ) + for part_id in part.unique(): + part_mask = part == part_id + part_mask.fill_diagonal_(True) + loss += self.nce_criteria( + torch.div(sim, self.nce_t) - large_num * (~part_mask).float(), + labels, + ) + + loss /= len(view1_offset) * self.partitions + pos_sim /= len(view1_offset) + neg_sim /= len(view1_offset) + + if get_world_size() > 1: + dist.all_reduce(loss) + dist.all_reduce(pos_sim) + dist.all_reduce(neg_sim) + return ( + loss / get_world_size(), + pos_sim / get_world_size(), + neg_sim / get_world_size(), + ) + + def forward(self, data_dict): + view1_origin_coord = data_dict["view1_origin_coord"] + view1_coord = data_dict["view1_coord"] + view1_feat = data_dict["view1_feat"] + view1_offset = data_dict["view1_offset"].int() + + view2_origin_coord = data_dict["view2_origin_coord"] + view2_coord = data_dict["view2_coord"] + view2_feat = data_dict["view2_feat"] + view2_offset = data_dict["view2_offset"].int() + + # mask generation by union original coord (without spatial augmentation) + view1_point_mask, view2_point_mask = self.generate_cross_masks( + view1_origin_coord, view1_offset, view2_origin_coord, view2_offset + ) + + view1_mask_tokens = self.mask_token.expand(view1_coord.shape[0], -1) + view1_weight = view1_point_mask.unsqueeze(-1).type_as(view1_mask_tokens) + view1_feat = view1_feat * (1 - view1_weight) + view1_mask_tokens * view1_weight + + view2_mask_tokens = self.mask_token.expand(view2_coord.shape[0], -1) + view2_weight = view2_point_mask.unsqueeze(-1).type_as(view2_mask_tokens) + view2_feat = view2_feat * (1 - view2_weight) + view2_mask_tokens * view2_weight + + view1_data_dict = dict( + origin_coord=view1_origin_coord, + coord=view1_coord, + feat=view1_feat, + offset=view1_offset, + ) + view2_data_dict = dict( + origin_coord=view2_origin_coord, + coord=view2_coord, + feat=view2_feat, + offset=view2_offset, + ) + + # SparseConv based method need grid coord + if "view1_grid_coord" in data_dict.keys(): + view1_data_dict["grid_coord"] = data_dict["view1_grid_coord"] + if "view2_grid_coord" in data_dict.keys(): + view2_data_dict["grid_coord"] = data_dict["view2_grid_coord"] + + # view mixing strategy + if random.random() < self.view1_mix_prob: + view1_data_dict["offset"] = torch.cat( + [view1_offset[1:-1:2], view1_offset[-1].unsqueeze(0)], dim=0 + ) + if random.random() < self.view2_mix_prob: + view2_data_dict["offset"] = torch.cat( + [view2_offset[1:-1:2], view2_offset[-1].unsqueeze(0)], dim=0 + ) + + view1_feat = self.backbone(view1_data_dict) + view2_feat = self.backbone(view2_data_dict) + match_index = self.match_contrastive_pair( + view1_origin_coord, + view1_offset, + view2_origin_coord, + view2_offset, + max_k=self.matching_max_k, + max_radius=self.matching_max_radius, + ) + nce_loss, pos_sim, neg_sim = self.compute_contrastive_loss( + view1_feat, + view1_origin_coord, + view1_offset, + view2_feat, + view2_origin_coord, + view2_offset, + match_index, + ) + loss = nce_loss * self.contrast_weight + result_dict = dict(nce_loss=nce_loss, pos_sim=pos_sim, neg_sim=neg_sim) + + if self.color_head is not None: + assert "view1_color" in data_dict.keys() + assert "view2_color" in data_dict.keys() + view1_color = data_dict["view1_color"] + view2_color = data_dict["view2_color"] + view1_color_pred = self.color_head(view1_feat[view1_point_mask]) + view2_color_pred = self.color_head(view2_feat[view2_point_mask]) + color_loss = ( + torch.sum((view1_color_pred - view1_color[view1_point_mask]) ** 2) + + torch.sum((view2_color_pred - view2_color[view2_point_mask]) ** 2) + ) / (view1_color_pred.shape[0] + view2_color_pred.shape[0]) + loss = loss + color_loss * self.reconstruct_weight + result_dict["color_loss"] = color_loss + + if self.normal_head is not None: + assert "view1_normal" in data_dict.keys() + assert "view2_normal" in data_dict.keys() + view1_normal = data_dict["view1_normal"] + view2_normal = data_dict["view2_normal"] + view1_normal_pred = self.normal_head(view1_feat[view1_point_mask]) + view2_normal_pred = self.normal_head(view2_feat[view2_point_mask]) + + view1_normal_pred = view1_normal_pred / ( + torch.norm(view1_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + view2_normal_pred = view2_normal_pred / ( + torch.norm(view2_normal_pred, p=2, dim=1, keepdim=True) + 1e-10 + ) + normal_loss = ( + torch.sum(view1_normal_pred * view1_normal[view1_point_mask]) + + torch.sum(view2_normal_pred * view2_normal[view2_point_mask]) + ) / (view1_normal_pred.shape[0] + view2_normal_pred.shape[0]) + loss = loss + normal_loss * self.reconstruct_weight + result_dict["normal_loss"] = normal_loss + + result_dict["loss"] = loss + return result_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/modules.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/modules.py new file mode 100644 index 0000000000000000000000000000000000000000..8a737ae9e52620ffc4eb139a81e0bdd46cded0ed --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/modules.py @@ -0,0 +1,83 @@ +import sys +import torch.nn as nn +import spconv.pytorch as spconv +from collections import OrderedDict +from pointcept.models.utils.structure import Point + + +class PointModule(nn.Module): + r"""PointModule + placeholder, all module subclass from this will take Point in PointSequential. + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + +class PointSequential(PointModule): + r"""A sequential container. + Modules will be added to it in the order they are passed in the constructor. + Alternatively, an ordered dict of modules can also be passed in. + """ + + def __init__(self, *args, **kwargs): + super().__init__() + if len(args) == 1 and isinstance(args[0], OrderedDict): + for key, module in args[0].items(): + self.add_module(key, module) + else: + for idx, module in enumerate(args): + self.add_module(str(idx), module) + for name, module in kwargs.items(): + if sys.version_info < (3, 6): + raise ValueError("kwargs only supported in py36+") + if name in self._modules: + raise ValueError("name exists.") + self.add_module(name, module) + + def __getitem__(self, idx): + if not (-len(self) <= idx < len(self)): + raise IndexError("index {} is out of range".format(idx)) + if idx < 0: + idx += len(self) + it = iter(self._modules.values()) + for i in range(idx): + next(it) + return next(it) + + def __len__(self): + return len(self._modules) + + def add(self, module, name=None): + if name is None: + name = str(len(self._modules)) + if name in self._modules: + raise KeyError("name exists") + self.add_module(name, module) + + def forward(self, input): + for k, module in self._modules.items(): + # Point module + if isinstance(module, PointModule): + input = module(input) + # Spconv module + elif spconv.modules.is_spconv_module(module): + if isinstance(input, Point): + input.sparse_conv_feat = module(input.sparse_conv_feat) + input.feat = input.sparse_conv_feat.features + else: + input = module(input) + # PyTorch module + else: + if isinstance(input, Point): + input.feat = module(input.feat) + if "sparse_conv_feat" in input.keys(): + input.sparse_conv_feat = input.sparse_conv_feat.replace_feature( + input.feat + ) + elif isinstance(input, spconv.SparseConvTensor): + if input.indices.shape[0] != 0: + input = input.replace_feature(module(input.features)) + else: + input = module(input) + return input diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/oacnns/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/oacnns/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..654b767080457f3814142159a121a2bef9c682b7 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/oacnns/__init__.py @@ -0,0 +1 @@ +from .oacnns_v1m1_base import OACNNs diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/oacnns/oacnns_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/oacnns/oacnns_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..bd8ee6d25ed152f04ab8b3905bbd8c2bdf127d06 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/oacnns/oacnns_v1m1_base.py @@ -0,0 +1,345 @@ +from functools import partial +import torch +import torch.nn as nn +from einops import rearrange +import spconv.pytorch as spconv +from timm.models.layers import trunc_normal_ +from ..builder import MODELS +from ..utils import offset2batch +from torch_geometric.nn.pool import voxel_grid +from torch_geometric.utils import scatter + + +class BasicBlock(nn.Module): + def __init__( + self, + in_channels, + embed_channels, + norm_fn=None, + indice_key=None, + depth=4, + groups=None, + grid_size=None, + bias=False, + ): + super().__init__() + assert embed_channels % groups == 0 + self.groups = groups + self.embed_channels = embed_channels + self.proj = nn.ModuleList() + self.grid_size = grid_size + self.weight = nn.ModuleList() + self.l_w = nn.ModuleList() + self.proj.append( + nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + ) + for _ in range(depth - 1): + self.proj.append( + nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + ) + self.l_w.append( + nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + ) + self.weight.append(nn.Linear(embed_channels, embed_channels, bias=False)) + + self.adaptive = nn.Linear(embed_channels, depth - 1, bias=False) + self.fuse = nn.Sequential( + nn.Linear(embed_channels * 2, embed_channels, bias=False), + norm_fn(embed_channels), + nn.ReLU(), + ) + self.voxel_block = spconv.SparseSequential( + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=1, + padding=1, + indice_key=indice_key, + bias=bias, + ), + norm_fn(embed_channels), + nn.ReLU(), + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=1, + padding=1, + indice_key=indice_key, + bias=bias, + ), + norm_fn(embed_channels), + ) + self.act = nn.ReLU() + + def forward(self, x, clusters): + feat = x.features + feats = [] + for i, cluster in enumerate(clusters): + pw = self.l_w[i](feat) + pw = pw - scatter(pw, cluster, reduce="mean")[cluster] + pw = self.weight[i](pw) + pw = torch.exp(pw - pw.max()) + pw = pw / (scatter(pw, cluster, reduce="sum", dim=0)[cluster] + 1e-6) + pfeat = self.proj[i](feat) * pw + pfeat = scatter(pfeat, cluster, reduce="sum")[cluster] + feats.append(pfeat) + adp = self.adaptive(feat) + adp = torch.softmax(adp, dim=1) + feats = torch.stack(feats, dim=1) + feats = torch.einsum("l n, l n c -> l c", adp, feats) + feat = self.proj[-1](feat) + feat = torch.cat([feat, feats], dim=1) + feat = self.fuse(feat) + x.features + res = feat + x = x.replace_feature(feat) + x = self.voxel_block(x) + x = x.replace_feature(self.act(x.features + res)) + return x + + +class DonwBlock(nn.Module): + def __init__( + self, + in_channels, + embed_channels, + depth, + sp_indice_key, + point_grid_size, + num_ref=16, + groups=None, + norm_fn=None, + sub_indice_key=None, + ): + super().__init__() + self.num_ref = num_ref + self.depth = depth + self.point_grid_size = point_grid_size + self.down = spconv.SparseSequential( + spconv.SparseConv3d( + in_channels, + embed_channels, + kernel_size=2, + stride=2, + indice_key=sp_indice_key, + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + ) + self.blocks = nn.ModuleList() + for _ in range(depth): + self.blocks.append( + BasicBlock( + in_channels=embed_channels, + embed_channels=embed_channels, + depth=len(point_grid_size) + 1, + groups=groups, + grid_size=point_grid_size, + norm_fn=norm_fn, + indice_key=sub_indice_key, + ) + ) + + def forward(self, x): + x = self.down(x) + coord = x.indices[:, 1:].float() + batch = x.indices[:, 0] + clusters = [] + for grid_size in self.point_grid_size: + cluster = voxel_grid(pos=coord, size=grid_size, batch=batch) + _, cluster = torch.unique(cluster, return_inverse=True) + clusters.append(cluster) + for block in self.blocks: + x = block(x, clusters) + return x + + +class UpBlock(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + depth, + sp_indice_key, + norm_fn=None, + down_ratio=2, + sub_indice_key=None, + ): + super().__init__() + assert depth > 0 + self.up = spconv.SparseSequential( + spconv.SparseInverseConv3d( + in_channels, + embed_channels, + kernel_size=down_ratio, + indice_key=sp_indice_key, + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + ) + self.blocks = nn.ModuleList() + self.fuse = nn.Sequential( + nn.Linear(skip_channels + embed_channels, embed_channels), + norm_fn(embed_channels), + nn.ReLU(), + nn.Linear(embed_channels, embed_channels), + norm_fn(embed_channels), + nn.ReLU(), + ) + + def forward(self, x, skip_x): + x = self.up(x) + x = x.replace_feature( + self.fuse(torch.cat([x.features, skip_x.features], dim=1)) + x.features + ) + return x + + +@MODELS.register_module() +class OACNNs(nn.Module): + def __init__( + self, + in_channels, + num_classes, + embed_channels=64, + enc_num_ref=[16, 16, 16, 16], + enc_channels=[64, 64, 128, 256], + groups=[2, 4, 8, 16], + enc_depth=[2, 3, 6, 4], + down_ratio=[2, 2, 2, 2], + dec_channels=[96, 96, 128, 256], + point_grid_size=[[16, 32, 64], [8, 16, 24], [4, 8, 12], [2, 4, 6]], + dec_depth=[2, 2, 2, 2], + ): + super().__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_channels) + self.embed_channels = embed_channels + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + + self.stem = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + padding=1, + indice_key="stem", + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + padding=1, + indice_key="stem", + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + padding=1, + indice_key="stem", + bias=False, + ), + norm_fn(embed_channels), + nn.ReLU(), + ) + + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() + for i in range(self.num_stages): + self.enc.append( + DonwBlock( + in_channels=embed_channels if i == 0 else enc_channels[i - 1], + embed_channels=enc_channels[i], + depth=enc_depth[i], + norm_fn=norm_fn, + groups=groups[i], + point_grid_size=point_grid_size[i], + num_ref=enc_num_ref[i], + sp_indice_key=f"spconv{i}", + sub_indice_key=f"subm{i + 1}", + ) + ) + self.dec.append( + UpBlock( + in_channels=( + enc_channels[-1] + if i == self.num_stages - 1 + else dec_channels[i + 1] + ), + skip_channels=embed_channels if i == 0 else enc_channels[i - 1], + embed_channels=dec_channels[i], + depth=dec_depth[i], + norm_fn=norm_fn, + sp_indice_key=f"spconv{i}", + sub_indice_key=f"subm{i}", + ) + ) + + self.final = spconv.SubMConv3d(dec_channels[0], num_classes, kernel_size=1) + self.apply(self._init_weights) + + def forward(self, input_dict): + discrete_coord = input_dict["grid_coord"] + feat = input_dict["feat"] + offset = input_dict["offset"] + batch = offset2batch(offset) + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat([batch.unsqueeze(-1), discrete_coord], dim=1) + .int() + .contiguous(), + spatial_shape=torch.add( + torch.max(discrete_coord, dim=0).values, 1 + ).tolist(), + batch_size=batch[-1].tolist() + 1, + ) + + x = self.stem(x) + skips = [x] + for i in range(self.num_stages): + x = self.enc[i](x) + skips.append(x) + x = skips.pop(-1) + for i in reversed(range(self.num_stages)): + skip = skips.pop(-1) + x = self.dec[i](x, skip) + x = self.final(x) + return x.features + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/octformer/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/octformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..06bea370d10808b0bad2b68189e957765fc46081 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/octformer/__init__.py @@ -0,0 +1 @@ +from .octformer_v1m1_base import OctFormer diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/octformer/octformer_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/octformer/octformer_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..7c0faf700126b0d589867811e871025dc9782b76 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/octformer/octformer_v1m1_base.py @@ -0,0 +1,629 @@ +""" +Octree Transformer + +Modified from https://github.com/octree-nn/octformer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from typing import Optional, List, Dict +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint + +try: + import ocnn + from ocnn.octree import Octree, Points +except ImportError: + from pointcept.utils.misc import DummyClass + + ocnn = None + Octree = DummyClass + Points = DummyClass + +try: + import dwconv +except ImportError: + dwconv = None + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch + + +class OctreeT(Octree): + def __init__( + self, + octree: Octree, + patch_size: int = 24, + dilation: int = 4, + nempty: bool = True, + max_depth: Optional[int] = None, + start_depth: Optional[int] = None, + **kwargs + ): + super().__init__(octree.depth, octree.full_depth) + self.__dict__.update(octree.__dict__) + + self.patch_size = patch_size + self.dilation = dilation + self.nempty = nempty + self.max_depth = max_depth or self.depth + self.start_depth = start_depth or self.full_depth + self.invalid_mask_value = -1e3 + assert self.start_depth > 1 + + self.block_num = patch_size * dilation + self.nnum_t = self.nnum_nempty if nempty else self.nnum + self.nnum_a = ((self.nnum_t / self.block_num).ceil() * self.block_num).int() + + num = self.max_depth + 1 + self.batch_idx = [None] * num + self.patch_mask = [None] * num + self.dilate_mask = [None] * num + self.rel_pos = [None] * num + self.dilate_pos = [None] * num + self.build_t() + + def build_t(self): + for d in range(self.start_depth, self.max_depth + 1): + self.build_batch_idx(d) + self.build_attn_mask(d) + self.build_rel_pos(d) + + def build_batch_idx(self, depth: int): + batch = self.batch_id(depth, self.nempty) + self.batch_idx[depth] = self.patch_partition(batch, depth, self.batch_size) + + def build_attn_mask(self, depth: int): + batch = self.batch_idx[depth] + mask = batch.view(-1, self.patch_size) + self.patch_mask[depth] = self._calc_attn_mask(mask) + + mask = batch.view(-1, self.patch_size, self.dilation) + mask = mask.transpose(1, 2).reshape(-1, self.patch_size) + self.dilate_mask[depth] = self._calc_attn_mask(mask) + + def _calc_attn_mask(self, mask: torch.Tensor): + attn_mask = mask.unsqueeze(2) - mask.unsqueeze(1) + attn_mask = attn_mask.masked_fill(attn_mask != 0, self.invalid_mask_value) + return attn_mask + + def build_rel_pos(self, depth: int): + key = self.key(depth, self.nempty) + key = self.patch_partition(key, depth) + x, y, z, _ = ocnn.octree.key2xyz(key, depth) + xyz = torch.stack([x, y, z], dim=1) + + xyz = xyz.view(-1, self.patch_size, 3) + self.rel_pos[depth] = xyz.unsqueeze(2) - xyz.unsqueeze(1) + + xyz = xyz.view(-1, self.patch_size, self.dilation, 3) + xyz = xyz.transpose(1, 2).reshape(-1, self.patch_size, 3) + self.dilate_pos[depth] = xyz.unsqueeze(2) - xyz.unsqueeze(1) + + def patch_partition(self, data: torch.Tensor, depth: int, fill_value=0): + num = self.nnum_a[depth] - self.nnum_t[depth] + tail = data.new_full((num,) + data.shape[1:], fill_value) + return torch.cat([data, tail], dim=0) + + def patch_reverse(self, data: torch.Tensor, depth: int): + return data[: self.nnum_t[depth]] + + +class MLP(torch.nn.Module): + def __init__( + self, + in_features: int, + hidden_features: Optional[int] = None, + out_features: Optional[int] = None, + activation=torch.nn.GELU, + drop: float = 0.0, + **kwargs + ): + super().__init__() + self.in_features = in_features + self.out_features = out_features or in_features + self.hidden_features = hidden_features or in_features + + self.fc1 = torch.nn.Linear(self.in_features, self.hidden_features) + self.act = activation() + self.fc2 = torch.nn.Linear(self.hidden_features, self.out_features) + self.drop = torch.nn.Dropout(drop, inplace=True) + + def forward(self, data: torch.Tensor): + data = self.fc1(data) + data = self.act(data) + data = self.drop(data) + data = self.fc2(data) + data = self.drop(data) + return data + + +class OctreeDWConvBn(torch.nn.Module): + def __init__( + self, + in_channels: int, + kernel_size: List[int] = [3], + stride: int = 1, + nempty: bool = False, + ): + super().__init__() + self.conv = dwconv.OctreeDWConv( + in_channels, kernel_size, nempty, use_bias=False + ) + self.bn = torch.nn.BatchNorm1d(in_channels) + + def forward(self, data: torch.Tensor, octree: Octree, depth: int): + out = self.conv(data, octree, depth) + out = self.bn(out) + return out + + +class RPE(torch.nn.Module): + def __init__(self, patch_size: int, num_heads: int, dilation: int = 1): + super().__init__() + self.patch_size = patch_size + self.num_heads = num_heads + self.dilation = dilation + self.pos_bnd = self.get_pos_bnd(patch_size) + self.rpe_num = 2 * self.pos_bnd + 1 + self.rpe_table = torch.nn.Parameter(torch.zeros(3 * self.rpe_num, num_heads)) + torch.nn.init.trunc_normal_(self.rpe_table, std=0.02) + + def get_pos_bnd(self, patch_size: int): + return int(0.8 * patch_size * self.dilation**0.5) + + def xyz2idx(self, xyz: torch.Tensor): + mul = torch.arange(3, device=xyz.device) * self.rpe_num + xyz = xyz.clamp(-self.pos_bnd, self.pos_bnd) + idx = xyz + (self.pos_bnd + mul) + return idx + + def forward(self, xyz): + idx = self.xyz2idx(xyz) + out = self.rpe_table.index_select(0, idx.reshape(-1)) + out = out.view(idx.shape + (-1,)).sum(3) + out = out.permute(0, 3, 1, 2) # (N, K, K, H) -> (N, H, K, K) + return out + + def extra_repr(self) -> str: + return "num_heads={}, pos_bnd={}, dilation={}".format( + self.num_heads, self.pos_bnd, self.dilation + ) # noqa + + +class OctreeAttention(torch.nn.Module): + def __init__( + self, + dim: int, + patch_size: int, + num_heads: int, + qkv_bias: bool = True, + qk_scale: Optional[float] = None, + attn_drop: float = 0.0, + proj_drop: float = 0.0, + dilation: int = 1, + use_rpe: bool = True, + ): + super().__init__() + self.dim = dim + self.patch_size = patch_size + self.num_heads = num_heads + self.dilation = dilation + self.use_rpe = use_rpe + self.scale = qk_scale or (dim // num_heads) ** -0.5 + + self.qkv = torch.nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = torch.nn.Dropout(attn_drop) + self.proj = torch.nn.Linear(dim, dim) + self.proj_drop = torch.nn.Dropout(proj_drop) + self.softmax = torch.nn.Softmax(dim=-1) + self.rpe = RPE(patch_size, num_heads, dilation) if use_rpe else None + + def forward(self, data: torch.Tensor, octree: OctreeT, depth: int): + H = self.num_heads + K = self.patch_size + C = self.dim + D = self.dilation + + # patch partition + data = octree.patch_partition(data, depth) + if D > 1: # dilation + rel_pos = octree.dilate_pos[depth] + mask = octree.dilate_mask[depth] + data = data.view(-1, K, D, C).transpose(1, 2).reshape(-1, C) + else: + rel_pos = octree.rel_pos[depth] + mask = octree.patch_mask[depth] + data = data.view(-1, K, C) + + # qkv + qkv = self.qkv(data).reshape(-1, K, 3, H, C // H).permute(2, 0, 3, 1, 4) + q, k, v = qkv[0], qkv[1], qkv[2] # (N, H, K, C') + q = q * self.scale + + # attn + attn = q @ k.transpose(-2, -1) # (N, H, K, K) + attn = self.apply_rpe(attn, rel_pos) # (N, H, K, K) + attn = attn + mask.unsqueeze(1) + attn = self.softmax(attn) + attn = self.attn_drop(attn) + data = (attn @ v).transpose(1, 2).reshape(-1, C) + + # patch reverse + if D > 1: # dilation + data = data.view(-1, D, K, C).transpose(1, 2).reshape(-1, C) + data = octree.patch_reverse(data, depth) + + # ffn + data = self.proj(data) + data = self.proj_drop(data) + return data + + def apply_rpe(self, attn, rel_pos): + if self.use_rpe: + attn = attn + self.rpe(rel_pos) + return attn + + def extra_repr(self) -> str: + return "dim={}, patch_size={}, num_heads={}, dilation={}".format( + self.dim, self.patch_size, self.num_heads, self.dilation + ) # noqa + + +class OctFormerBlock(torch.nn.Module): + def __init__( + self, + dim: int, + num_heads: int, + patch_size: int = 32, + dilation: int = 0, + mlp_ratio: float = 4.0, + qkv_bias: bool = True, + qk_scale: Optional[float] = None, + attn_drop: float = 0.0, + proj_drop: float = 0.0, + drop_path: float = 0.0, + nempty: bool = True, + activation: torch.nn.Module = torch.nn.GELU, + **kwargs + ): + super().__init__() + self.norm1 = torch.nn.LayerNorm(dim) + self.attention = OctreeAttention( + dim, + patch_size, + num_heads, + qkv_bias, + qk_scale, + attn_drop, + proj_drop, + dilation, + ) + self.norm2 = torch.nn.LayerNorm(dim) + self.mlp = MLP(dim, int(dim * mlp_ratio), dim, activation, proj_drop) + self.drop_path = ocnn.nn.OctreeDropPath(drop_path, nempty) + self.cpe = OctreeDWConvBn(dim, nempty=nempty) + + def forward(self, data: torch.Tensor, octree: OctreeT, depth: int): + data = self.cpe(data, octree, depth) + data + attn = self.attention(self.norm1(data), octree, depth) + data = data + self.drop_path(attn, octree, depth) + ffn = self.mlp(self.norm2(data)) + data = data + self.drop_path(ffn, octree, depth) + return data + + +class OctFormerStage(torch.nn.Module): + def __init__( + self, + dim: int, + num_heads: int, + patch_size: int = 32, + dilation: int = 0, + mlp_ratio: float = 4.0, + qkv_bias: bool = True, + qk_scale: Optional[float] = None, + attn_drop: float = 0.0, + proj_drop: float = 0.0, + drop_path: float = 0.0, + nempty: bool = True, + activation: torch.nn.Module = torch.nn.GELU, + interval: int = 6, + use_checkpoint: bool = True, + num_blocks: int = 2, + octformer_block=OctFormerBlock, + **kwargs + ): + super().__init__() + self.num_blocks = num_blocks + self.use_checkpoint = use_checkpoint + self.interval = interval # normalization interval + self.num_norms = (num_blocks - 1) // self.interval + + self.blocks = torch.nn.ModuleList( + [ + octformer_block( + dim=dim, + num_heads=num_heads, + patch_size=patch_size, + dilation=1 if (i % 2 == 0) else dilation, + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + drop_path=( + drop_path[i] if isinstance(drop_path, list) else drop_path + ), + nempty=nempty, + activation=activation, + ) + for i in range(num_blocks) + ] + ) + # self.norms = torch.nn.ModuleList([ + # torch.nn.BatchNorm1d(dim) for _ in range(self.num_norms)]) + + def forward(self, data: torch.Tensor, octree: OctreeT, depth: int): + for i in range(self.num_blocks): + if self.use_checkpoint and self.training: + data = checkpoint(self.blocks[i], data, octree, depth) + else: + data = self.blocks[i](data, octree, depth) + # if i % self.interval == 0 and i != 0: + # data = self.norms[(i - 1) // self.interval](data) + return data + + +class OctFormerDecoder(torch.nn.Module): + def __init__( + self, channels: List[int], fpn_channel: int, nempty: bool, head_up: int = 1 + ): + super().__init__() + self.head_up = head_up + self.num_stages = len(channels) + self.conv1x1 = torch.nn.ModuleList( + [ + torch.nn.Linear(channels[i], fpn_channel) + for i in range(self.num_stages - 1, -1, -1) + ] + ) + self.upsample = ocnn.nn.OctreeUpsample("nearest", nempty) + self.conv3x3 = torch.nn.ModuleList( + [ + ocnn.modules.OctreeConvBnRelu( + fpn_channel, fpn_channel, kernel_size=[3], stride=1, nempty=nempty + ) + for _ in range(self.num_stages) + ] + ) + self.up_conv = torch.nn.ModuleList( + [ + ocnn.modules.OctreeDeconvBnRelu( + fpn_channel, fpn_channel, kernel_size=[3], stride=2, nempty=nempty + ) + for _ in range(self.head_up) + ] + ) + + def forward(self, features: Dict[int, torch.Tensor], octree: Octree): + depth = min(features.keys()) + depth_max = max(features.keys()) + assert self.num_stages == len(features) + + feature = self.conv1x1[0](features[depth]) + conv_out = self.conv3x3[0](feature, octree, depth) + out = self.upsample(conv_out, octree, depth, depth_max) + for i in range(1, self.num_stages): + depth_i = depth + i + feature = self.upsample(feature, octree, depth_i - 1) + feature = self.conv1x1[i](features[depth_i]) + feature + conv_out = self.conv3x3[i](feature, octree, depth_i) + out = out + self.upsample(conv_out, octree, depth_i, depth_max) + for i in range(self.head_up): + out = self.up_conv[i](out, octree, depth_max + i) + return out + + +class PatchEmbed(torch.nn.Module): + def __init__( + self, + in_channels: int = 3, + dim: int = 96, + num_down: int = 2, + nempty: bool = True, + **kwargs + ): + super().__init__() + self.num_stages = num_down + self.delta_depth = -num_down + channels = [int(dim * 2**i) for i in range(-self.num_stages, 1)] + + self.convs = torch.nn.ModuleList( + [ + ocnn.modules.OctreeConvBnRelu( + in_channels if i == 0 else channels[i], + channels[i], + kernel_size=[3], + stride=1, + nempty=nempty, + ) + for i in range(self.num_stages) + ] + ) + self.downsamples = torch.nn.ModuleList( + [ + ocnn.modules.OctreeConvBnRelu( + channels[i], + channels[i + 1], + kernel_size=[2], + stride=2, + nempty=nempty, + ) + for i in range(self.num_stages) + ] + ) + self.proj = ocnn.modules.OctreeConvBnRelu( + channels[-1], dim, kernel_size=[3], stride=1, nempty=nempty + ) + + def forward(self, data: torch.Tensor, octree: Octree, depth: int): + # TODO: reduce to single input + for i in range(self.num_stages): + depth_i = depth - i + data = self.convs[i](data, octree, depth_i) + data = self.downsamples[i](data, octree, depth_i) + data = self.proj(data, octree, depth_i - 1) + return data + + +class Downsample(torch.nn.Module): + def __init__( + self, + in_channels: int, + out_channels: int, + kernel_size: List[int] = (2,), + nempty: bool = True, + ): + super().__init__() + self.norm = torch.nn.BatchNorm1d(out_channels) + self.conv = ocnn.nn.OctreeConv( + in_channels, + out_channels, + kernel_size, + stride=2, + nempty=nempty, + use_bias=True, + ) + + def forward(self, data: torch.Tensor, octree: Octree, depth: int): + data = self.conv(data, octree, depth) + data = self.norm(data) + return data + + +@MODELS.register_module("OctFormer-v1m1") +class OctFormer(torch.nn.Module): + def __init__( + self, + in_channels, + num_classes, + fpn_channels=168, + channels=(96, 192, 384, 384), + num_blocks=(2, 2, 18, 2), + num_heads=(6, 12, 24, 24), + patch_size=26, + stem_down=2, + head_up=2, + dilation=4, + drop_path=0.5, + nempty=True, + octree_scale_factor=10.24, + octree_depth=11, + octree_full_depth=2, + ): + super().__init__() + assert ocnn is not None, "Please follow `README.md` to install ocnn.`" + assert dwconv is not None, "Please follow `README.md` to install dwconv.`" + + self.patch_size = patch_size + self.dilation = dilation + self.nempty = nempty + self.num_stages = len(num_blocks) + self.stem_down = stem_down + self.octree_scale_factor = octree_scale_factor + self.octree_depth = octree_depth + self.octree_full_depth = octree_full_depth + drop_ratio = torch.linspace(0, drop_path, sum(num_blocks)).tolist() + + self.patch_embed = PatchEmbed(in_channels, channels[0], stem_down, nempty) + self.layers = torch.nn.ModuleList( + [ + OctFormerStage( + dim=channels[i], + num_heads=num_heads[i], + patch_size=patch_size, + drop_path=drop_ratio[ + sum(num_blocks[:i]) : sum(num_blocks[: i + 1]) + ], + dilation=dilation, + nempty=nempty, + num_blocks=num_blocks[i], + ) + for i in range(self.num_stages) + ] + ) + self.downsamples = torch.nn.ModuleList( + [ + Downsample(channels[i], channels[i + 1], kernel_size=[2], nempty=nempty) + for i in range(self.num_stages - 1) + ] + ) + self.decoder = OctFormerDecoder( + channels=channels, fpn_channel=fpn_channels, nempty=nempty, head_up=head_up + ) + self.interp = ocnn.nn.OctreeInterp("nearest", nempty) + self.seg_head = ( + nn.Sequential( + nn.Linear(fpn_channels, fpn_channels), + torch.nn.BatchNorm1d(fpn_channels), + nn.ReLU(inplace=True), + nn.Linear(fpn_channels, num_classes), + ) + if num_classes > 0 + else nn.Identity() + ) + + def points2octree(self, points): + octree = ocnn.octree.Octree(self.octree_depth, self.octree_full_depth) + octree.build_octree(points) + return octree + + def forward(self, data_dict): + coord = data_dict["coord"] + normal = data_dict["normal"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + + point = Points( + points=coord / self.octree_scale_factor, + normals=normal, + features=feat, + batch_id=batch.unsqueeze(-1), + batch_size=len(offset), + ) + octree = ocnn.octree.Octree( + depth=self.octree_depth, + full_depth=self.octree_full_depth, + batch_size=len(offset), + device=coord.device, + ) + octree.build_octree(point) + octree.construct_all_neigh() + + feat = self.patch_embed(octree.features[octree.depth], octree, octree.depth) + depth = octree.depth - self.stem_down # current octree depth + octree = OctreeT( + octree, + self.patch_size, + self.dilation, + self.nempty, + max_depth=depth, + start_depth=depth - self.num_stages + 1, + ) + features = {} + for i in range(self.num_stages): + depth_i = depth - i + feat = self.layers[i](feat, octree, depth_i) + features[depth_i] = feat + if i < self.num_stages - 1: + feat = self.downsamples[i](feat, octree, depth_i) + out = self.decoder(features, octree) + # interp representation to points before Octreeization + query_pts = torch.cat([point.points, point.batch_id], dim=1).contiguous() + out = self.interp(out, octree, octree.depth, query_pts) + out = self.seg_head(out) + return out diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5d9f35f2a05f4a88043a45f2da64faf21f38f520 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/__init__.py @@ -0,0 +1 @@ +from .point_group_v1m1_base import PointGroup diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/point_group_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/point_group_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..2c36d3fe009fa33136d92605f1c810cff8892959 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/point_group_v1m1_base.py @@ -0,0 +1,174 @@ +""" +PointGroup for instance segmentation + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Chengyao Wang +Please cite our work if the code is helpful to you. +""" + +from functools import partial +import torch +import torch.nn as nn +import torch.nn.functional as F + +try: + from pointgroup_ops import ballquery_batch_p, bfs_cluster +except ImportError: + ballquery_batch_p, bfs_cluster = None, None + +from pointcept.models.utils import offset2batch, batch2offset + +from pointcept.models.builder import MODELS, build_model + + +@MODELS.register_module("PG-v1m1") +class PointGroup(nn.Module): + def __init__( + self, + backbone, + backbone_out_channels=64, + semantic_num_classes=20, + semantic_ignore_index=-1, + segment_ignore_index=(-1, 0, 1), + instance_ignore_index=-1, + cluster_thresh=1.5, + cluster_closed_points=300, + cluster_propose_points=100, + cluster_min_points=50, + voxel_size=0.02, + ): + super().__init__() + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + self.semantic_num_classes = semantic_num_classes + self.segment_ignore_index = segment_ignore_index + self.semantic_ignore_index = semantic_ignore_index + self.instance_ignore_index = instance_ignore_index + self.cluster_thresh = cluster_thresh + self.cluster_closed_points = cluster_closed_points + self.cluster_propose_points = cluster_propose_points + self.cluster_min_points = cluster_min_points + self.voxel_size = voxel_size + self.backbone = build_model(backbone) + self.bias_head = nn.Sequential( + nn.Linear(backbone_out_channels, backbone_out_channels), + norm_fn(backbone_out_channels), + nn.ReLU(), + nn.Linear(backbone_out_channels, 3), + ) + self.seg_head = nn.Linear(backbone_out_channels, semantic_num_classes) + self.ce_criteria = torch.nn.CrossEntropyLoss(ignore_index=semantic_ignore_index) + + def forward(self, data_dict): + coord = data_dict["coord"] + segment = data_dict["segment"] + instance = data_dict["instance"] + instance_centroid = data_dict["instance_centroid"] + offset = data_dict["offset"] + + feat = self.backbone(data_dict) + bias_pred = self.bias_head(feat) + logit_pred = self.seg_head(feat) + + # compute loss + seg_loss = self.ce_criteria(logit_pred, segment) + + mask = (instance != self.instance_ignore_index).float() + bias_gt = instance_centroid - coord + bias_dist = torch.sum(torch.abs(bias_pred - bias_gt), dim=-1) + bias_l1_loss = torch.sum(bias_dist * mask) / (torch.sum(mask) + 1e-8) + + bias_pred_norm = bias_pred / ( + torch.norm(bias_pred, p=2, dim=1, keepdim=True) + 1e-8 + ) + bias_gt_norm = bias_gt / (torch.norm(bias_gt, p=2, dim=1, keepdim=True) + 1e-8) + cosine_similarity = -(bias_pred_norm * bias_gt_norm).sum(-1) + bias_cosine_loss = torch.sum(cosine_similarity * mask) / ( + torch.sum(mask) + 1e-8 + ) + + loss = seg_loss + bias_l1_loss + bias_cosine_loss + return_dict = dict( + loss=loss, + seg_loss=seg_loss, + bias_l1_loss=bias_l1_loss, + bias_cosine_loss=bias_cosine_loss, + ) + + if not self.training: + center_pred = coord + bias_pred + center_pred /= self.voxel_size + logit_pred = F.softmax(logit_pred, dim=-1) + segment_pred = torch.max(logit_pred, 1)[1] # [n] + # cluster + mask = ( + ~torch.concat( + [ + (segment_pred == index).unsqueeze(-1) + for index in self.segment_ignore_index + ], + dim=1, + ) + .sum(-1) + .bool() + ) + + if mask.sum() == 0: + proposals_idx = torch.zeros(0).int() + proposals_offset = torch.zeros(1).int() + else: + center_pred_ = center_pred[mask] + segment_pred_ = segment_pred[mask] + + batch_ = offset2batch(offset)[mask] + offset_ = nn.ConstantPad1d((1, 0), 0)(batch2offset(batch_)) + idx, start_len = ballquery_batch_p( + center_pred_, + batch_.int(), + offset_.int(), + self.cluster_thresh, + self.cluster_closed_points, + ) + proposals_idx, proposals_offset = bfs_cluster( + segment_pred_.int().cpu(), + idx.cpu(), + start_len.cpu(), + self.cluster_min_points, + ) + proposals_idx[:, 1] = ( + mask.nonzero().view(-1)[proposals_idx[:, 1].long()].int() + ) + + # get proposal + proposals_pred = torch.zeros( + (proposals_offset.shape[0] - 1, center_pred.shape[0]), dtype=torch.int + ) + proposals_pred[proposals_idx[:, 0].long(), proposals_idx[:, 1].long()] = 1 + instance_pred = segment_pred[ + proposals_idx[:, 1][proposals_offset[:-1].long()].long() + ] + proposals_point_num = proposals_pred.sum(1) + proposals_mask = proposals_point_num > self.cluster_propose_points + proposals_pred = proposals_pred[proposals_mask] + instance_pred = instance_pred[proposals_mask] + + pred_scores = [] + pred_classes = [] + pred_masks = proposals_pred.detach().cpu() + for proposal_id in range(len(proposals_pred)): + segment_ = proposals_pred[proposal_id] + confidence_ = logit_pred[ + segment_.bool(), instance_pred[proposal_id] + ].mean() + object_ = instance_pred[proposal_id] + pred_scores.append(confidence_) + pred_classes.append(object_) + if len(pred_scores) > 0: + pred_scores = torch.stack(pred_scores).cpu() + pred_classes = torch.stack(pred_classes).cpu() + else: + pred_scores = torch.tensor([]) + pred_classes = torch.tensor([]) + + return_dict["pred_scores"] = pred_scores + return_dict["pred_masks"] = pred_masks + return_dict["pred_classes"] = pred_classes + return return_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/utils.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..d095b5bc89291ec30418c0aaf0eb9f672fe26ccc --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_group/utils.py @@ -0,0 +1,176 @@ +import torch +from torch.autograd import Function +import pointgroup_ops + + +class BallQueryBatchP(Function): + @staticmethod + def forward(ctx, coords, batch_idxs, batch_offsets, radius, meanActive): + """ + :param ctx: + :param coords: (n, 3) float + :param batch_idxs: (n) int + :param batch_offsets: (B+1) int + :param radius: float + :param meanActive: int + :return: idx (nActive), int + :return: start_len (n, 2), int + """ + + n = coords.size(0) + + assert coords.is_contiguous() and coords.is_cuda + assert batch_idxs.is_contiguous() and batch_idxs.is_cuda + assert batch_offsets.is_contiguous() and batch_offsets.is_cuda + + while True: + idx = torch.cuda.IntTensor(n * meanActive).zero_() + start_len = torch.cuda.IntTensor(n, 2).zero_() + nActive = pointgroup_ops.ballquery_batch_p( + coords, batch_idxs, batch_offsets, idx, start_len, n, meanActive, radius + ) + if nActive <= n * meanActive: + break + meanActive = int(nActive // n + 1) + idx = idx[:nActive] + + return idx, start_len + + @staticmethod + def backward(ctx, a=None, b=None): + return None, None, None + + +ballquery_batch_p = BallQueryBatchP.apply + + +class Clustering: + def __init__( + self, + ignored_labels, + class_mapping, + thresh=0.03, + closed_points=300, + min_points=50, + propose_points=100, + score_func=torch.max, + ) -> None: + self.ignored_labels = ignored_labels + self.thresh = thresh + self.closed_points = closed_points + self.min_points = min_points + self.class_mapping = class_mapping + self.propose_points = propose_points + self.score_func = score_func + + def cluster(self, vertices, scores): + labels = torch.max(scores, 1)[1] # (N) long, cuda + proposals_idx, proposals_offset = self.cluster_(vertices, labels) + + ## debug + # import ipdb; ipdb.set_trace() + # colors = np.array(create_color_palette())[labels.cpu()] + # write_triangle_mesh(vertices, colors, None, 'semantics.ply') + + # scatter + proposals_pred = torch.zeros( + (proposals_offset.shape[0] - 1, vertices.shape[0]), dtype=torch.int + ) # (nProposal, N), int, cuda + proposals_pred[proposals_idx[:, 0].long(), proposals_idx[:, 1].long()] = 1 + labels = labels[proposals_idx[:, 1][proposals_offset[:-1].long()].long()] + + proposals_pointnum = proposals_pred.sum(1) + npoint_mask = proposals_pointnum > self.propose_points + + proposals_pred = proposals_pred[npoint_mask] + labels = labels[npoint_mask] + return proposals_pred, labels + + def cluster_(self, vertices, labels): + """ + :param batch_idxs: (N), int, cuda + :labels: 0-19 + """ + batch_idxs = torch.zeros_like(labels) + + mask_non_ignored = torch.ones_like(labels).bool() + for ignored_label in self.ignored_labels: + mask_non_ignored = mask_non_ignored & ( + self.class_mapping[labels] != ignored_label + ) + object_idxs = mask_non_ignored.nonzero().view(-1) + + vertices_ = vertices[object_idxs].float() + labels_ = labels[object_idxs].int() + + if vertices_.numel() == 0: + return torch.zeros((0, 2)).int(), torch.zeros(1).int() + + batch_idxs_ = batch_idxs[object_idxs].int() + batch_offsets_ = torch.FloatTensor([0, object_idxs.shape[0]]).int().cuda() + + idx, start_len = ballquery_batch_p( + vertices_, batch_idxs_, batch_offsets_, self.thresh, self.closed_points + ) + proposals_idx, proposals_offset = bfs_cluster( + labels_.cpu(), idx.cpu(), start_len.cpu(), self.min_points + ) + proposals_idx[:, 1] = object_idxs[proposals_idx[:, 1].long()].int() + + return proposals_idx, proposals_offset + + def get_instances(self, vertices, scores): + proposals_pred, labels = self.cluster(vertices, scores) + instances = {} + for proposal_id in range(len(proposals_pred)): + clusters_i = proposals_pred[proposal_id] + score = scores[clusters_i.bool(), labels[proposal_id]] + score = self.score_func(score) + instances[proposal_id] = {} + instances[proposal_id]["conf"] = score.cpu().numpy() + instances[proposal_id]["label_id"] = self.class_mapping.cpu()[ + labels[proposal_id] + ] + instances[proposal_id]["pred_mask"] = clusters_i.cpu().numpy() + return instances + + +class BFSCluster(Function): + @staticmethod + def forward(ctx, semantic_label, ball_query_idxs, start_len, threshold): + """ + :param ctx: + :param semantic_label: (N), int + :param ball_query_idxs: (nActive), int + :param start_len: (N, 2), int + :return: cluster_idxs: int (sumNPoint, 2), dim 0 for cluster_id, dim 1 for corresponding point idxs in N + :return: cluster_offsets: int (nCluster + 1) + """ + + N = start_len.size(0) + + assert semantic_label.is_contiguous() + assert ball_query_idxs.is_contiguous() + assert start_len.is_contiguous() + + cluster_idxs = semantic_label.new() + cluster_offsets = semantic_label.new() + + pointgroup_ops.bfs_cluster( + semantic_label, + ball_query_idxs, + start_len, + cluster_idxs, + cluster_offsets, + N, + threshold, + ) + + return cluster_idxs, cluster_offsets + + @staticmethod + def backward(ctx, a=None): + return None + + +bfs_cluster = BFSCluster.apply diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f4c980b70b8c49dfc51625623071f21d6405d856 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/__init__.py @@ -0,0 +1,4 @@ +from .point_prompt_training_v1m1_language_guided import * +from .point_prompt_training_v1m2_decoupled import * + +from .prompt_driven_normalization import PDNorm diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/point_prompt_training_v1m1_language_guided.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/point_prompt_training_v1m1_language_guided.py new file mode 100644 index 0000000000000000000000000000000000000000..10c09a5be7e437ecdc99b92507d17da0e7d369b4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/point_prompt_training_v1m1_language_guided.py @@ -0,0 +1,122 @@ +""" +Point Prompt Training + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn +from pointcept.models.utils.structure import Point +from pointcept.models.builder import MODELS +from pointcept.models.losses import build_criteria + + +@MODELS.register_module("PPT-v1m1") +class PointPromptTraining(nn.Module): + """ + PointPromptTraining provides Data-driven Context and enables multi-dataset training with + Language-driven Categorical Alignment. PDNorm is supported by SpUNet-v1m3 to adapt the + backbone to a specific dataset with a given dataset condition and context. + """ + + def __init__( + self, + backbone=None, + criteria=None, + backbone_out_channels=96, + context_channels=256, + conditions=("Structured3D", "ScanNet", "S3DIS"), + template="[x]", + clip_model="ViT-B/16", + # fmt: off + class_name=( + "wall", "floor", "cabinet", "bed", "chair", "sofa", "table", "door", + "window", "bookshelf", "bookcase", "picture", "counter", "desk", "shelves", "curtain", + "dresser", "pillow", "mirror", "ceiling", "refrigerator", "television", "shower curtain", "nightstand", + "toilet", "sink", "lamp", "bathtub", "garbagebin", "board", "beam", "column", + "clutter", "otherstructure", "otherfurniture", "otherprop", + ), + valid_index=( + (0, 1, 2, 3, 4, 5, 6, 7, 8, 11, 13, 14, 15, 16, 17, 18, 19, 20, 21, 23, 25, 26, 33, 34, 35), + (0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 12, 13, 15, 20, 22, 24, 25, 27, 34), + (0, 1, 4, 5, 6, 7, 8, 10, 19, 29, 30, 31, 32), + ), + # fmt: on + backbone_mode=False, + ): + super().__init__() + assert len(conditions) == len(valid_index) + assert backbone.type in [ + "SpUNet-v1m3", + "PT-v2m3", + "PT-v3m1", + ] # SpUNet v1m3: Sparse UNet with PDNorm + self.backbone = MODELS.build(backbone) + self.criteria = build_criteria(criteria) + self.conditions = conditions + self.valid_index = valid_index + self.embedding_table = nn.Embedding(len(conditions), context_channels) + self.backbone_mode = backbone_mode + if not self.backbone_mode: + import clip + + clip_model, _ = clip.load( + clip_model, device="cpu", download_root="./.cache/clip" + ) + clip_model.requires_grad_(False) + class_prompt = [template.replace("[x]", name) for name in class_name] + class_token = clip.tokenize(class_prompt) + class_embedding = clip_model.encode_text(class_token) + class_embedding = class_embedding / class_embedding.norm( + dim=-1, keepdim=True + ) + self.register_buffer("class_embedding", class_embedding) + self.proj_head = nn.Linear( + backbone_out_channels, clip_model.text_projection.shape[1] + ) + self.logit_scale = clip_model.logit_scale + + def forward(self, data_dict): + condition = data_dict["condition"][0] + assert condition in self.conditions + context = self.embedding_table( + torch.tensor( + [self.conditions.index(condition)], device=data_dict["coord"].device + ) + ) + data_dict["context"] = context + point = self.backbone(data_dict) + # Backbone added after v1.5.0 return Point instead of feat and use DefaultSegmentorV2 + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + feat = point.feat + else: + feat = point + if self.backbone_mode: + # PPT serve as a multi-dataset backbone when enable backbone mode + return feat + feat = self.proj_head(feat) + feat = feat / feat.norm(dim=-1, keepdim=True) + sim = ( + feat + @ self.class_embedding[ + self.valid_index[self.conditions.index(condition)], : + ].t() + ) + logit_scale = self.logit_scale.exp() + seg_logits = logit_scale * sim + # train + if self.training: + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in data_dict.keys(): + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/point_prompt_training_v1m2_decoupled.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/point_prompt_training_v1m2_decoupled.py new file mode 100644 index 0000000000000000000000000000000000000000..9ad9c6bf1fcb5e17b139d6c06b44b589fcee816f --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/point_prompt_training_v1m2_decoupled.py @@ -0,0 +1,79 @@ +""" +Point Prompt Training with decoupled segmentation head + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn +from pointcept.models.utils.structure import Point +from pointcept.models.builder import MODELS +from pointcept.models.losses import build_criteria + + +@MODELS.register_module("PPT-v1m2") +class PointPromptTraining(nn.Module): + """ + PointPromptTraining v1m2 provides Data-driven Context and enables multi-dataset training with + Decoupled Segmentation Head. PDNorm is supported by SpUNet-v1m3 to adapt the + backbone to a specific dataset with a given dataset condition and context. + """ + + def __init__( + self, + backbone=None, + criteria=None, + backbone_out_channels=96, + context_channels=256, + conditions=("Structured3D", "ScanNet", "S3DIS"), + num_classes=(25, 20, 13), + backbone_mode=False, + ): + super().__init__() + assert len(conditions) == len(num_classes) + assert backbone.type in ["SpUNet-v1m3", "PT-v2m3", "PT-v3m1"] + self.backbone = MODELS.build(backbone) + self.criteria = build_criteria(criteria) + self.conditions = conditions + self.embedding_table = nn.Embedding(len(conditions), context_channels) + self.backbone_mode = backbone_mode + self.seg_heads = nn.ModuleList( + [nn.Linear(backbone_out_channels, num_cls) for num_cls in num_classes] + ) + + def forward(self, data_dict): + condition = data_dict["condition"][0] + assert condition in self.conditions + context = self.embedding_table( + torch.tensor( + [self.conditions.index(condition)], device=data_dict["coord"].device + ) + ) + data_dict["context"] = context + point = self.backbone(data_dict) + # Backbone added after v1.5.0 return Point instead of feat and use DefaultSegmentorV2 + # TODO: remove this part after make all backbone return Point only. + if isinstance(point, Point): + feat = point.feat + else: + feat = point + if self.backbone_mode: + # PPT serve as a multi-dataset backbone when enable backbone mode + return feat + seg_head = self.seg_heads[self.conditions.index(condition)] + seg_logits = seg_head(feat) + # train + if self.training: + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss) + # eval + elif "segment" in data_dict.keys(): + loss = self.criteria(seg_logits, data_dict["segment"]) + return dict(loss=loss, seg_logits=seg_logits) + # test + else: + return dict(seg_logits=seg_logits) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/prompt_driven_normalization.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/prompt_driven_normalization.py new file mode 100644 index 0000000000000000000000000000000000000000..5d7d0d0c01dd4ccf939afeff870b5d72cab403a3 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_prompt_training/prompt_driven_normalization.py @@ -0,0 +1,47 @@ +import torch.nn as nn + +from pointcept.models.modules import PointModule, PointSequential +from pointcept.models.builder import MODULES + + +@MODULES.register_module() +class PDNorm(PointModule): + def __init__( + self, + num_features, + norm_layer, + context_channels=256, + conditions=("ScanNet", "S3DIS", "Structured3D"), + decouple=True, + adaptive=False, + ): + super().__init__() + self.conditions = conditions + self.decouple = decouple + self.adaptive = adaptive + if self.decouple: + self.norm = nn.ModuleList([norm_layer(num_features) for _ in conditions]) + else: + self.norm = norm_layer + if self.adaptive: + self.modulation = nn.Sequential( + nn.SiLU(), nn.Linear(context_channels, 2 * num_features, bias=True) + ) + + def forward(self, point): + assert {"feat", "condition"}.issubset(point.keys()) + if isinstance(point.condition, str): + condition = point.condition + else: + condition = point.condition[0] + if self.decouple: + assert condition in self.conditions + norm = self.norm[self.conditions.index(condition)] + else: + norm = self.norm + point.feat = norm(point.feat) + if self.adaptive: + assert "context" in point.keys() + shift, scale = self.modulation(point.context).chunk(2, dim=1) + point.feat = point.feat * (1.0 + scale) + shift + return point diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..d6493a312bfcf559642e6a2cc77d96c3770f0dd1 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/__init__.py @@ -0,0 +1,3 @@ +from .point_transformer_seg import * +from .point_transformer_partseg import * +from .point_transformer_cls import * diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_cls.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_cls.py new file mode 100644 index 0000000000000000000000000000000000000000..8e12746fef73e9b3ee75b72942fbc8dc96e6e1bf --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_cls.py @@ -0,0 +1,131 @@ +""" +Point Transformer V1 for Object Classification + +Might be a bit different from the original paper + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn + +from .point_transformer_seg import TransitionDown, Bottleneck +from pointcept.models.builder import MODELS + + +class PointTransformerCls(nn.Module): + def __init__(self, block, blocks, in_channels=6, num_classes=40): + super().__init__() + self.in_channels = in_channels + self.in_planes, planes = in_channels, [32, 64, 128, 256, 512] + fpn_planes, fpnhead_planes, share_planes = 128, 64, 8 + stride, nsample = [1, 4, 4, 4, 4], [8, 16, 16, 16, 16] + self.enc1 = self._make_enc( + block, + planes[0], + blocks[0], + share_planes, + stride=stride[0], + nsample=nsample[0], + ) # N/1 + self.enc2 = self._make_enc( + block, + planes[1], + blocks[1], + share_planes, + stride=stride[1], + nsample=nsample[1], + ) # N/4 + self.enc3 = self._make_enc( + block, + planes[2], + blocks[2], + share_planes, + stride=stride[2], + nsample=nsample[2], + ) # N/16 + self.enc4 = self._make_enc( + block, + planes[3], + blocks[3], + share_planes, + stride=stride[3], + nsample=nsample[3], + ) # N/64 + self.enc5 = self._make_enc( + block, + planes[4], + blocks[4], + share_planes, + stride=stride[4], + nsample=nsample[4], + ) # N/256 + self.cls = nn.Sequential( + nn.Linear(planes[4], 256), + nn.BatchNorm1d(256), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(256, 128), + nn.BatchNorm1d(128), + nn.ReLU(inplace=True), + nn.Dropout(p=0.5), + nn.Linear(128, num_classes), + ) + + def _make_enc(self, block, planes, blocks, share_planes=8, stride=1, nsample=16): + layers = [ + TransitionDown(self.in_planes, planes * block.expansion, stride, nsample) + ] + self.in_planes = planes * block.expansion + for _ in range(1, blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def forward(self, data_dict): + p0 = data_dict["coord"] + x0 = data_dict["feat"] + o0 = data_dict["offset"].int() + x0 = p0 if self.in_channels == 3 else torch.cat((p0, x0), 1) + p1, x1, o1 = self.enc1([p0, x0, o0]) + p2, x2, o2 = self.enc2([p1, x1, o1]) + p3, x3, o3 = self.enc3([p2, x2, o2]) + p4, x4, o4 = self.enc4([p3, x3, o3]) + p5, x5, o5 = self.enc5([p4, x4, o4]) + x = [] + for i in range(o5.shape[0]): + if i == 0: + s_i, e_i, cnt = 0, o5[0], o5[0] + else: + s_i, e_i, cnt = o5[i - 1], o5[i], o5[i] - o5[i - 1] + x_b = x5[s_i:e_i, :].sum(0, True) / cnt + x.append(x_b) + x = torch.cat(x, 0) + x = self.cls(x) + return x + + +@MODELS.register_module("PointTransformer-Cls26") +class PointTransformerCls26(PointTransformerCls): + def __init__(self, **kwargs): + super(PointTransformerCls26, self).__init__( + Bottleneck, [1, 1, 1, 1, 1], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Cls38") +class PointTransformerCls38(PointTransformerCls): + def __init__(self, **kwargs): + super(PointTransformerCls38, self).__init__( + Bottleneck, [1, 2, 2, 2, 2], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Cls50") +class PointTransformerCls50(PointTransformerCls): + def __init__(self, **kwargs): + super(PointTransformerCls50, self).__init__( + Bottleneck, [1, 2, 3, 5, 2], **kwargs + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_partseg.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_partseg.py new file mode 100644 index 0000000000000000000000000000000000000000..3326a9f7d6fd62a9394e434135615339a3c679f8 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_partseg.py @@ -0,0 +1,374 @@ +""" +Point Transformer V1 for Part Segmentation + +Might be a bit different from the original paper + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import einops +import pointops + +from pointcept.models.builder import MODELS +from .utils import LayerNorm1d + + +class PointTransformerLayer(nn.Module): + def __init__(self, in_planes, out_planes, share_planes=8, nsample=16): + super().__init__() + self.mid_planes = mid_planes = out_planes // 1 + self.out_planes = out_planes + self.share_planes = share_planes + self.nsample = nsample + self.linear_q = nn.Linear(in_planes, mid_planes) + self.linear_k = nn.Linear(in_planes, mid_planes) + self.linear_v = nn.Linear(in_planes, out_planes) + self.linear_p = nn.Sequential( + nn.Linear(3, 3), + LayerNorm1d(3), + nn.ReLU(inplace=True), + nn.Linear(3, out_planes), + ) + self.linear_w = nn.Sequential( + LayerNorm1d(mid_planes), + nn.ReLU(inplace=True), + nn.Linear(mid_planes, out_planes // share_planes), + LayerNorm1d(out_planes // share_planes), + nn.ReLU(inplace=True), + nn.Linear(out_planes // share_planes, out_planes // share_planes), + ) + self.softmax = nn.Softmax(dim=1) + + def forward(self, pxo) -> torch.Tensor: + p, x, o = pxo # (n, 3), (n, c), (b) + x_q, x_k, x_v = self.linear_q(x), self.linear_k(x), self.linear_v(x) + x_k, idx = pointops.knn_query_and_group( + x_k, p, o, new_xyz=p, new_offset=o, nsample=self.nsample, with_xyz=True + ) + x_v, _ = pointops.knn_query_and_group( + x_v, + p, + o, + new_xyz=p, + new_offset=o, + idx=idx, + nsample=self.nsample, + with_xyz=False, + ) + p_r, x_k = x_k[:, :, 0:3], x_k[:, :, 3:] + p_r = self.linear_p(p_r) + r_qk = ( + x_k + - x_q.unsqueeze(1) + + einops.reduce( + p_r, "n ns (i j) -> n ns j", reduction="sum", j=self.mid_planes + ) + ) + w = self.linear_w(r_qk) # (n, nsample, c) + w = self.softmax(w) + x = torch.einsum( + "n t s i, n t i -> n s i", + einops.rearrange(x_v + p_r, "n ns (s i) -> n ns s i", s=self.share_planes), + w, + ) + x = einops.rearrange(x, "n s i -> n (s i)") + return x + + +class TransitionDown(nn.Module): + def __init__(self, in_planes, out_planes, stride=1, nsample=16): + super().__init__() + self.stride, self.nsample = stride, nsample + if stride != 1: + self.linear = nn.Linear(3 + in_planes, out_planes, bias=False) + self.pool = nn.MaxPool1d(nsample) + else: + self.linear = nn.Linear(in_planes, out_planes, bias=False) + self.bn = nn.BatchNorm1d(out_planes) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + if self.stride != 1: + n_o, count = [o[0].item() // self.stride], o[0].item() // self.stride + for i in range(1, o.shape[0]): + count += (o[i].item() - o[i - 1].item()) // self.stride + n_o.append(count) + n_o = torch.cuda.IntTensor(n_o) + idx = pointops.farthest_point_sampling(p, o, n_o) # (m) + n_p = p[idx.long(), :] # (m, 3) + x, _ = pointops.knn_query_and_group( + x, + p, + offset=o, + new_xyz=n_p, + new_offset=n_o, + nsample=self.nsample, + with_xyz=True, + ) + x = self.relu( + self.bn(self.linear(x).transpose(1, 2).contiguous()) + ) # (m, c, nsample) + x = self.pool(x).squeeze(-1) # (m, c) + p, o = n_p, n_o + else: + x = self.relu(self.bn(self.linear(x))) # (n, c) + return [p, x, o] + + +class TransitionUp(nn.Module): + def __init__(self, in_planes, out_planes=None, num_shape_class=None): + super().__init__() + if out_planes is None: + self.num_shape_class = num_shape_class + if num_shape_class is not None: + self.linear1 = nn.Sequential( + nn.Linear(2 * in_planes + 1024, in_planes), + nn.BatchNorm1d(in_planes), + nn.ReLU(inplace=True), + ) + else: + self.linear1 = nn.Sequential( + nn.Linear(2 * in_planes, in_planes), + nn.BatchNorm1d(in_planes), + nn.ReLU(inplace=True), + ) + + self.linear2 = nn.Sequential( + nn.Linear(in_planes, in_planes), nn.ReLU(inplace=True) + ) + if num_shape_class is not None: + self.linear3 = nn.Sequential( + nn.Linear(num_shape_class, 1024), nn.ReLU(inplace=True) + ) + else: + self.linear1 = nn.Sequential( + nn.Linear(out_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + self.linear2 = nn.Sequential( + nn.Linear(in_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + + def forward(self, pxo1, pxo2=None, y=None): + if pxo2 is None: + _, x, o = pxo1 # (n, 3), (n, c), (b) + x_tmp = [] + for i in range(o.shape[0]): + if i == 0: + s_i, e_i, cnt = 0, o[0], o[0] + else: + s_i, e_i, cnt = o[i - 1], o[i], o[i] - o[i - 1] + x_b = x[s_i:e_i, :] + y_b = y[i].unsqueeze(-1).unsqueeze(-1).long() + y_onehot = torch.zeros(1, self.num_shape_class).cuda() # (1, l) + y_onehot.scatter_(1, y_b, 1) # (1, l) + x_b = torch.cat( + ( + x_b, + self.linear2(x_b.sum(0, True) / cnt).repeat(cnt, 1), + self.linear3(y_onehot).repeat(cnt, 1), + ), + dim=1, + ) + x_tmp.append(x_b) + x = torch.cat(x_tmp, 0) + x = self.linear1(x) + else: + p1, x1, o1 = pxo1 + p2, x2, o2 = pxo2 + x = self.linear1(x1) + pointops.interpolation( + p2, p1, self.linear2(x2), o2, o1 + ) + return x + + +class Bottleneck(nn.Module): + expansion = 1 + + def __init__(self, in_planes, planes, share_planes=8, nsample=16): + super(Bottleneck, self).__init__() + self.linear1 = nn.Linear(in_planes, planes, bias=False) + self.bn1 = nn.BatchNorm1d(planes) + self.transformer = PointTransformerLayer(planes, planes, share_planes, nsample) + self.bn2 = nn.BatchNorm1d(planes) + self.linear3 = nn.Linear(planes, planes * self.expansion, bias=False) + self.bn3 = nn.BatchNorm1d(planes * self.expansion) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + identity = x + x = self.relu(self.bn1(self.linear1(x))) + x = self.relu(self.bn2(self.transformer([p, x, o]))) + x = self.bn3(self.linear3(x)) + x += identity + x = self.relu(x) + return [p, x, o] + + +class PointTransformerSeg(nn.Module): + def __init__( + self, block, blocks, in_channels=6, num_classes=50, num_shape_classes=None + ): + super().__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_shape_classes = num_shape_classes + self.in_planes, planes = in_channels, [32, 64, 128, 256, 512] + fpn_planes, fpnhead_planes, share_planes = 128, 64, 8 + stride, nsample = [1, 4, 4, 4, 4], [8, 16, 16, 16, 16] + self.enc1 = self._make_enc( + block, + planes[0], + blocks[0], + share_planes, + stride=stride[0], + nsample=nsample[0], + ) # N/1 + self.enc2 = self._make_enc( + block, + planes[1], + blocks[1], + share_planes, + stride=stride[1], + nsample=nsample[1], + ) # N/4 + self.enc3 = self._make_enc( + block, + planes[2], + blocks[2], + share_planes, + stride=stride[2], + nsample=nsample[2], + ) # N/16 + self.enc4 = self._make_enc( + block, + planes[3], + blocks[3], + share_planes, + stride=stride[3], + nsample=nsample[3], + ) # N/64 + self.enc5 = self._make_enc( + block, + planes[4], + blocks[4], + share_planes, + stride=stride[4], + nsample=nsample[4], + ) # N/256 + self.dec5 = self._make_dec( + block, + planes[4], + 1, + share_planes, + num_shape_classes=num_shape_classes, + nsample=nsample[4], + is_head=True, + ) # transform p5 + self.dec4 = self._make_dec( + block, planes[3], 1, share_planes, nsample=nsample[3] + ) # fusion p5 and p4 + self.dec3 = self._make_dec( + block, planes[2], 1, share_planes, nsample=nsample[2] + ) # fusion p4 and p3 + self.dec2 = self._make_dec( + block, planes[1], 1, share_planes, nsample=nsample[1] + ) # fusion p3 and p2 + self.dec1 = self._make_dec( + block, planes[0], 1, share_planes, nsample=nsample[0] + ) # fusion p2 and p1 + self.cls = nn.Sequential( + nn.Linear(planes[0], planes[0]), + nn.BatchNorm1d(planes[0]), + nn.ReLU(inplace=True), + nn.Linear(planes[0], num_classes), + ) + + def _make_enc(self, block, planes, blocks, share_planes=8, stride=1, nsample=16): + layers = [ + TransitionDown(self.in_planes, planes * block.expansion, stride, nsample) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def _make_dec( + self, + block, + planes, + blocks, + share_planes=8, + num_shape_classes=None, + nsample=16, + is_head=False, + ): + layers = [ + TransitionUp( + self.in_planes, + None if is_head else planes * block.expansion, + num_shape_classes, + ) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def forward(self, data_dict): + p0 = data_dict["coord"] + x0 = data_dict["feat"] + o0 = data_dict["offset"].int() + if self.num_shape_classes is not None: + y = data_dict["cls_token"] + p1, x1, o1 = self.enc1([p0, x0, o0]) + p2, x2, o2 = self.enc2([p1, x1, o1]) + p3, x3, o3 = self.enc3([p2, x2, o2]) + p4, x4, o4 = self.enc4([p3, x3, o3]) + p5, x5, o5 = self.enc5([p4, x4, o4]) + if self.num_shape_classes is not None: + x5 = self.dec5[1:]([p5, self.dec5[0]([p5, x5, o5], y=y), o5])[1] + else: + x5 = self.dec5[1:]([p5, self.dec5[0]([p5, x5, o5]), o5])[1] + x4 = self.dec4[1:]([p4, self.dec4[0]([p4, x4, o4], [p5, x5, o5]), o4])[1] + x3 = self.dec3[1:]([p3, self.dec3[0]([p3, x3, o3], [p4, x4, o4]), o3])[1] + x2 = self.dec2[1:]([p2, self.dec2[0]([p2, x2, o2], [p3, x3, o3]), o2])[1] + x1 = self.dec1[1:]([p1, self.dec1[0]([p1, x1, o1], [p2, x2, o2]), o1])[1] + x = self.cls(x1) + return x + + +@MODELS.register_module("PointTransformer-PartSeg26") +class PointTransformerSeg26(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg26, self).__init__( + Bottleneck, [1, 1, 1, 1, 1], **kwargs + ) + + +@MODELS.register_module("PointTransformer-PartSeg38") +class PointTransformerSeg38(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg38, self).__init__( + Bottleneck, [1, 2, 2, 2, 2], **kwargs + ) + + +@MODELS.register_module("PointTransformer-PartSeg50") +class PointTransformerSeg50(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg50, self).__init__( + Bottleneck, [1, 2, 3, 5, 2], **kwargs + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_seg.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_seg.py new file mode 100644 index 0000000000000000000000000000000000000000..248cacad1ade65e48fa4686560fb40617a0ea449 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/point_transformer_seg.py @@ -0,0 +1,327 @@ +""" +Point Transformer V1 for Semantic Segmentation + +Might be a bit different from the original paper + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn +import einops +import pointops + +from pointcept.models.builder import MODELS +from .utils import LayerNorm1d + + +class PointTransformerLayer(nn.Module): + def __init__(self, in_planes, out_planes, share_planes=8, nsample=16): + super().__init__() + self.mid_planes = mid_planes = out_planes // 1 + self.out_planes = out_planes + self.share_planes = share_planes + self.nsample = nsample + self.linear_q = nn.Linear(in_planes, mid_planes) + self.linear_k = nn.Linear(in_planes, mid_planes) + self.linear_v = nn.Linear(in_planes, out_planes) + self.linear_p = nn.Sequential( + nn.Linear(3, 3), + LayerNorm1d(3), + nn.ReLU(inplace=True), + nn.Linear(3, out_planes), + ) + self.linear_w = nn.Sequential( + LayerNorm1d(mid_planes), + nn.ReLU(inplace=True), + nn.Linear(mid_planes, out_planes // share_planes), + LayerNorm1d(out_planes // share_planes), + nn.ReLU(inplace=True), + nn.Linear(out_planes // share_planes, out_planes // share_planes), + ) + self.softmax = nn.Softmax(dim=1) + + def forward(self, pxo) -> torch.Tensor: + p, x, o = pxo # (n, 3), (n, c), (b) + x_q, x_k, x_v = self.linear_q(x), self.linear_k(x), self.linear_v(x) + x_k, idx = pointops.knn_query_and_group( + x_k, p, o, new_xyz=p, new_offset=o, nsample=self.nsample, with_xyz=True + ) + x_v, _ = pointops.knn_query_and_group( + x_v, + p, + o, + new_xyz=p, + new_offset=o, + idx=idx, + nsample=self.nsample, + with_xyz=False, + ) + p_r, x_k = x_k[:, :, 0:3], x_k[:, :, 3:] + p_r = self.linear_p(p_r) + r_qk = ( + x_k + - x_q.unsqueeze(1) + + einops.reduce( + p_r, "n ns (i j) -> n ns j", reduction="sum", j=self.mid_planes + ) + ) + w = self.linear_w(r_qk) # (n, nsample, c) + w = self.softmax(w) + x = torch.einsum( + "n t s i, n t i -> n s i", + einops.rearrange(x_v + p_r, "n ns (s i) -> n ns s i", s=self.share_planes), + w, + ) + x = einops.rearrange(x, "n s i -> n (s i)") + return x + + +class TransitionDown(nn.Module): + def __init__(self, in_planes, out_planes, stride=1, nsample=16): + super().__init__() + self.stride, self.nsample = stride, nsample + if stride != 1: + self.linear = nn.Linear(3 + in_planes, out_planes, bias=False) + self.pool = nn.MaxPool1d(nsample) + else: + self.linear = nn.Linear(in_planes, out_planes, bias=False) + self.bn = nn.BatchNorm1d(out_planes) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + if self.stride != 1: + n_o, count = [o[0].item() // self.stride], o[0].item() // self.stride + for i in range(1, o.shape[0]): + count += (o[i].item() - o[i - 1].item()) // self.stride + n_o.append(count) + n_o = torch.cuda.IntTensor(n_o) + idx = pointops.farthest_point_sampling(p, o, n_o) # (m) + n_p = p[idx.long(), :] # (m, 3) + x, _ = pointops.knn_query_and_group( + x, + p, + offset=o, + new_xyz=n_p, + new_offset=n_o, + nsample=self.nsample, + with_xyz=True, + ) + x = self.relu( + self.bn(self.linear(x).transpose(1, 2).contiguous()) + ) # (m, c, nsample) + x = self.pool(x).squeeze(-1) # (m, c) + p, o = n_p, n_o + else: + x = self.relu(self.bn(self.linear(x))) # (n, c) + return [p, x, o] + + +class TransitionUp(nn.Module): + def __init__(self, in_planes, out_planes=None): + super().__init__() + if out_planes is None: + self.linear1 = nn.Sequential( + nn.Linear(2 * in_planes, in_planes), + nn.BatchNorm1d(in_planes), + nn.ReLU(inplace=True), + ) + self.linear2 = nn.Sequential( + nn.Linear(in_planes, in_planes), nn.ReLU(inplace=True) + ) + else: + self.linear1 = nn.Sequential( + nn.Linear(out_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + self.linear2 = nn.Sequential( + nn.Linear(in_planes, out_planes), + nn.BatchNorm1d(out_planes), + nn.ReLU(inplace=True), + ) + + def forward(self, pxo1, pxo2=None): + if pxo2 is None: + _, x, o = pxo1 # (n, 3), (n, c), (b) + x_tmp = [] + for i in range(o.shape[0]): + if i == 0: + s_i, e_i, cnt = 0, o[0], o[0] + else: + s_i, e_i, cnt = o[i - 1], o[i], o[i] - o[i - 1] + x_b = x[s_i:e_i, :] + x_b = torch.cat( + (x_b, self.linear2(x_b.sum(0, True) / cnt).repeat(cnt, 1)), 1 + ) + x_tmp.append(x_b) + x = torch.cat(x_tmp, 0) + x = self.linear1(x) + else: + p1, x1, o1 = pxo1 + p2, x2, o2 = pxo2 + x = self.linear1(x1) + pointops.interpolation( + p2, p1, self.linear2(x2), o2, o1 + ) + return x + + +class Bottleneck(nn.Module): + expansion = 1 + + def __init__(self, in_planes, planes, share_planes=8, nsample=16): + super(Bottleneck, self).__init__() + self.linear1 = nn.Linear(in_planes, planes, bias=False) + self.bn1 = nn.BatchNorm1d(planes) + self.transformer = PointTransformerLayer(planes, planes, share_planes, nsample) + self.bn2 = nn.BatchNorm1d(planes) + self.linear3 = nn.Linear(planes, planes * self.expansion, bias=False) + self.bn3 = nn.BatchNorm1d(planes * self.expansion) + self.relu = nn.ReLU(inplace=True) + + def forward(self, pxo): + p, x, o = pxo # (n, 3), (n, c), (b) + identity = x + x = self.relu(self.bn1(self.linear1(x))) + x = self.relu(self.bn2(self.transformer([p, x, o]))) + x = self.bn3(self.linear3(x)) + x += identity + x = self.relu(x) + return [p, x, o] + + +class PointTransformerSeg(nn.Module): + def __init__(self, block, blocks, in_channels=6, num_classes=13): + super().__init__() + self.in_channels = in_channels + self.in_planes, planes = in_channels, [32, 64, 128, 256, 512] + fpn_planes, fpnhead_planes, share_planes = 128, 64, 8 + stride, nsample = [1, 4, 4, 4, 4], [8, 16, 16, 16, 16] + self.enc1 = self._make_enc( + block, + planes[0], + blocks[0], + share_planes, + stride=stride[0], + nsample=nsample[0], + ) # N/1 + self.enc2 = self._make_enc( + block, + planes[1], + blocks[1], + share_planes, + stride=stride[1], + nsample=nsample[1], + ) # N/4 + self.enc3 = self._make_enc( + block, + planes[2], + blocks[2], + share_planes, + stride=stride[2], + nsample=nsample[2], + ) # N/16 + self.enc4 = self._make_enc( + block, + planes[3], + blocks[3], + share_planes, + stride=stride[3], + nsample=nsample[3], + ) # N/64 + self.enc5 = self._make_enc( + block, + planes[4], + blocks[4], + share_planes, + stride=stride[4], + nsample=nsample[4], + ) # N/256 + self.dec5 = self._make_dec( + block, planes[4], 1, share_planes, nsample=nsample[4], is_head=True + ) # transform p5 + self.dec4 = self._make_dec( + block, planes[3], 1, share_planes, nsample=nsample[3] + ) # fusion p5 and p4 + self.dec3 = self._make_dec( + block, planes[2], 1, share_planes, nsample=nsample[2] + ) # fusion p4 and p3 + self.dec2 = self._make_dec( + block, planes[1], 1, share_planes, nsample=nsample[1] + ) # fusion p3 and p2 + self.dec1 = self._make_dec( + block, planes[0], 1, share_planes, nsample=nsample[0] + ) # fusion p2 and p1 + self.cls = nn.Sequential( + nn.Linear(planes[0], planes[0]), + nn.BatchNorm1d(planes[0]), + nn.ReLU(inplace=True), + nn.Linear(planes[0], num_classes), + ) + + def _make_enc(self, block, planes, blocks, share_planes=8, stride=1, nsample=16): + layers = [ + TransitionDown(self.in_planes, planes * block.expansion, stride, nsample) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def _make_dec( + self, block, planes, blocks, share_planes=8, nsample=16, is_head=False + ): + layers = [ + TransitionUp(self.in_planes, None if is_head else planes * block.expansion) + ] + self.in_planes = planes * block.expansion + for _ in range(blocks): + layers.append( + block(self.in_planes, self.in_planes, share_planes, nsample=nsample) + ) + return nn.Sequential(*layers) + + def forward(self, data_dict): + p0 = data_dict["coord"] + x0 = data_dict["feat"] + o0 = data_dict["offset"].int() + p1, x1, o1 = self.enc1([p0, x0, o0]) + p2, x2, o2 = self.enc2([p1, x1, o1]) + p3, x3, o3 = self.enc3([p2, x2, o2]) + p4, x4, o4 = self.enc4([p3, x3, o3]) + p5, x5, o5 = self.enc5([p4, x4, o4]) + x5 = self.dec5[1:]([p5, self.dec5[0]([p5, x5, o5]), o5])[1] + x4 = self.dec4[1:]([p4, self.dec4[0]([p4, x4, o4], [p5, x5, o5]), o4])[1] + x3 = self.dec3[1:]([p3, self.dec3[0]([p3, x3, o3], [p4, x4, o4]), o3])[1] + x2 = self.dec2[1:]([p2, self.dec2[0]([p2, x2, o2], [p3, x3, o3]), o2])[1] + x1 = self.dec1[1:]([p1, self.dec1[0]([p1, x1, o1], [p2, x2, o2]), o1])[1] + x = self.cls(x1) + return x + + +@MODELS.register_module("PointTransformer-Seg26") +class PointTransformerSeg26(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg26, self).__init__( + Bottleneck, [1, 1, 1, 1, 1], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Seg38") +class PointTransformerSeg38(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg38, self).__init__( + Bottleneck, [1, 2, 2, 2, 2], **kwargs + ) + + +@MODELS.register_module("PointTransformer-Seg50") +class PointTransformerSeg50(PointTransformerSeg): + def __init__(self, **kwargs): + super(PointTransformerSeg50, self).__init__( + Bottleneck, [1, 2, 3, 5, 2], **kwargs + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/utils.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..c5687701835bb1f8a8936ea5ae5d52285567dc77 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer/utils.py @@ -0,0 +1,14 @@ +import torch +import torch.nn as nn + +torch.nn.LayerNorm + + +class LayerNorm1d(nn.BatchNorm1d): + def forward(self, input: torch.Tensor) -> torch.Tensor: + return ( + super() + .forward(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e9689fa2518b599bc6f94e6f8d0ea461859b8909 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/__init__.py @@ -0,0 +1,10 @@ +""" +Point Transformer V2 + +Copyright (c) Xiaoyang Wu (xiaoyang.wu@connect.hku.hk). All Rights Reserved. +Please cite our work if you use any part of the code. +""" + +from .point_transformer_v2m1_origin import * +from .point_transformer_v2m2_base import * +from .point_transformer_v2m3_pdnorm import * diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m1_origin.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m1_origin.py new file mode 100644 index 0000000000000000000000000000000000000000..b325d9eb7d5e1507ce62d5cbf60bb000cf83acbc --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m1_origin.py @@ -0,0 +1,614 @@ +""" +Point Transformer V2 mode 1 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from copy import deepcopy +import math +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint +from torch_geometric.nn.pool import voxel_grid +from torch_scatter import segment_csr + +import einops +from timm.models.layers import DropPath +import pointops + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +class GroupedLinear(nn.Module): + __constants__ = ["in_features", "out_features", "groups"] + in_features: int + out_features: int + groups: int + weight: torch.Tensor + + def __init__( + self, in_features: int, out_features: int, groups: int, device=None, dtype=None + ) -> None: + factory_kwargs = {"device": device, "dtype": dtype} + super(GroupedLinear, self).__init__() + self.in_features = in_features + self.out_features = out_features + self.groups = groups + assert in_features & groups == 0 + assert out_features % groups == 0 + # for convenient, currently only support out_features == groups, one output + assert out_features == groups + self.weight = nn.Parameter(torch.empty((1, in_features), **factory_kwargs)) + self.reset_parameters() + + def reset_parameters(self) -> None: + nn.init.kaiming_uniform_(self.weight, a=math.sqrt(5)) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + return ( + (input * self.weight) + .reshape( + list(input.shape[:-1]) + [self.groups, input.shape[-1] // self.groups] + ) + .sum(-1) + ) + + def extra_repr(self) -> str: + return "in_features={}, out_features={}, bias={}".format( + self.in_features, self.out_features, self.bias is not None + ) + + +class PointBatchNorm(nn.Module): + """ + Batch Normalization for Point Clouds data in shape of [B*N, C], [B*N, L, C] + """ + + def __init__(self, embed_channels): + super().__init__() + self.norm = nn.BatchNorm1d(embed_channels) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + if input.dim() == 3: + return ( + self.norm(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) + elif input.dim() == 2: + return self.norm(input) + else: + raise NotImplementedError + + +class GroupedVectorAttention(nn.Module): + def __init__( + self, + embed_channels, + groups, + attn_drop_rate=0.0, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + ): + super(GroupedVectorAttention, self).__init__() + self.embed_channels = embed_channels + self.groups = groups + assert embed_channels % groups == 0 + self.attn_drop_rate = attn_drop_rate + self.qkv_bias = qkv_bias + self.pe_multiplier = pe_multiplier + self.pe_bias = pe_bias + + self.linear_q = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.linear_k = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + + self.linear_v = nn.Linear(embed_channels, embed_channels, bias=qkv_bias) + + if self.pe_multiplier: + self.linear_p_multiplier = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + if self.pe_bias: + self.linear_p_bias = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + self.weight_encoding = nn.Sequential( + GroupedLinear(embed_channels, groups, groups), + PointBatchNorm(groups), + nn.ReLU(inplace=True), + nn.Linear(groups, groups), + ) + self.softmax = nn.Softmax(dim=1) + self.attn_drop = nn.Dropout(attn_drop_rate) + + def forward(self, feat, coord, reference_index): + query, key, value = ( + self.linear_q(feat), + self.linear_k(feat), + self.linear_v(feat), + ) + key = pointops.grouping(reference_index, key, coord, with_xyz=True) + value = pointops.grouping(reference_index, value, coord, with_xyz=False) + pos, key = key[:, :, 0:3], key[:, :, 3:] + relation_qk = key - query.unsqueeze(1) + if self.pe_multiplier: + pem = self.linear_p_multiplier(pos) + relation_qk = relation_qk * pem + if self.pe_bias: + peb = self.linear_p_bias(pos) + relation_qk = relation_qk + peb + value = value + peb + + weight = self.weight_encoding(relation_qk) + weight = self.attn_drop(self.softmax(weight)) + + mask = torch.sign(reference_index + 1) + weight = torch.einsum("n s g, n s -> n s g", weight, mask) + value = einops.rearrange(value, "n ns (g i) -> n ns g i", g=self.groups) + feat = torch.einsum("n s g i, n s g -> n g i", value, weight) + feat = einops.rearrange(feat, "n g i -> n (g i)") + return feat + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + groups, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(Block, self).__init__() + self.attn = GroupedVectorAttention( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + attn_drop_rate=attn_drop_rate, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + ) + self.fc1 = nn.Linear(embed_channels, embed_channels, bias=False) + self.fc3 = nn.Linear(embed_channels, embed_channels, bias=False) + self.norm1 = PointBatchNorm(embed_channels) + self.norm2 = PointBatchNorm(embed_channels) + self.norm3 = PointBatchNorm(embed_channels) + self.act = nn.ReLU(inplace=True) + self.enable_checkpoint = enable_checkpoint + self.drop_path = ( + DropPath(drop_path_rate) if drop_path_rate > 0.0 else nn.Identity() + ) + + def forward(self, points, reference_index): + coord, feat, offset = points + identity = feat + feat = self.act(self.norm1(self.fc1(feat))) + feat = ( + self.attn(feat, coord, reference_index) + if not self.enable_checkpoint + else checkpoint(self.attn, feat, coord, reference_index) + ) + feat = self.act(self.norm2(feat)) + feat = self.norm3(self.fc3(feat)) + feat = identity + self.drop_path(feat) + feat = self.act(feat) + return [coord, feat, offset] + + +class BlockSequence(nn.Module): + def __init__( + self, + depth, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(BlockSequence, self).__init__() + + if isinstance(drop_path_rate, list): + drop_path_rates = drop_path_rate + assert len(drop_path_rates) == depth + elif isinstance(drop_path_rate, float): + drop_path_rates = [deepcopy(drop_path_rate) for _ in range(depth)] + else: + drop_path_rates = [0.0 for _ in range(depth)] + + self.neighbours = neighbours + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rates[i], + enable_checkpoint=enable_checkpoint, + ) + self.blocks.append(block) + + def forward(self, points): + coord, feat, offset = points + # reference index query of neighbourhood attention + # for windows attention, modify reference index query method + reference_index, _ = pointops.knn_query(self.neighbours, coord, offset) + for block in self.blocks: + points = block(points, reference_index) + return points + + +class GridPool(nn.Module): + """ + Partition-based Pooling (Grid Pooling) + """ + + def __init__(self, in_channels, out_channels, grid_size, bias=False): + super(GridPool, self).__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.grid_size = grid_size + + self.fc = nn.Linear(in_channels, out_channels, bias=bias) + self.norm = PointBatchNorm(out_channels) + self.act = nn.ReLU(inplace=True) + + def forward(self, points, start=None): + coord, feat, offset = points + batch = offset2batch(offset) + feat = self.act(self.norm(self.fc(feat))) + start = ( + segment_csr( + coord, + torch.cat([batch.new_zeros(1), torch.cumsum(batch.bincount(), dim=0)]), + reduce="min", + ) + if start is None + else start + ) + cluster = voxel_grid( + pos=coord - start[batch], size=self.grid_size, batch=batch, start=0 + ) + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + _, sorted_cluster_indices = torch.sort(cluster) + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + coord = segment_csr(coord[sorted_cluster_indices], idx_ptr, reduce="mean") + feat = segment_csr(feat[sorted_cluster_indices], idx_ptr, reduce="max") + batch = batch[idx_ptr[:-1]] + offset = batch2offset(batch) + return [coord, feat, offset], cluster + + +class UnpoolWithSkip(nn.Module): + """ + Map Unpooling with skip connection + """ + + def __init__( + self, + in_channels, + skip_channels, + out_channels, + bias=True, + skip=True, + backend="map", + ): + super(UnpoolWithSkip, self).__init__() + self.in_channels = in_channels + self.skip_channels = skip_channels + self.out_channels = out_channels + self.skip = skip + self.backend = backend + assert self.backend in ["map", "interp"] + + self.proj = nn.Sequential( + nn.Linear(in_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + self.proj_skip = nn.Sequential( + nn.Linear(skip_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + + def forward(self, points, skip_points, cluster=None): + coord, feat, offset = points + skip_coord, skip_feat, skip_offset = skip_points + if self.backend == "map" and cluster is not None: + feat = self.proj(feat)[cluster] + else: + feat = pointops.interpolation( + coord, skip_coord, self.proj(feat), offset, skip_offset + ) + if self.skip: + feat = feat + self.proj_skip(skip_feat) + return [skip_coord, feat, skip_offset] + + +class Encoder(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + grid_size=None, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + ): + super(Encoder, self).__init__() + + self.down = GridPool( + in_channels=in_channels, + out_channels=embed_channels, + grid_size=grid_size, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + points, cluster = self.down(points) + return self.blocks(points), cluster + + +class Decoder(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + groups, + depth, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + unpool_backend="map", + ): + super(Decoder, self).__init__() + + self.up = UnpoolWithSkip( + in_channels=in_channels, + out_channels=embed_channels, + skip_channels=skip_channels, + backend=unpool_backend, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points, skip_points, cluster): + points = self.up(points, skip_points, cluster) + return self.blocks(points) + + +class GVAPatchEmbed(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(GVAPatchEmbed, self).__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + self.proj = nn.Sequential( + nn.Linear(in_channels, embed_channels, bias=False), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rate, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + coord, feat, offset = points + feat = self.proj(feat) + return self.blocks([coord, feat, offset]) + + +@MODELS.register_module("PT-v2m1") +class PointTransformerV2(nn.Module): + def __init__( + self, + in_channels, + num_classes, + patch_embed_depth=1, + patch_embed_channels=48, + patch_embed_groups=6, + patch_embed_neighbours=8, + enc_depths=(2, 2, 6, 2), + enc_channels=(96, 192, 384, 512), + enc_groups=(12, 24, 48, 64), + enc_neighbours=(16, 16, 16, 16), + dec_depths=(1, 1, 1, 1), + dec_channels=(48, 96, 192, 384), + dec_groups=(6, 12, 24, 48), + dec_neighbours=(16, 16, 16, 16), + grid_sizes=(0.06, 0.12, 0.24, 0.48), + attn_qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0, + enable_checkpoint=False, + unpool_backend="map", + ): + super(PointTransformerV2, self).__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_depths) + assert self.num_stages == len(dec_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(dec_channels) + assert self.num_stages == len(enc_groups) + assert self.num_stages == len(dec_groups) + assert self.num_stages == len(enc_neighbours) + assert self.num_stages == len(dec_neighbours) + assert self.num_stages == len(grid_sizes) + self.patch_embed = GVAPatchEmbed( + in_channels=in_channels, + embed_channels=patch_embed_channels, + groups=patch_embed_groups, + depth=patch_embed_depth, + neighbours=patch_embed_neighbours, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + enable_checkpoint=enable_checkpoint, + ) + + enc_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(enc_depths)) + ] + dec_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(dec_depths)) + ] + enc_channels = [patch_embed_channels] + list(enc_channels) + dec_channels = list(dec_channels) + [enc_channels[-1]] + self.enc_stages = nn.ModuleList() + self.dec_stages = nn.ModuleList() + for i in range(self.num_stages): + enc = Encoder( + depth=enc_depths[i], + in_channels=enc_channels[i], + embed_channels=enc_channels[i + 1], + groups=enc_groups[i], + grid_size=grid_sizes[i], + neighbours=enc_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=enc_dp_rates[ + sum(enc_depths[:i]) : sum(enc_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + ) + dec = Decoder( + depth=dec_depths[i], + in_channels=dec_channels[i + 1], + skip_channels=enc_channels[i], + embed_channels=dec_channels[i], + groups=dec_groups[i], + neighbours=dec_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=dec_dp_rates[ + sum(dec_depths[:i]) : sum(dec_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + unpool_backend=unpool_backend, + ) + self.enc_stages.append(enc) + self.dec_stages.append(dec) + self.seg_head = ( + nn.Sequential( + nn.Linear(dec_channels[0], dec_channels[0]), + PointBatchNorm(dec_channels[0]), + nn.ReLU(inplace=True), + nn.Linear(dec_channels[0], num_classes), + ) + if num_classes > 0 + else nn.Identity() + ) + + def forward(self, data_dict): + coord = data_dict["coord"] + feat = data_dict["feat"] + offset = data_dict["offset"].int() + + # a batch of point cloud is a list of coord, feat and offset + points = [coord, feat, offset] + points = self.patch_embed(points) + skips = [[points]] + for i in range(self.num_stages): + points, cluster = self.enc_stages[i](points) + skips[-1].append(cluster) # record grid cluster of pooling + skips.append([points]) # record points info of current stage + + points = skips.pop(-1)[0] # unpooling points info in the last enc stage + for i in reversed(range(self.num_stages)): + skip_points, cluster = skips.pop(-1) + points = self.dec_stages[i](points, skip_points, cluster) + coord, feat, offset = points + seg_logits = self.seg_head(feat) + return seg_logits diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m2_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m2_base.py new file mode 100644 index 0000000000000000000000000000000000000000..dec45ff92504cf184505d0cad96d30346613df46 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m2_base.py @@ -0,0 +1,576 @@ +""" +Point Transformer V2 Mode 2 (recommend) + +Disable Grouped Linear + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from copy import deepcopy +import math +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint +from torch_geometric.nn.pool import voxel_grid +from torch_scatter import segment_csr + +import einops +from timm.models.layers import DropPath +import pointops + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +class PointBatchNorm(nn.Module): + """ + Batch Normalization for Point Clouds data in shape of [B*N, C], [B*N, L, C] + """ + + def __init__(self, embed_channels): + super().__init__() + self.norm = nn.BatchNorm1d(embed_channels) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + if input.dim() == 3: + return ( + self.norm(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) + elif input.dim() == 2: + return self.norm(input) + else: + raise NotImplementedError + + +class GroupedVectorAttention(nn.Module): + def __init__( + self, + embed_channels, + groups, + attn_drop_rate=0.0, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + ): + super(GroupedVectorAttention, self).__init__() + self.embed_channels = embed_channels + self.groups = groups + assert embed_channels % groups == 0 + self.attn_drop_rate = attn_drop_rate + self.qkv_bias = qkv_bias + self.pe_multiplier = pe_multiplier + self.pe_bias = pe_bias + + self.linear_q = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.linear_k = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + + self.linear_v = nn.Linear(embed_channels, embed_channels, bias=qkv_bias) + + if self.pe_multiplier: + self.linear_p_multiplier = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + if self.pe_bias: + self.linear_p_bias = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + self.weight_encoding = nn.Sequential( + nn.Linear(embed_channels, groups), + PointBatchNorm(groups), + nn.ReLU(inplace=True), + nn.Linear(groups, groups), + ) + self.softmax = nn.Softmax(dim=1) + self.attn_drop = nn.Dropout(attn_drop_rate) + + def forward(self, feat, coord, reference_index): + query, key, value = ( + self.linear_q(feat), + self.linear_k(feat), + self.linear_v(feat), + ) + key = pointops.grouping(reference_index, key, coord, with_xyz=True) + value = pointops.grouping(reference_index, value, coord, with_xyz=False) + pos, key = key[:, :, 0:3], key[:, :, 3:] + relation_qk = key - query.unsqueeze(1) + if self.pe_multiplier: + pem = self.linear_p_multiplier(pos) + relation_qk = relation_qk * pem + if self.pe_bias: + peb = self.linear_p_bias(pos) + relation_qk = relation_qk + peb + value = value + peb + + weight = self.weight_encoding(relation_qk) + weight = self.attn_drop(self.softmax(weight)) + + mask = torch.sign(reference_index + 1) + weight = torch.einsum("n s g, n s -> n s g", weight, mask) + value = einops.rearrange(value, "n ns (g i) -> n ns g i", g=self.groups) + feat = torch.einsum("n s g i, n s g -> n g i", value, weight) + feat = einops.rearrange(feat, "n g i -> n (g i)") + return feat + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + groups, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(Block, self).__init__() + self.attn = GroupedVectorAttention( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + attn_drop_rate=attn_drop_rate, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + ) + self.fc1 = nn.Linear(embed_channels, embed_channels, bias=False) + self.fc3 = nn.Linear(embed_channels, embed_channels, bias=False) + self.norm1 = PointBatchNorm(embed_channels) + self.norm2 = PointBatchNorm(embed_channels) + self.norm3 = PointBatchNorm(embed_channels) + self.act = nn.ReLU(inplace=True) + self.enable_checkpoint = enable_checkpoint + self.drop_path = ( + DropPath(drop_path_rate) if drop_path_rate > 0.0 else nn.Identity() + ) + + def forward(self, points, reference_index): + coord, feat, offset = points + identity = feat + feat = self.act(self.norm1(self.fc1(feat))) + feat = ( + self.attn(feat, coord, reference_index) + if not self.enable_checkpoint + else checkpoint(self.attn, feat, coord, reference_index) + ) + feat = self.act(self.norm2(feat)) + feat = self.norm3(self.fc3(feat)) + feat = identity + self.drop_path(feat) + feat = self.act(feat) + return [coord, feat, offset] + + +class BlockSequence(nn.Module): + def __init__( + self, + depth, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(BlockSequence, self).__init__() + + if isinstance(drop_path_rate, list): + drop_path_rates = drop_path_rate + assert len(drop_path_rates) == depth + elif isinstance(drop_path_rate, float): + drop_path_rates = [deepcopy(drop_path_rate) for _ in range(depth)] + else: + drop_path_rates = [0.0 for _ in range(depth)] + + self.neighbours = neighbours + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rates[i], + enable_checkpoint=enable_checkpoint, + ) + self.blocks.append(block) + + def forward(self, points): + coord, feat, offset = points + # reference index query of neighbourhood attention + # for windows attention, modify reference index query method + reference_index, _ = pointops.knn_query(self.neighbours, coord, offset) + for block in self.blocks: + points = block(points, reference_index) + return points + + +class GridPool(nn.Module): + """ + Partition-based Pooling (Grid Pooling) + """ + + def __init__(self, in_channels, out_channels, grid_size, bias=False): + super(GridPool, self).__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.grid_size = grid_size + + self.fc = nn.Linear(in_channels, out_channels, bias=bias) + self.norm = PointBatchNorm(out_channels) + self.act = nn.ReLU(inplace=True) + + def forward(self, points, start=None): + coord, feat, offset = points + batch = offset2batch(offset) + feat = self.act(self.norm(self.fc(feat))) + start = ( + segment_csr( + coord, + torch.cat([batch.new_zeros(1), torch.cumsum(batch.bincount(), dim=0)]), + reduce="min", + ) + if start is None + else start + ) + cluster = voxel_grid( + pos=coord - start[batch], size=self.grid_size, batch=batch, start=0 + ) + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + _, sorted_cluster_indices = torch.sort(cluster) + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + coord = segment_csr(coord[sorted_cluster_indices], idx_ptr, reduce="mean") + feat = segment_csr(feat[sorted_cluster_indices], idx_ptr, reduce="max") + batch = batch[idx_ptr[:-1]] + offset = batch2offset(batch) + return [coord, feat, offset], cluster + + +class UnpoolWithSkip(nn.Module): + """ + Map Unpooling with skip connection + """ + + def __init__( + self, + in_channels, + skip_channels, + out_channels, + bias=True, + skip=True, + backend="map", + ): + super(UnpoolWithSkip, self).__init__() + self.in_channels = in_channels + self.skip_channels = skip_channels + self.out_channels = out_channels + self.skip = skip + self.backend = backend + assert self.backend in ["map", "interp"] + + self.proj = nn.Sequential( + nn.Linear(in_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + self.proj_skip = nn.Sequential( + nn.Linear(skip_channels, out_channels, bias=bias), + PointBatchNorm(out_channels), + nn.ReLU(inplace=True), + ) + + def forward(self, points, skip_points, cluster=None): + coord, feat, offset = points + skip_coord, skip_feat, skip_offset = skip_points + if self.backend == "map" and cluster is not None: + feat = self.proj(feat)[cluster] + else: + feat = pointops.interpolation( + coord, skip_coord, self.proj(feat), offset, skip_offset + ) + if self.skip: + feat = feat + self.proj_skip(skip_feat) + return [skip_coord, feat, skip_offset] + + +class Encoder(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + grid_size=None, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + ): + super(Encoder, self).__init__() + + self.down = GridPool( + in_channels=in_channels, + out_channels=embed_channels, + grid_size=grid_size, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + points, cluster = self.down(points) + return self.blocks(points), cluster + + +class Decoder(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + groups, + depth, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + unpool_backend="map", + ): + super(Decoder, self).__init__() + + self.up = UnpoolWithSkip( + in_channels=in_channels, + out_channels=embed_channels, + skip_channels=skip_channels, + backend=unpool_backend, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points, skip_points, cluster): + points = self.up(points, skip_points, cluster) + return self.blocks(points) + + +class GVAPatchEmbed(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(GVAPatchEmbed, self).__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + self.proj = nn.Sequential( + nn.Linear(in_channels, embed_channels, bias=False), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rate, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + coord, feat, offset = points + feat = self.proj(feat) + return self.blocks([coord, feat, offset]) + + +@MODELS.register_module("PT-v2m2") +class PointTransformerV2(nn.Module): + def __init__( + self, + in_channels, + num_classes, + patch_embed_depth=1, + patch_embed_channels=48, + patch_embed_groups=6, + patch_embed_neighbours=8, + enc_depths=(2, 2, 6, 2), + enc_channels=(96, 192, 384, 512), + enc_groups=(12, 24, 48, 64), + enc_neighbours=(16, 16, 16, 16), + dec_depths=(1, 1, 1, 1), + dec_channels=(48, 96, 192, 384), + dec_groups=(6, 12, 24, 48), + dec_neighbours=(16, 16, 16, 16), + grid_sizes=(0.06, 0.12, 0.24, 0.48), + attn_qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0, + enable_checkpoint=False, + unpool_backend="map", + ): + super(PointTransformerV2, self).__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_depths) + assert self.num_stages == len(dec_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(dec_channels) + assert self.num_stages == len(enc_groups) + assert self.num_stages == len(dec_groups) + assert self.num_stages == len(enc_neighbours) + assert self.num_stages == len(dec_neighbours) + assert self.num_stages == len(grid_sizes) + self.patch_embed = GVAPatchEmbed( + in_channels=in_channels, + embed_channels=patch_embed_channels, + groups=patch_embed_groups, + depth=patch_embed_depth, + neighbours=patch_embed_neighbours, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + enable_checkpoint=enable_checkpoint, + ) + + enc_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(enc_depths)) + ] + dec_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(dec_depths)) + ] + enc_channels = [patch_embed_channels] + list(enc_channels) + dec_channels = list(dec_channels) + [enc_channels[-1]] + self.enc_stages = nn.ModuleList() + self.dec_stages = nn.ModuleList() + for i in range(self.num_stages): + enc = Encoder( + depth=enc_depths[i], + in_channels=enc_channels[i], + embed_channels=enc_channels[i + 1], + groups=enc_groups[i], + grid_size=grid_sizes[i], + neighbours=enc_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=enc_dp_rates[ + sum(enc_depths[:i]) : sum(enc_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + ) + dec = Decoder( + depth=dec_depths[i], + in_channels=dec_channels[i + 1], + skip_channels=enc_channels[i], + embed_channels=dec_channels[i], + groups=dec_groups[i], + neighbours=dec_neighbours[i], + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=dec_dp_rates[ + sum(dec_depths[:i]) : sum(dec_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + unpool_backend=unpool_backend, + ) + self.enc_stages.append(enc) + self.dec_stages.append(dec) + self.seg_head = ( + nn.Sequential( + nn.Linear(dec_channels[0], dec_channels[0]), + PointBatchNorm(dec_channels[0]), + nn.ReLU(inplace=True), + nn.Linear(dec_channels[0], num_classes), + ) + if num_classes > 0 + else nn.Identity() + ) + + def forward(self, data_dict): + coord = data_dict["coord"] + feat = data_dict["feat"] + offset = data_dict["offset"].int() + + # a batch of point cloud is a list of coord, feat and offset + points = [coord, feat, offset] + points = self.patch_embed(points) + skips = [[points]] + for i in range(self.num_stages): + points, cluster = self.enc_stages[i](points) + skips[-1].append(cluster) # record grid cluster of pooling + skips.append([points]) # record points info of current stage + + points = skips.pop(-1)[0] # unpooling points info in the last enc stage + for i in reversed(range(self.num_stages)): + skip_points, cluster = skips.pop(-1) + points = self.dec_stages[i](points, skip_points, cluster) + coord, feat, offset = points + seg_logits = self.seg_head(feat) + return seg_logits diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m3_pdnorm.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m3_pdnorm.py new file mode 100644 index 0000000000000000000000000000000000000000..b944f19f2b13a73ae01bad4c094c51e4213896c4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v2/point_transformer_v2m3_pdnorm.py @@ -0,0 +1,659 @@ +""" +Point Transformer V2M3 + +Enable Prompt-Driven Normalization for Point Prompt Training + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from copy import deepcopy +import math +import torch +import torch.nn as nn +from torch.utils.checkpoint import checkpoint +from torch_geometric.nn.pool import voxel_grid +from torch_scatter import segment_csr + +import einops +from timm.models.layers import DropPath +import pointops + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +class PDBatchNorm(torch.nn.Module): + def __init__( + self, + num_features, + context_channels=256, + eps=1e-3, + momentum=0.01, + conditions=("ScanNet", "S3DIS", "Structured3D"), + decouple=True, + adaptive=False, + affine=True, + ): + super().__init__() + self.conditions = conditions + self.decouple = decouple + self.adaptive = adaptive + self.affine = affine + if self.decouple: + self.bns = nn.ModuleList( + [ + nn.BatchNorm1d( + num_features=num_features, + eps=eps, + momentum=momentum, + affine=affine, + ) + for _ in conditions + ] + ) + else: + self.bn = nn.BatchNorm1d( + num_features=num_features, eps=eps, momentum=momentum, affine=affine + ) + if self.adaptive: + self.modulation = nn.Sequential( + nn.SiLU(), nn.Linear(context_channels, 2 * num_features, bias=True) + ) + + def forward(self, feat, condition=None, context=None): + if self.decouple: + assert condition in self.conditions + bn = self.bns[self.conditions.index(condition)] + else: + bn = self.bn + feat = bn(feat) + if self.adaptive: + assert context is not None + shift, scale = self.modulation(context).chunk(2, dim=1) + feat = feat * (1.0 + scale) + shift + return feat + + +class PointBatchNorm(nn.Module): + """ + Batch Normalization for Point Clouds data in shape of [B*N, C], [B*N, L, C] + """ + + def __init__(self, embed_channels): + super().__init__() + self.norm = nn.BatchNorm1d(embed_channels) + + def forward(self, input: torch.Tensor) -> torch.Tensor: + if input.dim() == 3: + return ( + self.norm(input.transpose(1, 2).contiguous()) + .transpose(1, 2) + .contiguous() + ) + elif input.dim() == 2: + return self.norm(input) + else: + raise NotImplementedError + + +class GroupedVectorAttention(nn.Module): + def __init__( + self, + embed_channels, + groups, + attn_drop_rate=0.0, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + ): + super(GroupedVectorAttention, self).__init__() + self.embed_channels = embed_channels + self.groups = groups + assert embed_channels % groups == 0 + self.attn_drop_rate = attn_drop_rate + self.qkv_bias = qkv_bias + self.pe_multiplier = pe_multiplier + self.pe_bias = pe_bias + + self.linear_q = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + self.linear_k = nn.Sequential( + nn.Linear(embed_channels, embed_channels, bias=qkv_bias), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + ) + + self.linear_v = nn.Linear(embed_channels, embed_channels, bias=qkv_bias) + + if self.pe_multiplier: + self.linear_p_multiplier = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + if self.pe_bias: + self.linear_p_bias = nn.Sequential( + nn.Linear(3, embed_channels), + PointBatchNorm(embed_channels), + nn.ReLU(inplace=True), + nn.Linear(embed_channels, embed_channels), + ) + self.weight_encoding = nn.Sequential( + nn.Linear(embed_channels, groups), + PointBatchNorm(groups), + nn.ReLU(inplace=True), + nn.Linear(groups, groups), + ) + self.softmax = nn.Softmax(dim=1) + self.attn_drop = nn.Dropout(attn_drop_rate) + + def forward(self, feat, coord, reference_index): + query, key, value = ( + self.linear_q(feat), + self.linear_k(feat), + self.linear_v(feat), + ) + key = pointops.grouping(reference_index, key, coord, with_xyz=True) + value = pointops.grouping(reference_index, value, coord, with_xyz=False) + pos, key = key[:, :, 0:3], key[:, :, 3:] + relation_qk = key - query.unsqueeze(1) + if self.pe_multiplier: + pem = self.linear_p_multiplier(pos) + relation_qk = relation_qk * pem + if self.pe_bias: + peb = self.linear_p_bias(pos) + relation_qk = relation_qk + peb + value = value + peb + + weight = self.weight_encoding(relation_qk) + weight = self.attn_drop(self.softmax(weight)) + + mask = torch.sign(reference_index + 1) + weight = torch.einsum("n s g, n s -> n s g", weight, mask) + value = einops.rearrange(value, "n ns (g i) -> n ns g i", g=self.groups) + feat = torch.einsum("n s g i, n s g -> n g i", value, weight) + feat = einops.rearrange(feat, "n g i -> n (g i)") + return feat + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + groups, + norm_fn=None, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(Block, self).__init__() + self.attn = GroupedVectorAttention( + embed_channels=embed_channels, + groups=groups, + qkv_bias=qkv_bias, + attn_drop_rate=attn_drop_rate, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + ) + + assert norm_fn is not None + + self.fc1 = nn.Linear(embed_channels, embed_channels, bias=False) + self.fc3 = nn.Linear(embed_channels, embed_channels, bias=False) + self.norm1 = norm_fn(embed_channels) + self.norm2 = norm_fn(embed_channels) + self.norm3 = norm_fn(embed_channels) + self.act = nn.ReLU(inplace=True) + self.enable_checkpoint = enable_checkpoint + self.drop_path = ( + DropPath(drop_path_rate) if drop_path_rate > 0.0 else nn.Identity() + ) + + def forward(self, points, reference_index): + coord, feat, offset, condition, context = points + identity = feat + feat = self.act(self.norm1(self.fc1(feat), condition, context)) + feat = ( + self.attn(feat, coord, reference_index) + if not self.enable_checkpoint + else checkpoint(self.attn, feat, coord, reference_index) + ) + feat = self.act(self.norm2(feat, condition, context)) + feat = self.norm3(self.fc3(feat), condition, context) + feat = identity + self.drop_path(feat) + feat = self.act(feat) + return [coord, feat, offset, condition, context] + + +class BlockSequence(nn.Module): + def __init__( + self, + depth, + embed_channels, + groups, + neighbours=16, + norm_fn=None, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(BlockSequence, self).__init__() + + if isinstance(drop_path_rate, list): + drop_path_rates = drop_path_rate + assert len(drop_path_rates) == depth + elif isinstance(drop_path_rate, float): + drop_path_rates = [deepcopy(drop_path_rate) for _ in range(depth)] + else: + drop_path_rates = [0.0 for _ in range(depth)] + + self.neighbours = neighbours + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels=embed_channels, + groups=groups, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rates[i], + enable_checkpoint=enable_checkpoint, + ) + self.blocks.append(block) + + def forward(self, points): + coord, feat, offset, condition, context = points + # reference index query of neighbourhood attention + # for windows attention, modify reference index query method + reference_index, _ = pointops.knn_query(self.neighbours, coord, offset) + for block in self.blocks: + points = block(points, reference_index) + return points + + +class GridPool(nn.Module): + """ + Partition-based Pooling (Grid Pooling) + """ + + def __init__(self, in_channels, out_channels, grid_size, norm_fn, bias=False): + super(GridPool, self).__init__() + self.in_channels = in_channels + self.out_channels = out_channels + self.grid_size = grid_size + + self.fc = nn.Linear(in_channels, out_channels, bias=bias) + self.norm = norm_fn(out_channels) + self.act = nn.ReLU(inplace=True) + + def forward(self, points, start=None): + coord, feat, offset, condition, context = points + batch = offset2batch(offset) + feat = self.act(self.norm(self.fc(feat), condition, context)) + start = ( + segment_csr( + coord, + torch.cat([batch.new_zeros(1), torch.cumsum(batch.bincount(), dim=0)]), + reduce="min", + ) + if start is None + else start + ) + cluster = voxel_grid( + pos=coord - start[batch], size=self.grid_size, batch=batch, start=0 + ) + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + _, sorted_cluster_indices = torch.sort(cluster) + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + coord = segment_csr(coord[sorted_cluster_indices], idx_ptr, reduce="mean") + feat = segment_csr(feat[sorted_cluster_indices], idx_ptr, reduce="max") + batch = batch[idx_ptr[:-1]] + offset = batch2offset(batch) + return [coord, feat, offset, condition, context], cluster + + +class UnpoolWithSkip(nn.Module): + """ + Map Unpooling with skip connection + """ + + def __init__( + self, + in_channels, + skip_channels, + out_channels, + norm_fn, + bias=True, + skip=True, + backend="map", + ): + super(UnpoolWithSkip, self).__init__() + self.in_channels = in_channels + self.skip_channels = skip_channels + self.out_channels = out_channels + self.skip = skip + self.backend = backend + assert self.backend in ["map", "interp"] + + self.proj_linear = nn.Linear(in_channels, out_channels, bias=bias) + self.proj_norm = norm_fn(out_channels) + self.proj_act = nn.ReLU(inplace=True) + + self.proj_skip_linear = nn.Linear(skip_channels, out_channels, bias=bias) + self.proj_skip_norm = norm_fn(out_channels) + self.proj_skip_act = nn.ReLU(inplace=True) + + def forward(self, points, skip_points, cluster=None): + coord, feat, offset, condition, context = points + skip_coord, skip_feat, skip_offset, _, _ = skip_points + feat = self.proj_act(self.proj_norm(self.proj_linear(feat), condition, context)) + if self.backend == "map" and cluster is not None: + feat = feat[cluster] + else: + feat = pointops.interpolation(coord, skip_coord, feat, offset, skip_offset) + if self.skip: + feat = feat + self.proj_skip_act( + self.proj_skip_norm( + self.proj_skip_linear(skip_feat), condition, context + ) + ) + return [skip_coord, feat, skip_offset, condition, context] + + +class Encoder(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + norm_fn, + grid_size=None, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + ): + super(Encoder, self).__init__() + + self.down = GridPool( + in_channels=in_channels, + out_channels=embed_channels, + grid_size=grid_size, + norm_fn=norm_fn, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + points, cluster = self.down(points) + return self.blocks(points), cluster + + +class Decoder(nn.Module): + def __init__( + self, + in_channels, + skip_channels, + embed_channels, + groups, + depth, + norm_fn, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=None, + drop_path_rate=None, + enable_checkpoint=False, + unpool_backend="map", + ): + super(Decoder, self).__init__() + + self.up = UnpoolWithSkip( + in_channels=in_channels, + out_channels=embed_channels, + skip_channels=skip_channels, + backend=unpool_backend, + norm_fn=norm_fn, + ) + + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate if attn_drop_rate is not None else 0.0, + drop_path_rate=drop_path_rate if drop_path_rate is not None else 0.0, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points, skip_points, cluster): + points = self.up(points, skip_points, cluster) + return self.blocks(points) + + +class GVAPatchEmbed(nn.Module): + def __init__( + self, + depth, + in_channels, + embed_channels, + groups, + norm_fn, + neighbours=16, + qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0.0, + enable_checkpoint=False, + ): + super(GVAPatchEmbed, self).__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + self.proj_linear = nn.Linear(in_channels, embed_channels, bias=False) + self.proj_norm = norm_fn(embed_channels) + self.proj_act = nn.ReLU(inplace=True) + self.blocks = BlockSequence( + depth=depth, + embed_channels=embed_channels, + groups=groups, + neighbours=neighbours, + norm_fn=norm_fn, + qkv_bias=qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=drop_path_rate, + enable_checkpoint=enable_checkpoint, + ) + + def forward(self, points): + coord, feat, offset, condition, context = points + feat = self.proj_act(self.proj_norm(self.proj_linear(feat), condition, context)) + return self.blocks([coord, feat, offset, condition, context]) + + +@MODELS.register_module("PT-v2m3") +class PointTransformerV2(nn.Module): + def __init__( + self, + in_channels, + num_classes, + patch_embed_depth=1, + patch_embed_channels=48, + patch_embed_groups=6, + patch_embed_neighbours=8, + enc_depths=(2, 2, 6, 2), + enc_channels=(96, 192, 384, 512), + enc_groups=(12, 24, 48, 64), + enc_neighbours=(16, 16, 16, 16), + dec_depths=(1, 1, 1, 1), + dec_channels=(48, 96, 192, 384), + dec_groups=(6, 12, 24, 48), + dec_neighbours=(16, 16, 16, 16), + grid_sizes=(0.06, 0.12, 0.24, 0.48), + attn_qkv_bias=True, + pe_multiplier=False, + pe_bias=True, + attn_drop_rate=0.0, + drop_path_rate=0, + enable_checkpoint=False, + unpool_backend="map", + context_channels=256, + conditions=("ScanNet", "S3DIS", "Structured3D"), + norm_decouple=True, + norm_adaptive=True, + norm_affine=False, + ): + super(PointTransformerV2, self).__init__() + self.in_channels = in_channels + self.num_classes = num_classes + self.num_stages = len(enc_depths) + assert self.num_stages == len(dec_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(dec_channels) + assert self.num_stages == len(enc_groups) + assert self.num_stages == len(dec_groups) + assert self.num_stages == len(enc_neighbours) + assert self.num_stages == len(dec_neighbours) + assert self.num_stages == len(grid_sizes) + + norm_fn = partial( + PDBatchNorm, + eps=1e-3, + momentum=0.01, + conditions=conditions, + context_channels=context_channels, + decouple=norm_decouple, + adaptive=norm_adaptive, + affine=norm_affine, + ) + + self.patch_embed = GVAPatchEmbed( + in_channels=in_channels, + embed_channels=patch_embed_channels, + groups=patch_embed_groups, + depth=patch_embed_depth, + neighbours=patch_embed_neighbours, + norm_fn=norm_fn, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + enable_checkpoint=enable_checkpoint, + ) + + enc_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(enc_depths)) + ] + dec_dp_rates = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(dec_depths)) + ] + enc_channels = [patch_embed_channels] + list(enc_channels) + dec_channels = list(dec_channels) + [enc_channels[-1]] + self.enc_stages = nn.ModuleList() + self.dec_stages = nn.ModuleList() + for i in range(self.num_stages): + enc = Encoder( + depth=enc_depths[i], + in_channels=enc_channels[i], + embed_channels=enc_channels[i + 1], + groups=enc_groups[i], + grid_size=grid_sizes[i], + neighbours=enc_neighbours[i], + norm_fn=norm_fn, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=enc_dp_rates[ + sum(enc_depths[:i]) : sum(enc_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + ) + dec = Decoder( + depth=dec_depths[i], + in_channels=dec_channels[i + 1], + skip_channels=enc_channels[i], + embed_channels=dec_channels[i], + groups=dec_groups[i], + neighbours=dec_neighbours[i], + norm_fn=norm_fn, + qkv_bias=attn_qkv_bias, + pe_multiplier=pe_multiplier, + pe_bias=pe_bias, + attn_drop_rate=attn_drop_rate, + drop_path_rate=dec_dp_rates[ + sum(dec_depths[:i]) : sum(dec_depths[: i + 1]) + ], + enable_checkpoint=enable_checkpoint, + unpool_backend=unpool_backend, + ) + self.enc_stages.append(enc) + self.dec_stages.append(dec) + self.seg_head = ( + nn.Sequential(nn.Linear(dec_channels[0], num_classes)) + if num_classes > 0 + else nn.Identity() + ) + + def forward(self, data_dict): + coord = data_dict["coord"] + feat = data_dict["feat"] + offset = data_dict["offset"].int() + condition = data_dict["condition"][0] + context = data_dict["context"] if "context" in data_dict.keys() else None + + # a batch of point cloud is a list of coord, feat and offset + points = [coord, feat, offset, condition, context] + points = self.patch_embed(points) + skips = [[points]] + for i in range(self.num_stages): + points, cluster = self.enc_stages[i](points) + skips[-1].append(cluster) # record grid cluster of pooling + skips.append([points]) # record points info of current stage + + points = skips.pop(-1)[0] # unpooling points info in the last enc stage + for i in reversed(range(self.num_stages)): + skip_points, cluster = skips.pop(-1) + points = self.dec_stages[i](points, skip_points, cluster) + coord, feat, offset, _, _ = points + seg_logits = self.seg_head(feat) + return seg_logits diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v3/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v3/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5fe25f32abaf4d60241dcf21507f85a47e46f070 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v3/__init__.py @@ -0,0 +1 @@ +from .point_transformer_v3m1_base import * diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v3/point_transformer_v3m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v3/point_transformer_v3m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..f9f567162dc424324ee5c30a0803fe3ea465f9b1 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/point_transformer_v3/point_transformer_v3m1_base.py @@ -0,0 +1,714 @@ +""" +Point Transformer - V3 Mode1 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from addict import Dict +import math +import torch +import torch.nn as nn +import spconv.pytorch as spconv +import torch_scatter +from timm.models.layers import DropPath + +try: + import flash_attn +except ImportError: + flash_attn = None + +from pointcept.models.point_prompt_training import PDNorm +from pointcept.models.builder import MODELS +from pointcept.models.utils.misc import offset2bincount +from pointcept.models.utils.structure import Point +from pointcept.models.modules import PointModule, PointSequential + + +class RPE(torch.nn.Module): + def __init__(self, patch_size, num_heads): + super().__init__() + self.patch_size = patch_size + self.num_heads = num_heads + self.pos_bnd = int((4 * patch_size) ** (1 / 3) * 2) + self.rpe_num = 2 * self.pos_bnd + 1 + self.rpe_table = torch.nn.Parameter(torch.zeros(3 * self.rpe_num, num_heads)) + torch.nn.init.trunc_normal_(self.rpe_table, std=0.02) + + def forward(self, coord): + idx = ( + coord.clamp(-self.pos_bnd, self.pos_bnd) # clamp into bnd + + self.pos_bnd # relative position to positive index + + torch.arange(3, device=coord.device) * self.rpe_num # x, y, z stride + ) + out = self.rpe_table.index_select(0, idx.reshape(-1)) + out = out.view(idx.shape + (-1,)).sum(3) + out = out.permute(0, 3, 1, 2) # (N, K, K, H) -> (N, H, K, K) + return out + + +class SerializedAttention(PointModule): + def __init__( + self, + channels, + num_heads, + patch_size, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + order_index=0, + enable_rpe=False, + enable_flash=True, + upcast_attention=True, + upcast_softmax=True, + ): + super().__init__() + assert channels % num_heads == 0 + self.channels = channels + self.num_heads = num_heads + self.scale = qk_scale or (channels // num_heads) ** -0.5 + self.order_index = order_index + self.upcast_attention = upcast_attention + self.upcast_softmax = upcast_softmax + self.enable_rpe = enable_rpe + self.enable_flash = enable_flash + if enable_flash: + assert ( + enable_rpe is False + ), "Set enable_rpe to False when enable Flash Attention" + assert ( + upcast_attention is False + ), "Set upcast_attention to False when enable Flash Attention" + assert ( + upcast_softmax is False + ), "Set upcast_softmax to False when enable Flash Attention" + assert flash_attn is not None, "Make sure flash_attn is installed." + self.patch_size = patch_size + self.attn_drop = attn_drop + else: + # when disable flash attention, we still don't want to use mask + # consequently, patch size will auto set to the + # min number of patch_size_max and number of points + self.patch_size_max = patch_size + self.patch_size = 0 + self.attn_drop = torch.nn.Dropout(attn_drop) + + self.qkv = torch.nn.Linear(channels, channels * 3, bias=qkv_bias) + self.proj = torch.nn.Linear(channels, channels) + self.proj_drop = torch.nn.Dropout(proj_drop) + self.softmax = torch.nn.Softmax(dim=-1) + self.rpe = RPE(patch_size, num_heads) if self.enable_rpe else None + + @torch.no_grad() + def get_rel_pos(self, point, order): + K = self.patch_size + rel_pos_key = f"rel_pos_{self.order_index}" + if rel_pos_key not in point.keys(): + grid_coord = point.grid_coord[order] + grid_coord = grid_coord.reshape(-1, K, 3) + point[rel_pos_key] = grid_coord.unsqueeze(2) - grid_coord.unsqueeze(1) + return point[rel_pos_key] + + @torch.no_grad() + def get_padding_and_inverse(self, point): + pad_key = "pad" + unpad_key = "unpad" + cu_seqlens_key = "cu_seqlens_key" + if ( + pad_key not in point.keys() + or unpad_key not in point.keys() + or cu_seqlens_key not in point.keys() + ): + offset = point.offset + bincount = offset2bincount(offset) + bincount_pad = ( + torch.div( + bincount + self.patch_size - 1, + self.patch_size, + rounding_mode="trunc", + ) + * self.patch_size + ) + # only pad point when num of points larger than patch_size + mask_pad = bincount > self.patch_size + bincount_pad = ~mask_pad * bincount + mask_pad * bincount_pad + _offset = nn.functional.pad(offset, (1, 0)) + _offset_pad = nn.functional.pad(torch.cumsum(bincount_pad, dim=0), (1, 0)) + pad = torch.arange(_offset_pad[-1], device=offset.device) + unpad = torch.arange(_offset[-1], device=offset.device) + cu_seqlens = [] + for i in range(len(offset)): + unpad[_offset[i] : _offset[i + 1]] += _offset_pad[i] - _offset[i] + if bincount[i] != bincount_pad[i]: + pad[ + _offset_pad[i + 1] + - self.patch_size + + (bincount[i] % self.patch_size) : _offset_pad[i + 1] + ] = pad[ + _offset_pad[i + 1] + - 2 * self.patch_size + + (bincount[i] % self.patch_size) : _offset_pad[i + 1] + - self.patch_size + ] + pad[_offset_pad[i] : _offset_pad[i + 1]] -= _offset_pad[i] - _offset[i] + cu_seqlens.append( + torch.arange( + _offset_pad[i], + _offset_pad[i + 1], + step=self.patch_size, + dtype=torch.int32, + device=offset.device, + ) + ) + point[pad_key] = pad + point[unpad_key] = unpad + point[cu_seqlens_key] = nn.functional.pad( + torch.concat(cu_seqlens), (0, 1), value=_offset_pad[-1] + ) + return point[pad_key], point[unpad_key], point[cu_seqlens_key] + + def forward(self, point): + if not self.enable_flash: + self.patch_size = min( + offset2bincount(point.offset).min().tolist(), self.patch_size_max + ) + + H = self.num_heads + K = self.patch_size + C = self.channels + + pad, unpad, cu_seqlens = self.get_padding_and_inverse(point) + + order = point.serialized_order[self.order_index][pad] + inverse = unpad[point.serialized_inverse[self.order_index]] + + # padding and reshape feat and batch for serialized point patch + qkv = self.qkv(point.feat)[order] + + if not self.enable_flash: + # encode and reshape qkv: (N', K, 3, H, C') => (3, N', H, K, C') + q, k, v = ( + qkv.reshape(-1, K, 3, H, C // H).permute(2, 0, 3, 1, 4).unbind(dim=0) + ) + # attn + if self.upcast_attention: + q = q.float() + k = k.float() + attn = (q * self.scale) @ k.transpose(-2, -1) # (N', H, K, K) + if self.enable_rpe: + attn = attn + self.rpe(self.get_rel_pos(point, order)) + if self.upcast_softmax: + attn = attn.float() + attn = self.softmax(attn) + attn = self.attn_drop(attn).to(qkv.dtype) + feat = (attn @ v).transpose(1, 2).reshape(-1, C) + else: + feat = flash_attn.flash_attn_varlen_qkvpacked_func( + qkv.half().reshape(-1, 3, H, C // H), + cu_seqlens, + max_seqlen=self.patch_size, + dropout_p=self.attn_drop if self.training else 0, + softmax_scale=self.scale, + ).reshape(-1, C) + feat = feat.to(qkv.dtype) + feat = feat[inverse] + + # ffn + feat = self.proj(feat) + feat = self.proj_drop(feat) + point.feat = feat + return point + + +class MLP(nn.Module): + def __init__( + self, + in_channels, + hidden_channels=None, + out_channels=None, + act_layer=nn.GELU, + drop=0.0, + ): + super().__init__() + out_channels = out_channels or in_channels + hidden_channels = hidden_channels or in_channels + self.fc1 = nn.Linear(in_channels, hidden_channels) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_channels, out_channels) + self.drop = nn.Dropout(drop) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class Block(PointModule): + def __init__( + self, + channels, + num_heads, + patch_size=48, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + drop_path=0.0, + norm_layer=nn.LayerNorm, + act_layer=nn.GELU, + pre_norm=True, + order_index=0, + cpe_indice_key=None, + enable_rpe=False, + enable_flash=True, + upcast_attention=True, + upcast_softmax=True, + ): + super().__init__() + self.channels = channels + self.pre_norm = pre_norm + + self.cpe = PointSequential( + spconv.SubMConv3d( + channels, + channels, + kernel_size=3, + bias=True, + indice_key=cpe_indice_key, + ), + nn.Linear(channels, channels), + norm_layer(channels), + ) + + self.norm1 = PointSequential(norm_layer(channels)) + self.attn = SerializedAttention( + channels=channels, + patch_size=patch_size, + num_heads=num_heads, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + order_index=order_index, + enable_rpe=enable_rpe, + enable_flash=enable_flash, + upcast_attention=upcast_attention, + upcast_softmax=upcast_softmax, + ) + self.norm2 = PointSequential(norm_layer(channels)) + self.mlp = PointSequential( + MLP( + in_channels=channels, + hidden_channels=int(channels * mlp_ratio), + out_channels=channels, + act_layer=act_layer, + drop=proj_drop, + ) + ) + self.drop_path = PointSequential( + DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + ) + + def forward(self, point: Point): + shortcut = point.feat + point = self.cpe(point) + point.feat = shortcut + point.feat + shortcut = point.feat + if self.pre_norm: + point = self.norm1(point) + point = self.drop_path(self.attn(point)) + point.feat = shortcut + point.feat + if not self.pre_norm: + point = self.norm1(point) + + shortcut = point.feat + if self.pre_norm: + point = self.norm2(point) + point = self.drop_path(self.mlp(point)) + point.feat = shortcut + point.feat + if not self.pre_norm: + point = self.norm2(point) + point.sparse_conv_feat = point.sparse_conv_feat.replace_feature(point.feat) + return point + + +class SerializedPooling(PointModule): + def __init__( + self, + in_channels, + out_channels, + stride=2, + norm_layer=None, + act_layer=None, + reduce="max", + shuffle_orders=True, + traceable=True, # record parent and cluster + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + + assert stride == 2 ** (math.ceil(stride) - 1).bit_length() # 2, 4, 8 + # TODO: add support to grid pool (any stride) + self.stride = stride + assert reduce in ["sum", "mean", "min", "max"] + self.reduce = reduce + self.shuffle_orders = shuffle_orders + self.traceable = traceable + + self.proj = nn.Linear(in_channels, out_channels) + if norm_layer is not None: + self.norm = PointSequential(norm_layer(out_channels)) + if act_layer is not None: + self.act = PointSequential(act_layer()) + + def forward(self, point: Point): + pooling_depth = (math.ceil(self.stride) - 1).bit_length() + if pooling_depth > point.serialized_depth: + pooling_depth = 0 + assert { + "serialized_code", + "serialized_order", + "serialized_inverse", + "serialized_depth", + }.issubset( + point.keys() + ), "Run point.serialization() point cloud before SerializedPooling" + + code = point.serialized_code >> pooling_depth * 3 + code_, cluster, counts = torch.unique( + code[0], + sorted=True, + return_inverse=True, + return_counts=True, + ) + # indices of point sorted by cluster, for torch_scatter.segment_csr + _, indices = torch.sort(cluster) + # index pointer for sorted point, for torch_scatter.segment_csr + idx_ptr = torch.cat([counts.new_zeros(1), torch.cumsum(counts, dim=0)]) + # head_indices of each cluster, for reduce attr e.g. code, batch + head_indices = indices[idx_ptr[:-1]] + # generate down code, order, inverse + code = code[:, head_indices] + order = torch.argsort(code) + inverse = torch.zeros_like(order).scatter_( + dim=1, + index=order, + src=torch.arange(0, code.shape[1], device=order.device).repeat( + code.shape[0], 1 + ), + ) + + if self.shuffle_orders: + perm = torch.randperm(code.shape[0]) + code = code[perm] + order = order[perm] + inverse = inverse[perm] + + # collect information + point_dict = Dict( + feat=torch_scatter.segment_csr( + self.proj(point.feat)[indices], idx_ptr, reduce=self.reduce + ), + coord=torch_scatter.segment_csr( + point.coord[indices], idx_ptr, reduce="mean" + ), + grid_coord=point.grid_coord[head_indices] >> pooling_depth, + serialized_code=code, + serialized_order=order, + serialized_inverse=inverse, + serialized_depth=point.serialized_depth - pooling_depth, + batch=point.batch[head_indices], + ) + + if "condition" in point.keys(): + point_dict["condition"] = point.condition + if "context" in point.keys(): + point_dict["context"] = point.context + + if self.traceable: + point_dict["pooling_inverse"] = cluster + point_dict["pooling_parent"] = point + point = Point(point_dict) + if self.norm is not None: + point = self.norm(point) + if self.act is not None: + point = self.act(point) + point.sparsify() + return point + + +class SerializedUnpooling(PointModule): + def __init__( + self, + in_channels, + skip_channels, + out_channels, + norm_layer=None, + act_layer=None, + traceable=False, # record parent and cluster + ): + super().__init__() + self.proj = PointSequential(nn.Linear(in_channels, out_channels)) + self.proj_skip = PointSequential(nn.Linear(skip_channels, out_channels)) + + if norm_layer is not None: + self.proj.add(norm_layer(out_channels)) + self.proj_skip.add(norm_layer(out_channels)) + + if act_layer is not None: + self.proj.add(act_layer()) + self.proj_skip.add(act_layer()) + + self.traceable = traceable + + def forward(self, point): + assert "pooling_parent" in point.keys() + assert "pooling_inverse" in point.keys() + parent = point.pop("pooling_parent") + inverse = point.pop("pooling_inverse") + point = self.proj(point) + parent = self.proj_skip(parent) + parent.feat = parent.feat + point.feat[inverse] + + if self.traceable: + parent["unpooling_parent"] = point + return parent + + +class Embedding(PointModule): + def __init__( + self, + in_channels, + embed_channels, + norm_layer=None, + act_layer=None, + ): + super().__init__() + self.in_channels = in_channels + self.embed_channels = embed_channels + + # TODO: check remove spconv + self.stem = PointSequential( + conv=spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ) + ) + if norm_layer is not None: + self.stem.add(norm_layer(embed_channels), name="norm") + if act_layer is not None: + self.stem.add(act_layer(), name="act") + + def forward(self, point: Point): + point = self.stem(point) + return point + + +@MODELS.register_module("PT-v3m1") +class PointTransformerV3(PointModule): + def __init__( + self, + in_channels=6, + order=("z", "z-trans"), + stride=(2, 2, 2, 2), + enc_depths=(2, 2, 2, 6, 2), + enc_channels=(32, 64, 128, 256, 512), + enc_num_head=(2, 4, 8, 16, 32), + enc_patch_size=(48, 48, 48, 48, 48), + dec_depths=(2, 2, 2, 2), + dec_channels=(64, 64, 128, 256), + dec_num_head=(4, 4, 8, 16), + dec_patch_size=(48, 48, 48, 48), + mlp_ratio=4, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + drop_path=0.3, + pre_norm=True, + shuffle_orders=True, + enable_rpe=False, + enable_flash=True, + upcast_attention=False, + upcast_softmax=False, + cls_mode=False, + pdnorm_bn=False, + pdnorm_ln=False, + pdnorm_decouple=True, + pdnorm_adaptive=False, + pdnorm_affine=True, + pdnorm_conditions=("ScanNet", "S3DIS", "Structured3D"), + ): + super().__init__() + self.num_stages = len(enc_depths) + self.order = [order] if isinstance(order, str) else order + self.cls_mode = cls_mode + self.shuffle_orders = shuffle_orders + + assert self.num_stages == len(stride) + 1 + assert self.num_stages == len(enc_depths) + assert self.num_stages == len(enc_channels) + assert self.num_stages == len(enc_num_head) + assert self.num_stages == len(enc_patch_size) + assert self.cls_mode or self.num_stages == len(dec_depths) + 1 + assert self.cls_mode or self.num_stages == len(dec_channels) + 1 + assert self.cls_mode or self.num_stages == len(dec_num_head) + 1 + assert self.cls_mode or self.num_stages == len(dec_patch_size) + 1 + + # norm layers + if pdnorm_bn: + bn_layer = partial( + PDNorm, + norm_layer=partial( + nn.BatchNorm1d, eps=1e-3, momentum=0.01, affine=pdnorm_affine + ), + conditions=pdnorm_conditions, + decouple=pdnorm_decouple, + adaptive=pdnorm_adaptive, + ) + else: + bn_layer = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + if pdnorm_ln: + ln_layer = partial( + PDNorm, + norm_layer=partial(nn.LayerNorm, elementwise_affine=pdnorm_affine), + conditions=pdnorm_conditions, + decouple=pdnorm_decouple, + adaptive=pdnorm_adaptive, + ) + else: + ln_layer = nn.LayerNorm + # activation layers + act_layer = nn.GELU + + self.embedding = Embedding( + in_channels=in_channels, + embed_channels=enc_channels[0], + norm_layer=bn_layer, + act_layer=act_layer, + ) + + # encoder + enc_drop_path = [ + x.item() for x in torch.linspace(0, drop_path, sum(enc_depths)) + ] + self.enc = PointSequential() + for s in range(self.num_stages): + enc_drop_path_ = enc_drop_path[ + sum(enc_depths[:s]) : sum(enc_depths[: s + 1]) + ] + enc = PointSequential() + if s > 0: + enc.add( + SerializedPooling( + in_channels=enc_channels[s - 1], + out_channels=enc_channels[s], + stride=stride[s - 1], + norm_layer=bn_layer, + act_layer=act_layer, + ), + name="down", + ) + for i in range(enc_depths[s]): + enc.add( + Block( + channels=enc_channels[s], + num_heads=enc_num_head[s], + patch_size=enc_patch_size[s], + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + drop_path=enc_drop_path_[i], + norm_layer=ln_layer, + act_layer=act_layer, + pre_norm=pre_norm, + order_index=i % len(self.order), + cpe_indice_key=f"stage{s}", + enable_rpe=enable_rpe, + enable_flash=enable_flash, + upcast_attention=upcast_attention, + upcast_softmax=upcast_softmax, + ), + name=f"block{i}", + ) + if len(enc) != 0: + self.enc.add(module=enc, name=f"enc{s}") + + # decoder + if not self.cls_mode: + dec_drop_path = [ + x.item() for x in torch.linspace(0, drop_path, sum(dec_depths)) + ] + self.dec = PointSequential() + dec_channels = list(dec_channels) + [enc_channels[-1]] + for s in reversed(range(self.num_stages - 1)): + dec_drop_path_ = dec_drop_path[ + sum(dec_depths[:s]) : sum(dec_depths[: s + 1]) + ] + dec_drop_path_.reverse() + dec = PointSequential() + dec.add( + SerializedUnpooling( + in_channels=dec_channels[s + 1], + skip_channels=enc_channels[s], + out_channels=dec_channels[s], + norm_layer=bn_layer, + act_layer=act_layer, + ), + name="up", + ) + for i in range(dec_depths[s]): + dec.add( + Block( + channels=dec_channels[s], + num_heads=dec_num_head[s], + patch_size=dec_patch_size[s], + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + attn_drop=attn_drop, + proj_drop=proj_drop, + drop_path=dec_drop_path_[i], + norm_layer=ln_layer, + act_layer=act_layer, + pre_norm=pre_norm, + order_index=i % len(self.order), + cpe_indice_key=f"stage{s}", + enable_rpe=enable_rpe, + enable_flash=enable_flash, + upcast_attention=upcast_attention, + upcast_softmax=upcast_softmax, + ), + name=f"block{i}", + ) + self.dec.add(module=dec, name=f"dec{s}") + + def forward(self, data_dict): + point = Point(data_dict) + point.serialization(order=self.order, shuffle_orders=self.shuffle_orders) + point.sparsify() + + point = self.embedding(point) + point = self.enc(point) + if not self.cls_mode: + point = self.dec(point) + # else: + # point.feat = torch_scatter.segment_csr( + # src=point.feat, + # indptr=nn.functional.pad(point.offset, (1, 0)), + # reduce="mean", + # ) + return point diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..aafc3859f43bd47da8cd966a57d4307cc771525f --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/__init__.py @@ -0,0 +1,4 @@ +from .mink_unet import * +from .spconv_unet_v1m1_base import * +from .spconv_unet_v1m2_bn_momentum import * +from .spconv_unet_v1m3_pdnorm import * diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/mink_unet.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/mink_unet.py new file mode 100644 index 0000000000000000000000000000000000000000..1ff8a01d0500abc207b82a8252a8131b5e671469 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/mink_unet.py @@ -0,0 +1,442 @@ +""" +SparseUNet Driven by MinkowskiEngine + +Modified from chrischoy/SpatioTemporalSegmentation + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn + +try: + import MinkowskiEngine as ME +except ImportError: + ME = None + +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +class BasicBlock(nn.Module): + expansion = 1 + + def __init__( + self, + inplanes, + planes, + stride=1, + dilation=1, + downsample=None, + bn_momentum=0.1, + dimension=-1, + ): + super(BasicBlock, self).__init__() + assert dimension > 0 + + self.conv1 = ME.MinkowskiConvolution( + inplanes, + planes, + kernel_size=3, + stride=stride, + dilation=dilation, + dimension=dimension, + ) + self.norm1 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + self.conv2 = ME.MinkowskiConvolution( + planes, + planes, + kernel_size=3, + stride=1, + dilation=dilation, + dimension=dimension, + ) + self.norm2 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + self.relu = ME.MinkowskiReLU(inplace=True) + self.downsample = downsample + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.norm1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.norm2(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class Bottleneck(nn.Module): + expansion = 4 + + def __init__( + self, + inplanes, + planes, + stride=1, + dilation=1, + downsample=None, + bn_momentum=0.1, + dimension=-1, + ): + super(Bottleneck, self).__init__() + assert dimension > 0 + + self.conv1 = ME.MinkowskiConvolution( + inplanes, planes, kernel_size=1, dimension=dimension + ) + self.norm1 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + + self.conv2 = ME.MinkowskiConvolution( + planes, + planes, + kernel_size=3, + stride=stride, + dilation=dilation, + dimension=dimension, + ) + self.norm2 = ME.MinkowskiBatchNorm(planes, momentum=bn_momentum) + + self.conv3 = ME.MinkowskiConvolution( + planes, planes * self.expansion, kernel_size=1, dimension=dimension + ) + self.norm3 = ME.MinkowskiBatchNorm( + planes * self.expansion, momentum=bn_momentum + ) + + self.relu = ME.MinkowskiReLU(inplace=True) + self.downsample = downsample + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.norm1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.norm2(out) + out = self.relu(out) + + out = self.conv3(out) + out = self.norm3(out) + + if self.downsample is not None: + residual = self.downsample(x) + + out += residual + out = self.relu(out) + + return out + + +class MinkUNetBase(nn.Module): + BLOCK = None + PLANES = None + DILATIONS = (1, 1, 1, 1, 1, 1, 1, 1) + LAYERS = (2, 2, 2, 2, 2, 2, 2, 2) + PLANES = (32, 64, 128, 256, 256, 128, 96, 96) + INIT_DIM = 32 + OUT_TENSOR_STRIDE = 1 + + def __init__(self, in_channels, out_channels, dimension=3): + super().__init__() + assert ME is not None, "Please follow `README.md` to install MinkowskiEngine.`" + self.D = dimension + assert self.BLOCK is not None + # Output of the first conv concated to conv6 + self.inplanes = self.INIT_DIM + self.conv0p1s1 = ME.MinkowskiConvolution( + in_channels, self.inplanes, kernel_size=5, dimension=self.D + ) + + self.bn0 = ME.MinkowskiBatchNorm(self.inplanes) + + self.conv1p1s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + self.bn1 = ME.MinkowskiBatchNorm(self.inplanes) + + self.block1 = self._make_layer(self.BLOCK, self.PLANES[0], self.LAYERS[0]) + + self.conv2p2s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + self.bn2 = ME.MinkowskiBatchNorm(self.inplanes) + + self.block2 = self._make_layer(self.BLOCK, self.PLANES[1], self.LAYERS[1]) + + self.conv3p4s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + + self.bn3 = ME.MinkowskiBatchNorm(self.inplanes) + self.block3 = self._make_layer(self.BLOCK, self.PLANES[2], self.LAYERS[2]) + + self.conv4p8s2 = ME.MinkowskiConvolution( + self.inplanes, self.inplanes, kernel_size=2, stride=2, dimension=self.D + ) + self.bn4 = ME.MinkowskiBatchNorm(self.inplanes) + self.block4 = self._make_layer(self.BLOCK, self.PLANES[3], self.LAYERS[3]) + + self.convtr4p16s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[4], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr4 = ME.MinkowskiBatchNorm(self.PLANES[4]) + + self.inplanes = self.PLANES[4] + self.PLANES[2] * self.BLOCK.expansion + self.block5 = self._make_layer(self.BLOCK, self.PLANES[4], self.LAYERS[4]) + self.convtr5p8s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[5], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr5 = ME.MinkowskiBatchNorm(self.PLANES[5]) + + self.inplanes = self.PLANES[5] + self.PLANES[1] * self.BLOCK.expansion + self.block6 = self._make_layer(self.BLOCK, self.PLANES[5], self.LAYERS[5]) + self.convtr6p4s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[6], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr6 = ME.MinkowskiBatchNorm(self.PLANES[6]) + + self.inplanes = self.PLANES[6] + self.PLANES[0] * self.BLOCK.expansion + self.block7 = self._make_layer(self.BLOCK, self.PLANES[6], self.LAYERS[6]) + self.convtr7p2s2 = ME.MinkowskiConvolutionTranspose( + self.inplanes, self.PLANES[7], kernel_size=2, stride=2, dimension=self.D + ) + self.bntr7 = ME.MinkowskiBatchNorm(self.PLANES[7]) + + self.inplanes = self.PLANES[7] + self.INIT_DIM + self.block8 = self._make_layer(self.BLOCK, self.PLANES[7], self.LAYERS[7]) + + self.final = ME.MinkowskiConvolution( + self.PLANES[7] * self.BLOCK.expansion, + out_channels, + kernel_size=1, + bias=True, + dimension=self.D, + ) + self.relu = ME.MinkowskiReLU(inplace=True) + + self.weight_initialization() + + def weight_initialization(self): + for m in self.modules(): + if isinstance(m, ME.MinkowskiConvolution): + ME.utils.kaiming_normal_(m.kernel, mode="fan_out", nonlinearity="relu") + + if isinstance(m, ME.MinkowskiBatchNorm): + nn.init.constant_(m.bn.weight, 1) + nn.init.constant_(m.bn.bias, 0) + + def _make_layer(self, block, planes, blocks, stride=1, dilation=1, bn_momentum=0.1): + downsample = None + if stride != 1 or self.inplanes != planes * block.expansion: + downsample = nn.Sequential( + ME.MinkowskiConvolution( + self.inplanes, + planes * block.expansion, + kernel_size=1, + stride=stride, + dimension=self.D, + ), + ME.MinkowskiBatchNorm(planes * block.expansion), + ) + layers = [] + layers.append( + block( + self.inplanes, + planes, + stride=stride, + dilation=dilation, + downsample=downsample, + dimension=self.D, + ) + ) + self.inplanes = planes * block.expansion + for i in range(1, blocks): + layers.append( + block( + self.inplanes, planes, stride=1, dilation=dilation, dimension=self.D + ) + ) + + return nn.Sequential(*layers) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + in_field = ME.TensorField( + feat, + coordinates=torch.cat([batch.unsqueeze(-1).int(), grid_coord.int()], dim=1), + quantization_mode=ME.SparseTensorQuantizationMode.UNWEIGHTED_AVERAGE, + minkowski_algorithm=ME.MinkowskiAlgorithm.SPEED_OPTIMIZED, + device=feat.device, + ) + x = in_field.sparse() + + out = self.conv0p1s1(x) + out = self.bn0(out) + out_p1 = self.relu(out) + + out = self.conv1p1s2(out_p1) + out = self.bn1(out) + out = self.relu(out) + out_b1p2 = self.block1(out) + + out = self.conv2p2s2(out_b1p2) + out = self.bn2(out) + out = self.relu(out) + out_b2p4 = self.block2(out) + + out = self.conv3p4s2(out_b2p4) + out = self.bn3(out) + out = self.relu(out) + out_b3p8 = self.block3(out) + + # tensor_stride=16 + out = self.conv4p8s2(out_b3p8) + out = self.bn4(out) + out = self.relu(out) + out = self.block4(out) + + # tensor_stride=8 + out = self.convtr4p16s2(out) + out = self.bntr4(out) + out = self.relu(out) + + out = ME.cat(out, out_b3p8) + out = self.block5(out) + + # tensor_stride=4 + out = self.convtr5p8s2(out) + out = self.bntr5(out) + out = self.relu(out) + + out = ME.cat(out, out_b2p4) + out = self.block6(out) + + # tensor_stride=2 + out = self.convtr6p4s2(out) + out = self.bntr6(out) + out = self.relu(out) + + out = ME.cat(out, out_b1p2) + out = self.block7(out) + + # tensor_stride=1 + out = self.convtr7p2s2(out) + out = self.bntr7(out) + out = self.relu(out) + + out = ME.cat(out, out_p1) + out = self.block8(out) + + return self.final(out).slice(in_field).F + + +@MODELS.register_module() +class MinkUNet14(MinkUNetBase): + BLOCK = BasicBlock + LAYERS = (1, 1, 1, 1, 1, 1, 1, 1) + + +@MODELS.register_module() +class MinkUNet18(MinkUNetBase): + BLOCK = BasicBlock + LAYERS = (2, 2, 2, 2, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet34(MinkUNetBase): + BLOCK = BasicBlock + LAYERS = (2, 3, 4, 6, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet50(MinkUNetBase): + BLOCK = Bottleneck + LAYERS = (2, 3, 4, 6, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet101(MinkUNetBase): + BLOCK = Bottleneck + LAYERS = (2, 3, 4, 23, 2, 2, 2, 2) + + +@MODELS.register_module() +class MinkUNet14A(MinkUNet14): + PLANES = (32, 64, 128, 256, 128, 128, 96, 96) + + +@MODELS.register_module() +class MinkUNet14B(MinkUNet14): + PLANES = (32, 64, 128, 256, 128, 128, 128, 128) + + +@MODELS.register_module() +class MinkUNet14C(MinkUNet14): + PLANES = (32, 64, 128, 256, 192, 192, 128, 128) + + +@MODELS.register_module() +class MinkUNet14D(MinkUNet14): + PLANES = (32, 64, 128, 256, 384, 384, 384, 384) + + +@MODELS.register_module() +class MinkUNet18A(MinkUNet18): + PLANES = (32, 64, 128, 256, 128, 128, 96, 96) + + +@MODELS.register_module() +class MinkUNet18B(MinkUNet18): + PLANES = (32, 64, 128, 256, 128, 128, 128, 128) + + +@MODELS.register_module() +class MinkUNet18D(MinkUNet18): + PLANES = (32, 64, 128, 256, 384, 384, 384, 384) + + +@MODELS.register_module() +class MinkUNet34A(MinkUNet34): + PLANES = (32, 64, 128, 256, 256, 128, 96, 96) + + +@MODELS.register_module() +class MinkUNet34B(MinkUNet34): + PLANES = (32, 64, 128, 256, 256, 128, 64, 32) + + +@MODELS.register_module() +class MinkUNet34C(MinkUNet34): + PLANES = (32, 64, 128, 256, 256, 128, 96, 96) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..dfcacb00b8dfb8a38aa9ab6968b0c9c63a63301c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m1_base.py @@ -0,0 +1,463 @@ +""" +SparseUNet Driven by SpConv (recommend) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn + +import spconv.pytorch as spconv +from torch_geometric.utils import scatter + +from timm.models.layers import trunc_normal_ + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch + + +class BasicBlock(spconv.SparseModule): + expansion = 1 + + def __init__( + self, + in_channels, + embed_channels, + stride=1, + norm_fn=None, + indice_key=None, + bias=False, + ): + super().__init__() + + assert norm_fn is not None + + if in_channels == embed_channels: + self.proj = spconv.SparseSequential(nn.Identity()) + else: + self.proj = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, embed_channels, kernel_size=1, bias=False + ), + norm_fn(embed_channels), + ) + + self.conv1 = spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn1 = norm_fn(embed_channels) + self.relu = nn.ReLU() + self.conv2 = spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn2 = norm_fn(embed_channels) + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = out.replace_feature(self.bn1(out.features)) + out = out.replace_feature(self.relu(out.features)) + + out = self.conv2(out) + out = out.replace_feature(self.bn2(out.features)) + + out = out.replace_feature(out.features + self.proj(residual).features) + out = out.replace_feature(self.relu(out.features)) + + return out + + +@MODELS.register_module("SpUNet-v1m1") +class SpUNetBase(nn.Module): + def __init__( + self, + in_channels, + num_classes, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + cls_mode=False, + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.num_classes = num_classes + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + self.cls_mode = cls_mode + + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + block = BasicBlock + + self.conv_input = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + base_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ), + norm_fn(base_channels), + nn.ReLU(), + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() if not self.cls_mode else None + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + spconv.SparseSequential( + spconv.SparseConv3d( + enc_channels, + channels[s], + kernel_size=2, + stride=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(channels[s]), + nn.ReLU(), + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + if not self.cls_mode: + # decode num_stages + self.up.append( + spconv.SparseSequential( + spconv.SparseInverseConv3d( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(dec_channels), + nn.ReLU(), + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels + enc_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + final_in_channels = ( + channels[-1] if not self.cls_mode else channels[self.num_stages - 1] + ) + self.final = ( + spconv.SubMConv3d( + final_in_channels, num_classes, kernel_size=1, padding=1, bias=True + ) + if num_classes > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + def forward(self, input_dict): + grid_coord = input_dict["grid_coord"] + feat = input_dict["feat"] + offset = input_dict["offset"] + + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 96).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input(x) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s](x) + x = self.enc[s](x) + skips.append(x) + x = skips.pop(-1) + if not self.cls_mode: + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s](x) + skip = skips.pop(-1) + x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x = self.dec[s](x) + + x = self.final(x) + if self.cls_mode: + x = x.replace_feature( + scatter(x.features, x.indices[:, 0].long(), reduce="mean", dim=0) + ) + return x.features + + +@MODELS.register_module() +class SpUNetNoSkipBase(nn.Module): + def __init__( + self, + in_channels, + out_channels, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.out_channels = out_channels + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + + norm_fn = partial(nn.BatchNorm1d, eps=1e-3, momentum=0.01) + block = BasicBlock + + self.conv_input = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + base_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ), + norm_fn(base_channels), + nn.ReLU(), + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + spconv.SparseSequential( + spconv.SparseConv3d( + enc_channels, + channels[s], + kernel_size=2, + stride=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(channels[s]), + nn.ReLU(), + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + + # decode num_stages + self.up.append( + spconv.SparseSequential( + spconv.SparseInverseConv3d( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(dec_channels), + nn.ReLU(), + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + self.final = ( + spconv.SubMConv3d( + channels[-1], out_channels, kernel_size=1, padding=1, bias=True + ) + if out_channels > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 1).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input(x) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s](x) + x = self.enc[s](x) + skips.append(x) + x = skips.pop(-1) + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s](x) + # skip = skips.pop(-1) + # x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x = self.dec[s](x) + + x = self.final(x) + return x.features diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m2_bn_momentum.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m2_bn_momentum.py new file mode 100644 index 0000000000000000000000000000000000000000..979b1b8b5488d6c55bbc20ad0cede5002c8a5c67 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m2_bn_momentum.py @@ -0,0 +1,290 @@ +""" +SparseUNet Driven by SpConv (recommend) + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn + +try: + import spconv.pytorch as spconv +except ImportError: + import warnings + + warnings.warn("Please follow `README.md` to install spconv2.`") + +from timm.models.layers import trunc_normal_ +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +class BasicBlock(spconv.SparseModule): + expansion = 1 + + def __init__( + self, + in_channels, + embed_channels, + stride=1, + norm_fn=None, + indice_key=None, + bias=False, + ): + super().__init__() + + assert norm_fn is not None + + if in_channels == embed_channels: + self.proj = spconv.SparseSequential(nn.Identity()) + else: + self.proj = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, embed_channels, kernel_size=1, bias=False + ), + norm_fn(embed_channels, momentum=0.02), + ) + + self.conv1 = spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn1 = norm_fn(embed_channels) + self.relu = nn.ReLU() + self.conv2 = spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn2 = norm_fn(embed_channels) + self.stride = stride + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = out.replace_feature(self.bn1(out.features)) + out = out.replace_feature(self.relu(out.features)) + + out = self.conv2(out) + out = out.replace_feature(self.bn2(out.features)) + + out = out.replace_feature(out.features + self.proj(residual).features) + out = out.replace_feature(self.relu(out.features)) + + return out + + +@MODELS.register_module("SpUNet-v1m2") +class SpUNetBase(nn.Module): + def __init__( + self, + in_channels, + num_classes, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + bn_momentum=0.1, + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.num_classes = num_classes + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + + norm_fn = partial(nn.BatchNorm1d, eps=1e-5, momentum=bn_momentum) + block = BasicBlock + + self.conv_input = spconv.SparseSequential( + spconv.SubMConv3d( + in_channels, + base_channels, + kernel_size=5, + padding=1, + bias=False, + indice_key="stem", + ), + norm_fn(base_channels, momentum=0.02), + nn.ReLU(), + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + spconv.SparseSequential( + spconv.SparseConv3d( + enc_channels, + channels[s], + kernel_size=2, + stride=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(channels[s], momentum=0.02), + nn.ReLU(), + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + + # decode num_stages + self.up.append( + spconv.SparseSequential( + spconv.SparseInverseConv3d( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + ), + norm_fn(dec_channels, momentum=0.02), + nn.ReLU(), + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels + enc_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + self.final = ( + spconv.SubMConv3d( + channels[-1], num_classes, kernel_size=1, padding=1, bias=True + ) + if num_classes > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + @staticmethod + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 1).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input(x) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s](x) + x = self.enc[s](x) + skips.append(x) + x = skips.pop(-1) + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s](x) + skip = skips.pop(-1) + x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x = self.dec[s](x) + + x = self.final(x) + return x.features diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m3_pdnorm.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m3_pdnorm.py new file mode 100644 index 0000000000000000000000000000000000000000..968f8f2c5a19cf016f9427812a8071ca83d612d5 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/sparse_unet/spconv_unet_v1m3_pdnorm.py @@ -0,0 +1,429 @@ +""" +SparseUNet V1M3 + +Enable Prompt-Driven Normalization for Point Prompt Training + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from functools import partial +from collections import OrderedDict + +import torch +import torch.nn as nn + +import spconv.pytorch as spconv +from torch_geometric.utils import scatter + +from timm.models.layers import trunc_normal_ + +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch + + +class PDBatchNorm(torch.nn.Module): + def __init__( + self, + num_features, + context_channels=256, + eps=1e-3, + momentum=0.01, + conditions=("ScanNet", "S3DIS", "Structured3D"), + decouple=True, + adaptive=False, + affine=True, + ): + super().__init__() + self.conditions = conditions + self.decouple = decouple + self.adaptive = adaptive + self.affine = affine + if self.decouple: + self.bns = nn.ModuleList( + [ + nn.BatchNorm1d( + num_features=num_features, + eps=eps, + momentum=momentum, + affine=affine, + ) + for _ in conditions + ] + ) + else: + self.bn = nn.BatchNorm1d( + num_features=num_features, eps=eps, momentum=momentum, affine=affine + ) + if self.adaptive: + self.modulation = nn.Sequential( + nn.SiLU(), nn.Linear(context_channels, 2 * num_features, bias=True) + ) + + def forward(self, feat, condition=None, context=None): + if self.decouple: + assert condition in self.conditions + bn = self.bns[self.conditions.index(condition)] + else: + bn = self.bn + feat = bn(feat) + if self.adaptive: + assert context is not None + shift, scale = self.modulation(context).chunk(2, dim=1) + feat = feat * (1.0 + scale) + shift + return feat + + +class BasicBlock(spconv.SparseModule): + expansion = 1 + + def __init__( + self, + in_channels, + embed_channels, + stride=1, + norm_fn=None, + indice_key=None, + bias=False, + ): + super().__init__() + + assert norm_fn is not None + + self.in_channels = in_channels + self.embed_channels = embed_channels + if in_channels == embed_channels: + self.proj = spconv.SparseSequential(nn.Identity()) + else: + # TODO remove norm after project + self.proj_conv = spconv.SubMConv3d( + in_channels, embed_channels, kernel_size=1, bias=False + ) + self.proj_norm = norm_fn(embed_channels) + + self.conv1 = spconv.SubMConv3d( + in_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn1 = norm_fn(embed_channels) + self.relu = nn.ReLU() + self.conv2 = spconv.SubMConv3d( + embed_channels, + embed_channels, + kernel_size=3, + stride=stride, + padding=1, + bias=bias, + indice_key=indice_key, + ) + self.bn2 = norm_fn(embed_channels) + self.stride = stride + + def forward(self, x): + x, condition, context = x + residual = x + + out = self.conv1(x) + out = out.replace_feature(self.bn1(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + + out = self.conv2(out) + out = out.replace_feature(self.bn2(out.features, condition, context)) + + if self.in_channels == self.embed_channels: + residual = self.proj(residual) + else: + residual = residual.replace_feature( + self.proj_norm(self.proj_conv(residual).features, condition, context) + ) + out = out.replace_feature(out.features + residual.features) + out = out.replace_feature(self.relu(out.features)) + return out, condition, context + + +class SPConvDown(nn.Module): + def __init__( + self, + in_channels, + out_channels, + indice_key, + kernel_size=2, + bias=False, + norm_fn=None, + ): + super().__init__() + self.conv = spconv.SparseConv3d( + in_channels, + out_channels, + kernel_size=kernel_size, + stride=kernel_size, + bias=bias, + indice_key=indice_key, + ) + self.bn = norm_fn(out_channels) + self.relu = nn.ReLU() + + def forward(self, x): + x, condition, context = x + out = self.conv(x) + out = out.replace_feature(self.bn(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + return out + + +class SPConvUp(nn.Module): + def __init__( + self, + in_channels, + out_channels, + indice_key, + kernel_size=2, + bias=False, + norm_fn=None, + ): + super().__init__() + self.conv = spconv.SparseInverseConv3d( + in_channels, + out_channels, + kernel_size=kernel_size, + bias=bias, + indice_key=indice_key, + ) + self.bn = norm_fn(out_channels) + self.relu = nn.ReLU() + + def forward(self, x): + x, condition, context = x + out = self.conv(x) + out = out.replace_feature(self.bn(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + return out + + +class SPConvPatchEmbedding(nn.Module): + def __init__(self, in_channels, out_channels, kernel_size=5, norm_fn=None): + super().__init__() + self.conv = spconv.SubMConv3d( + in_channels, + out_channels, + kernel_size=kernel_size, + padding=1, + bias=False, + indice_key="stem", + ) + self.bn = norm_fn(out_channels) + self.relu = nn.ReLU() + + def forward(self, x): + x, condition, context = x + out = self.conv(x) + out = out.replace_feature(self.bn(out.features, condition, context)) + out = out.replace_feature(self.relu(out.features)) + return out + + +@MODELS.register_module("SpUNet-v1m3") +class SpUNetBase(nn.Module): + def __init__( + self, + in_channels, + num_classes=0, + base_channels=32, + context_channels=256, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 3, 4, 6, 2, 2, 2, 2), + cls_mode=False, + conditions=("ScanNet", "S3DIS", "Structured3D"), + zero_init=True, + norm_decouple=True, + norm_adaptive=True, + norm_affine=False, + ): + super().__init__() + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.num_classes = num_classes + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + self.cls_mode = cls_mode + self.conditions = conditions + self.zero_init = zero_init + + norm_fn = partial( + PDBatchNorm, + eps=1e-3, + momentum=0.01, + conditions=conditions, + context_channels=context_channels, + decouple=norm_decouple, + adaptive=norm_adaptive, + affine=norm_affine, + ) + block = BasicBlock + + self.conv_input = SPConvPatchEmbedding( + in_channels, base_channels, kernel_size=5, norm_fn=norm_fn + ) + + enc_channels = base_channels + dec_channels = channels[-1] + self.down = nn.ModuleList() + self.up = nn.ModuleList() + self.enc = nn.ModuleList() + self.dec = nn.ModuleList() if not self.cls_mode else None + + for s in range(self.num_stages): + # encode num_stages + self.down.append( + SPConvDown( + enc_channels, + channels[s], + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + norm_fn=norm_fn, + ) + ) + self.enc.append( + spconv.SparseSequential( + OrderedDict( + [ + # (f"block{i}", block(enc_channels, channels[s], norm_fn=norm_fn, indice_key=f"subm{s + 1}")) + # if i == 0 else + ( + f"block{i}", + block( + channels[s], + channels[s], + norm_fn=norm_fn, + indice_key=f"subm{s + 1}", + ), + ) + for i in range(layers[s]) + ] + ) + ) + ) + if not self.cls_mode: + # decode num_stages + self.up.append( + SPConvUp( + channels[len(channels) - s - 2], + dec_channels, + kernel_size=2, + bias=False, + indice_key=f"spconv{s + 1}", + norm_fn=norm_fn, + ) + ) + self.dec.append( + spconv.SparseSequential( + OrderedDict( + [ + ( + ( + f"block{i}", + block( + dec_channels + enc_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + if i == 0 + else ( + f"block{i}", + block( + dec_channels, + dec_channels, + norm_fn=norm_fn, + indice_key=f"subm{s}", + ), + ) + ) + for i in range(layers[len(channels) - s - 1]) + ] + ) + ) + ) + + enc_channels = channels[s] + dec_channels = channels[len(channels) - s - 2] + + final_in_channels = ( + channels[-1] if not self.cls_mode else channels[self.num_stages - 1] + ) + self.final = ( + spconv.SubMConv3d( + final_in_channels, num_classes, kernel_size=1, padding=1, bias=True + ) + if num_classes > 0 + else spconv.Identity() + ) + self.apply(self._init_weights) + + def _init_weights(self, m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, spconv.SubMConv3d): + trunc_normal_(m.weight, std=0.02) + if m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.BatchNorm1d): + if m.affine: + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + elif isinstance(m, PDBatchNorm): + if self.zero_init: + nn.init.constant_(m.modulation[-1].weight, 0) + nn.init.constant_(m.modulation[-1].bias, 0) + + def forward(self, input_dict): + grid_coord = input_dict["grid_coord"] + feat = input_dict["feat"] + offset = input_dict["offset"] + condition = input_dict["condition"][0] + context = input_dict["context"] if "context" in input_dict.keys() else None + + batch = offset2batch(offset) + sparse_shape = torch.add(torch.max(grid_coord, dim=0).values, 96).tolist() + x = spconv.SparseConvTensor( + features=feat, + indices=torch.cat( + [batch.unsqueeze(-1).int(), grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=batch[-1].tolist() + 1, + ) + x = self.conv_input([x, condition, context]) + skips = [x] + # enc forward + for s in range(self.num_stages): + x = self.down[s]([x, condition, context]) + x, _, _ = self.enc[s]([x, condition, context]) + skips.append(x) + x = skips.pop(-1) + if not self.cls_mode: + # dec forward + for s in reversed(range(self.num_stages)): + x = self.up[s]([x, condition, context]) + skip = skips.pop(-1) + x = x.replace_feature(torch.cat((x.features, skip.features), dim=1)) + x, _, _ = self.dec[s]([x, condition, context]) + + x = self.final(x) + if self.cls_mode: + x = x.replace_feature( + scatter(x.features, x.indices[:, 0].long(), reduce="mean", dim=0) + ) + return x.features diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/spvcnn/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/spvcnn/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ecdc75a6878026437124c187323ca9676bf35c76 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/spvcnn/__init__.py @@ -0,0 +1 @@ +from .ts_spvcnn import * diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/spvcnn/ts_spvcnn.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/spvcnn/ts_spvcnn.py new file mode 100644 index 0000000000000000000000000000000000000000..c26f1ea8d41a8edfbd1542b0f9e607e660441b38 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/spvcnn/ts_spvcnn.py @@ -0,0 +1,438 @@ +""" +SPVCNN + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +import torch.nn as nn + +try: + import torchsparse + import torchsparse.nn as spnn + import torchsparse.nn.functional as F + from torchsparse.nn.utils import get_kernel_offsets + from torchsparse import PointTensor, SparseTensor +except ImportError: + torchsparse = None + + +from pointcept.models.utils import offset2batch +from pointcept.models.builder import MODELS + + +def initial_voxelize(z): + pc_hash = F.sphash(torch.floor(z.C).int()) + sparse_hash = torch.unique(pc_hash) + idx_query = F.sphashquery(pc_hash, sparse_hash) + counts = F.spcount(idx_query.int(), len(sparse_hash)) + + inserted_coords = F.spvoxelize(torch.floor(z.C), idx_query, counts) + inserted_coords = torch.round(inserted_coords).int() + inserted_feat = F.spvoxelize(z.F, idx_query, counts) + + new_tensor = SparseTensor(inserted_feat, inserted_coords, 1) + new_tensor.cmaps.setdefault(new_tensor.stride, new_tensor.coords) + z.additional_features["idx_query"][1] = idx_query + z.additional_features["counts"][1] = counts + return new_tensor + + +# x: SparseTensor, z: PointTensor +# return: SparseTensor +def point_to_voxel(x, z): + if ( + z.additional_features is None + or z.additional_features.get("idx_query") is None + or z.additional_features["idx_query"].get(x.s) is None + ): + pc_hash = F.sphash( + torch.cat( + [ + torch.floor(z.C[:, :3] / x.s[0]).int() * x.s[0], + z.C[:, -1].int().view(-1, 1), + ], + 1, + ) + ) + sparse_hash = F.sphash(x.C) + idx_query = F.sphashquery(pc_hash, sparse_hash) + counts = F.spcount(idx_query.int(), x.C.shape[0]) + z.additional_features["idx_query"][x.s] = idx_query + z.additional_features["counts"][x.s] = counts + else: + idx_query = z.additional_features["idx_query"][x.s] + counts = z.additional_features["counts"][x.s] + + inserted_feat = F.spvoxelize(z.F, idx_query, counts) + new_tensor = SparseTensor(inserted_feat, x.C, x.s) + new_tensor.cmaps = x.cmaps + new_tensor.kmaps = x.kmaps + + return new_tensor + + +# x: SparseTensor, z: PointTensor +# return: PointTensor +def voxel_to_point(x, z, nearest=False): + if ( + z.idx_query is None + or z.weights is None + or z.idx_query.get(x.s) is None + or z.weights.get(x.s) is None + ): + off = spnn.utils.get_kernel_offsets(2, x.s, 1, device=z.F.device) + old_hash = F.sphash( + torch.cat( + [ + torch.floor(z.C[:, :3] / x.s[0]).int() * x.s[0], + z.C[:, -1].int().view(-1, 1), + ], + 1, + ), + off, + ) + pc_hash = F.sphash(x.C.to(z.F.device)) + idx_query = F.sphashquery(old_hash, pc_hash) + weights = ( + F.calc_ti_weights(z.C, idx_query, scale=x.s[0]).transpose(0, 1).contiguous() + ) + idx_query = idx_query.transpose(0, 1).contiguous() + if nearest: + weights[:, 1:] = 0.0 + idx_query[:, 1:] = -1 + new_feat = F.spdevoxelize(x.F, idx_query, weights) + new_tensor = PointTensor( + new_feat, z.C, idx_query=z.idx_query, weights=z.weights + ) + new_tensor.additional_features = z.additional_features + new_tensor.idx_query[x.s] = idx_query + new_tensor.weights[x.s] = weights + z.idx_query[x.s] = idx_query + z.weights[x.s] = weights + + else: + new_feat = F.spdevoxelize(x.F, z.idx_query.get(x.s), z.weights.get(x.s)) + new_tensor = PointTensor( + new_feat, z.C, idx_query=z.idx_query, weights=z.weights + ) + new_tensor.additional_features = z.additional_features + + return new_tensor + + +class BasicConvolutionBlock(nn.Module): + def __init__(self, inc, outc, ks=3, stride=1, dilation=1): + super().__init__() + self.net = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=ks, dilation=dilation, stride=stride), + spnn.BatchNorm(outc), + spnn.ReLU(True), + ) + + def forward(self, x): + out = self.net(x) + return out + + +class BasicDeconvolutionBlock(nn.Module): + def __init__(self, inc, outc, ks=3, stride=1): + super().__init__() + self.net = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=ks, stride=stride, transposed=True), + spnn.BatchNorm(outc), + spnn.ReLU(True), + ) + + def forward(self, x): + return self.net(x) + + +class ResidualBlock(nn.Module): + def __init__(self, inc, outc, ks=3, stride=1, dilation=1): + super().__init__() + self.net = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=ks, dilation=dilation, stride=stride), + spnn.BatchNorm(outc), + spnn.ReLU(True), + spnn.Conv3d(outc, outc, kernel_size=ks, dilation=dilation, stride=1), + spnn.BatchNorm(outc), + ) + + if inc == outc and stride == 1: + self.downsample = nn.Identity() + else: + self.downsample = nn.Sequential( + spnn.Conv3d(inc, outc, kernel_size=1, dilation=1, stride=stride), + spnn.BatchNorm(outc), + ) + + self.relu = spnn.ReLU(True) + + def forward(self, x): + out = self.relu(self.net(x) + self.downsample(x)) + return out + + +@MODELS.register_module() +class SPVCNN(nn.Module): + def __init__( + self, + in_channels, + out_channels, + base_channels=32, + channels=(32, 64, 128, 256, 256, 128, 96, 96), + layers=(2, 2, 2, 2, 2, 2, 2, 2), + ): # not implement + super().__init__() + + assert ( + torchsparse is not None + ), "Please follow `README.md` to install torchsparse.`" + assert len(layers) % 2 == 0 + assert len(layers) == len(channels) + self.in_channels = in_channels + self.out_channels = out_channels + self.base_channels = base_channels + self.channels = channels + self.layers = layers + self.num_stages = len(layers) // 2 + + self.stem = nn.Sequential( + spnn.Conv3d(in_channels, base_channels, kernel_size=3, stride=1), + spnn.BatchNorm(base_channels), + spnn.ReLU(True), + spnn.Conv3d(base_channels, base_channels, kernel_size=3, stride=1), + spnn.BatchNorm(base_channels), + spnn.ReLU(True), + ) + + self.stage1 = nn.Sequential( + *[ + BasicConvolutionBlock( + base_channels, base_channels, ks=2, stride=2, dilation=1 + ), + ResidualBlock(base_channels, channels[0], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[0], channels[0], ks=3, stride=1, dilation=1) + for _ in range(layers[0] - 1) + ] + ) + + self.stage2 = nn.Sequential( + *[ + BasicConvolutionBlock( + channels[0], channels[0], ks=2, stride=2, dilation=1 + ), + ResidualBlock(channels[0], channels[1], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[1], channels[1], ks=3, stride=1, dilation=1) + for _ in range(layers[1] - 1) + ] + ) + + self.stage3 = nn.Sequential( + *[ + BasicConvolutionBlock( + channels[1], channels[1], ks=2, stride=2, dilation=1 + ), + ResidualBlock(channels[1], channels[2], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[2], channels[2], ks=3, stride=1, dilation=1) + for _ in range(layers[2] - 1) + ] + ) + + self.stage4 = nn.Sequential( + *[ + BasicConvolutionBlock( + channels[2], channels[2], ks=2, stride=2, dilation=1 + ), + ResidualBlock(channels[2], channels[3], ks=3, stride=1, dilation=1), + ] + + [ + ResidualBlock(channels[3], channels[3], ks=3, stride=1, dilation=1) + for _ in range(layers[3] - 1) + ] + ) + + self.up1 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[3], channels[4], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[4] + channels[2], + channels[4], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[4], channels[4], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[4] - 1) + ] + ), + ] + ) + + self.up2 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[4], channels[5], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[5] + channels[1], + channels[5], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[5], channels[5], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[5] - 1) + ] + ), + ] + ) + + self.up3 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[5], channels[6], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[6] + channels[0], + channels[6], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[6], channels[6], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[6] - 1) + ] + ), + ] + ) + + self.up4 = nn.ModuleList( + [ + BasicDeconvolutionBlock(channels[6], channels[7], ks=2, stride=2), + nn.Sequential( + *[ + ResidualBlock( + channels[7] + base_channels, + channels[7], + ks=3, + stride=1, + dilation=1, + ) + ] + + [ + ResidualBlock( + channels[7], channels[7], ks=3, stride=1, dilation=1 + ) + for _ in range(layers[7] - 1) + ] + ), + ] + ) + + self.classifier = nn.Sequential(nn.Linear(channels[7], out_channels)) + + self.point_transforms = nn.ModuleList( + [ + nn.Sequential( + nn.Linear(base_channels, channels[3]), + nn.BatchNorm1d(channels[3]), + nn.ReLU(True), + ), + nn.Sequential( + nn.Linear(channels[3], channels[5]), + nn.BatchNorm1d(channels[5]), + nn.ReLU(True), + ), + nn.Sequential( + nn.Linear(channels[5], channels[7]), + nn.BatchNorm1d(channels[7]), + nn.ReLU(True), + ), + ] + ) + + self.weight_initialization() + self.dropout = nn.Dropout(0.3, True) + + def weight_initialization(self): + for m in self.modules(): + if isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.weight, 1) + nn.init.constant_(m.bias, 0) + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + offset = data_dict["offset"] + batch = offset2batch(offset) + + # x: SparseTensor z: PointTensor + z = PointTensor( + feat, + torch.cat( + [grid_coord.float(), batch.unsqueeze(-1).float()], dim=1 + ).contiguous(), + ) + x0 = initial_voxelize(z) + + x0 = self.stem(x0) + z0 = voxel_to_point(x0, z, nearest=False) + z0.F = z0.F + + x1 = point_to_voxel(x0, z0) + x1 = self.stage1(x1) + x2 = self.stage2(x1) + x3 = self.stage3(x2) + x4 = self.stage4(x3) + z1 = voxel_to_point(x4, z0) + z1.F = z1.F + self.point_transforms[0](z0.F) + + y1 = point_to_voxel(x4, z1) + y1.F = self.dropout(y1.F) + y1 = self.up1[0](y1) + y1 = torchsparse.cat([y1, x3]) + y1 = self.up1[1](y1) + + y2 = self.up2[0](y1) + y2 = torchsparse.cat([y2, x2]) + y2 = self.up2[1](y2) + z2 = voxel_to_point(y2, z1) + z2.F = z2.F + self.point_transforms[1](z1.F) + + y3 = point_to_voxel(y2, z2) + y3.F = self.dropout(y3.F) + y3 = self.up3[0](y3) + y3 = torchsparse.cat([y3, x1]) + y3 = self.up3[1](y3) + + y4 = self.up4[0](y3) + y4 = torchsparse.cat([y4, x0]) + y4 = self.up4[1](y4) + z3 = voxel_to_point(y4, z2) + z3.F = z3.F + self.point_transforms[2](z2.F) + + out = self.classifier(z3.F) + return out diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..24712d2bc0fe76a52a273172fe9c4f37c807a6c3 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/__init__.py @@ -0,0 +1,2 @@ +from .stratified_transformer_v1m1_origin import StratifiedTransformer +from .stratified_transformer_v1m2_refine import StratifiedTransformer diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/stratified_transformer_v1m1_origin.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/stratified_transformer_v1m1_origin.py new file mode 100644 index 0000000000000000000000000000000000000000..5bf18f71298efa1e96f0697c96e26d2127140c36 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/stratified_transformer_v1m1_origin.py @@ -0,0 +1,830 @@ +import torch +import torch.nn as nn + +try: + import torch_points_kernels as tp +except ImportError: + tp = None + +try: + from torch_points3d.modules.KPConv.kernels import KPConvLayer + from torch_points3d.core.common_modules import FastBatchNorm1d +except ImportError: + KPConvLayer = None + FastBatchNorm1d = None + +from torch_scatter import scatter_softmax +from timm.models.layers import DropPath, trunc_normal_ +from torch_geometric.nn.pool import voxel_grid + +try: + import pointops2.pointops as pointops +except ImportError: + pointops = None + +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +def get_indice_pairs( + p2v_map, counts, new_p2v_map, new_counts, downsample_idx, batch, xyz, window_size, i +): + # p2v_map: [n, k] + # counts: [n, ] + + n, k = p2v_map.shape + mask = torch.arange(k).unsqueeze(0).cuda() < counts.unsqueeze(-1) # [n, k] + mask_mat = mask.unsqueeze(-1) & mask.unsqueeze(-2) # [n, k, k] + index_0 = p2v_map.unsqueeze(-1).expand(-1, -1, k)[mask_mat] # [M, ] + index_1 = p2v_map.unsqueeze(1).expand(-1, k, -1)[mask_mat] # [M, ] + + downsample_mask = torch.zeros_like(batch).bool() # [N, ] + downsample_mask[downsample_idx.long()] = True + + downsample_mask = downsample_mask[new_p2v_map] # [n, k] + n, k = new_p2v_map.shape + mask = torch.arange(k).unsqueeze(0).cuda() < new_counts.unsqueeze(-1) # [n, k] + downsample_mask = downsample_mask & mask + mask_mat = mask.unsqueeze(-1) & downsample_mask.unsqueeze(-2) # [n, k, k] + xyz_min = xyz.min(0)[0] + if i % 2 == 0: + window_coord = (xyz[new_p2v_map] - xyz_min) // window_size # [n, k, 3] + else: + window_coord = ( + xyz[new_p2v_map] + 1 / 2 * window_size - xyz_min + ) // window_size # [n, k, 3] + + mask_mat_prev = (window_coord.unsqueeze(2) != window_coord.unsqueeze(1)).any( + -1 + ) # [n, k, k] + mask_mat = mask_mat & mask_mat_prev # [n, k, k] + + new_index_0 = new_p2v_map.unsqueeze(-1).expand(-1, -1, k)[mask_mat] # [M, ] + new_index_1 = new_p2v_map.unsqueeze(1).expand(-1, k, -1)[mask_mat] # [M, ] + + index_0 = torch.cat([index_0, new_index_0], 0) + index_1 = torch.cat([index_1, new_index_1], 0) + return index_0, index_1 + + +def grid_sample(pos, batch, size, start, return_p2v=True): + # pos: float [N, 3] + # batch: long [N] + # size: float [3, ] + # start: float [3, ] / None + + cluster = voxel_grid(pos, batch, size, start=start) # [N, ] + + if return_p2v == False: + unique, cluster = torch.unique(cluster, sorted=True, return_inverse=True) + return cluster + + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + + # obtain p2v_map + n = unique.shape[0] + k = counts.max().item() + p2v_map = cluster.new_zeros(n, k) # [n, k] + mask = torch.arange(k).cuda().unsqueeze(0) < counts.unsqueeze(-1) # [n, k] + p2v_map[mask] = torch.argsort(cluster) + + return cluster, p2v_map, counts + + +class Mlp(nn.Module): + """Multilayer perceptron.""" + + def __init__( + self, + in_features, + hidden_features=None, + out_features=None, + act_layer=nn.GELU, + drop=0.0, + ): + super().__init__() + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.fc1 = nn.Linear(in_features, hidden_features) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_features, out_features) + self.drop = nn.Dropout(drop, inplace=True) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class TransitionDown(nn.Module): + def __init__(self, in_channels, out_channels, ratio, k, norm_layer=nn.LayerNorm): + super().__init__() + self.ratio = ratio + self.k = k + self.norm = norm_layer(in_channels) if norm_layer else None + self.linear = nn.Linear(in_channels, out_channels, bias=False) + self.pool = nn.MaxPool1d(k) + + def forward(self, feats, xyz, offset): + n_offset, count = [int(offset[0].item() * self.ratio) + 1], int( + offset[0].item() * self.ratio + ) + 1 + for i in range(1, offset.shape[0]): + count += ((offset[i].item() - offset[i - 1].item()) * self.ratio) + 1 + n_offset.append(count) + n_offset = torch.cuda.IntTensor(n_offset) + idx = pointops.furthestsampling(xyz, offset, n_offset) # (m) + n_xyz = xyz[idx.long(), :] # (m, 3) + + feats = pointops.queryandgroup( + self.k, xyz, n_xyz, feats, None, offset, n_offset, use_xyz=False + ) # (m, nsample, 3+c) + m, k, c = feats.shape + feats = ( + self.linear(self.norm(feats.view(m * k, c)).view(m, k, c)) + .transpose(1, 2) + .contiguous() + ) + feats = self.pool(feats).squeeze(-1) # (m, c) + + return feats, n_xyz, n_offset + + +class WindowAttention(nn.Module): + """Window based multi-head self attention (W-MSA) module with relative position bias. + It supports both of shifted and non-shifted window. + + Args: + dim (int): Number of input channels. + window_size (tuple[int]): The height and width of the window. + num_heads (int): Number of attention heads. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set + attn_drop (float, optional): Dropout ratio of attention weight. Default: 0.0 + proj_drop (float, optional): Dropout ratio of output. Default: 0.0 + """ + + def __init__( + self, + dim, + window_size, + num_heads, + quant_size, + rel_query=True, + rel_key=False, + rel_value=False, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + ): + super().__init__() + self.dim = dim + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim**-0.5 + self.window_size = window_size + + self.quant_size = quant_size + self.rel_query = rel_query + self.rel_key = rel_key + self.rel_value = rel_value + + quant_grid_length = int((2 * window_size + 1e-4) // quant_size) + + if rel_query: + self.relative_pos_query_table = nn.Parameter( + torch.zeros(2 * quant_grid_length, num_heads, head_dim, 3) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + if rel_key: + self.relative_pos_key_table = nn.Parameter( + torch.zeros(2 * quant_grid_length, num_heads, head_dim, 3) + ) + trunc_normal_(self.relative_pos_key_table, std=0.02) + if rel_value: + self.relative_pos_value_table = nn.Parameter( + torch.zeros(2 * quant_grid_length, num_heads, head_dim, 3) + ) + trunc_normal_(self.relative_pos_value_table, std=0.02) + + self.quant_grid_length = quant_grid_length + + self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop, inplace=True) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop, inplace=True) + + self.softmax = nn.Softmax(dim=-1) + + # def forward(self, feats, xyz, index_0, index_1): + def forward(self, feats, xyz, index_0, index_1, index_0_offsets, n_max): + """Forward function. + + Args: + feats: N, C + xyz: N, 3 + index_0: M, + index_1: M, + """ + + N, C = feats.shape + M = index_0.shape[0] + + assert index_0.shape[0] == index_1.shape[0] + + # Query, Key, Value + qkv = ( + self.qkv(feats) + .reshape(N, 3, self.num_heads, C // self.num_heads) + .permute(1, 0, 2, 3) + .contiguous() + ) + query, key, value = qkv[0], qkv[1], qkv[2] # [N, num_heads, C//num_heads] + query = query * self.scale + attn_flat = pointops.attention_step1_v2( + query.float(), key.float(), index_1.int(), index_0_offsets.int(), n_max + ) + + # # Position embedding + relative_position = xyz[index_0] - xyz[index_1] + relative_position = torch.round(relative_position * 100000) / 100000 + relative_position_index = ( + relative_position + 2 * self.window_size - 0.0001 + ) // self.quant_size + assert (relative_position_index >= 0).all() + assert (relative_position_index <= 2 * self.quant_grid_length - 1).all() + + assert self.rel_query and self.rel_key + if self.rel_query and self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx_v3( + query.float(), + index_0_offsets.int(), + n_max, + key.float(), + index_1.int(), + self.relative_pos_query_table.float(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) + elif self.rel_query: + relative_position_bias = pointops.dot_prod_with_idx( + query.float(), + index_0.int(), + self.relative_pos_query_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + elif self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx( + key.float(), + index_1.int(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + else: + relative_position_bias = 0.0 + + attn_flat = attn_flat + relative_position_bias # [M, num_heads] + + softmax_attn_flat = scatter_softmax( + src=attn_flat, index=index_0, dim=0 + ) # [M, num_heads] + + if self.rel_value: + x = pointops.attention_step2_with_rel_pos_value_v2( + softmax_attn_flat.float(), + value.float(), + index_0_offsets.int(), + n_max, + index_1.int(), + self.relative_pos_value_table.float(), + relative_position_index.int(), + ) + else: + x = pointops.attention_step2( + softmax_attn_flat.float(), value.float(), index_0.int(), index_1.int() + ) + + x = x.view(N, C) + + x = self.proj(x) + x = self.proj_drop(x) # [N, C] + + return x + + +class SwinTransformerBlock(nn.Module): + def __init__( + self, + dim, + num_heads, + window_size, + quant_size, + rel_query=True, + rel_key=False, + rel_value=False, + drop_path=0.0, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + act_layer=nn.GELU, + norm_layer=nn.LayerNorm, + mode=4, + ): # mode=4:mean + super().__init__() + self.mode = mode + + self.norm1 = norm_layer(dim) + self.attn = WindowAttention( + dim, + window_size, + num_heads=num_heads, + quant_size=quant_size, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + ) + + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + self.norm2 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp( + in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer + ) + + def forward(self, feats, xyz, index_0, index_1, index_0_offsets, n_max): + # feats: [N, c] + # pos: [N, 3] + + short_cut = feats + + feats = self.norm1(feats) + + feats = self.attn( + feats, xyz, index_0, index_1, index_0_offsets, n_max + ) # index_0 MUST be in ascending order + + feats = short_cut + self.drop_path(feats) + feats = feats + self.drop_path(self.mlp(self.norm2(feats))) + + return feats + + +class BasicLayer(nn.Module): + def __init__( + self, + downsample_scale, + depth, + channel, + num_heads, + window_size, + grid_size, + quant_size, + rel_query=True, + rel_key=False, + rel_value=False, + drop_path=0.0, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + norm_layer=nn.LayerNorm, + downsample=None, + ratio=0.25, + k=16, + out_channels=None, + ): + super().__init__() + self.depth = depth + self.grid_size = grid_size + self.max_window_counts = 64 + self.window_size = window_size + self.downsample_scale = downsample_scale + + self.blocks = nn.ModuleList( + [ + SwinTransformerBlock( + channel, + num_heads, + window_size, + quant_size, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + drop_path=( + drop_path[i] if isinstance(drop_path, list) else drop_path + ), + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + norm_layer=norm_layer, + ) + for i in range(depth) + ] + ) + + self.downsample = ( + downsample(channel, out_channels, ratio, k) if downsample else None + ) + + def forward(self, feats, xyz, offset): + # feats: N, C + # xyz: N, 3 + + window_size = torch.tensor([self.window_size] * 3).type_as(xyz).to(xyz.device) + + offset_ = offset.clone() + offset_[1:] = offset_[1:] - offset_[:-1] + batch = ( + torch.cat([torch.tensor([ii] * o) for ii, o in enumerate(offset_)], 0) + .long() + .cuda() + ) + + v2p_map, p2v_map, counts = grid_sample(xyz, batch, window_size, start=None) + + shift_size = 1 / 2 * window_size + shift_v2p_map, shift_p2v_map, shift_counts = grid_sample( + xyz + shift_size, batch, window_size, start=xyz.min(0)[0] + ) + + downsample_scale = self.downsample_scale + new_offset, count = [offset[0].item() // downsample_scale + 1], offset[ + 0 + ].item() // downsample_scale + 1 + for i in range(1, offset.shape[0]): + count += (offset[i].item() - offset[i - 1].item()) // downsample_scale + 1 + new_offset.append(count) + + new_offset = torch.cuda.IntTensor(new_offset) + downsample_idx = pointops.furthestsampling( + xyz, offset.int(), new_offset.int() + ) # [N/16,] + + new_window_size = 2 * torch.tensor([self.window_size] * 3).type_as(xyz).to( + xyz.device + ) + + # offset_ = new_offset.clone() + # offset_[1:] = offset_[1:] - offset_[:-1] + # new_batch = torch.cat([torch.tensor([ii]*o) for ii,o in enumerate(offset_)], 0).long().cuda() + + new_v2p_map, new_p2v_map, new_counts = grid_sample( + xyz, batch, new_window_size, start=None + ) + + shift_size = 1 / 2 * new_window_size + shift_new_v2p_map, shift_new_p2v_map, shift_new_counts = grid_sample( + xyz + shift_size, batch, new_window_size, start=xyz.min(0)[0] + ) + + for i, blk in enumerate(self.blocks): + p2v_map_blk = p2v_map if i % 2 == 0 else shift_p2v_map + counts_blk = counts if i % 2 == 0 else shift_counts + + new_p2v_map_blk = new_p2v_map if i % 2 == 0 else shift_new_p2v_map + new_counts_blk = new_counts if i % 2 == 0 else shift_new_counts + + index_0, index_1 = get_indice_pairs( + p2v_map_blk, + counts_blk, + new_p2v_map_blk, + new_counts_blk, + downsample_idx, + batch, + xyz, + window_size, + i, + ) + + # rearrange index for acceleration + index_0, indices = torch.sort(index_0) # [M,] + index_1 = index_1[indices] # [M,] + index_0_counts = index_0.bincount() + n_max = index_0_counts.max() + index_0_offsets = index_0_counts.cumsum(dim=-1) # [N] + index_0_offsets = torch.cat( + [torch.zeros(1, dtype=torch.long).cuda(), index_0_offsets], 0 + ) # [N+1] + + feats = blk(feats, xyz, index_0, index_1, index_0_offsets, n_max) + + if self.downsample: + feats_down, xyz_down, offset_down = self.downsample(feats, xyz, offset) + else: + feats_down, xyz_down, offset_down = None, None, None + + return feats, xyz, offset, feats_down, xyz_down, offset_down + + +class Upsample(nn.Module): + def __init__(self, k, in_channels, out_channels, bn_momentum=0.02): + super().__init__() + self.k = k + self.in_channels = in_channels + self.out_channels = out_channels + + self.linear1 = nn.Sequential( + nn.LayerNorm(out_channels), nn.Linear(out_channels, out_channels) + ) + self.linear2 = nn.Sequential( + nn.LayerNorm(in_channels), nn.Linear(in_channels, out_channels) + ) + + def forward( + self, feats, xyz, support_xyz, offset, support_offset, support_feats=None + ): + feats = self.linear1(support_feats) + pointops.interpolation( + xyz, support_xyz, self.linear2(feats), offset, support_offset + ) + return feats, support_xyz, support_offset + + +class KPConvSimpleBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + self.kpconv = KPConvLayer( + in_channels, + out_channels, + point_influence=prev_grid_size * sigma, + add_one=False, + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = nn.LeakyReLU(negative_slope=negative_slope) + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # xyz: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.activation(self.bn(feats)) + return feats + + +class KPConvResBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + d_2 = out_channels // 4 + activation = nn.LeakyReLU(negative_slope=negative_slope) + self.unary_1 = torch.nn.Sequential( + nn.Linear(in_channels, d_2, bias=False), + FastBatchNorm1d(d_2, momentum=bn_momentum), + activation, + ) + self.unary_2 = torch.nn.Sequential( + nn.Linear(d_2, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + activation, + ) + self.kpconv = KPConvLayer( + d_2, d_2, point_influence=prev_grid_size * sigma, add_one=False + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = activation + + if in_channels != out_channels: + self.shortcut_op = torch.nn.Sequential( + nn.Linear(in_channels, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + ) + else: + self.shortcut_op = nn.Identity() + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # xyz: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + shortcut = feats + feats = self.unary_1(feats) + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.unary_2(feats) + shortcut = self.shortcut_op(shortcut) + feats += shortcut + return feats + + +@MODELS.register_module("ST-v1m1") +class StratifiedTransformer(nn.Module): + def __init__( + self, + downsample_scale, + depths, + channels, + num_heads, + window_size, + up_k, + grid_sizes, + quant_sizes, + rel_query=True, + rel_key=False, + rel_value=False, + drop_path_rate=0.2, + num_layers=4, + concat_xyz=False, + num_classes=13, + ratio=0.25, + k=16, + prev_grid_size=0.04, + sigma=1.0, + stem_transformer=False, + kp_ball_radius=0.02 * 2.5, + kp_max_neighbor=34, + ): + super().__init__() + assert ( + KPConvLayer is not None and FastBatchNorm1d is not None + ), "Please make sure torch_points3d is installed" + assert tp is not None, "Please make sure torch_points_kernels is installed" + assert pointops is not None, "Please make sure pointops2 is installed" + + dpr = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(depths)) + ] # stochastic depth decay rule + + self.kp_ball_radius = kp_ball_radius + self.kp_max_neighbor = kp_max_neighbor + if stem_transformer: + self.stem_layer = nn.ModuleList( + [ + KPConvSimpleBlock( + 3 if not concat_xyz else 6, + channels[0], + prev_grid_size, + sigma=sigma, + ) + ] + ) + self.layer_start = 0 + else: + self.stem_layer = nn.ModuleList( + [ + KPConvSimpleBlock( + 3 if not concat_xyz else 6, + channels[0], + prev_grid_size, + sigma=sigma, + ), + KPConvResBlock( + channels[0], channels[0], prev_grid_size, sigma=sigma + ), + ] + ) + self.downsample = TransitionDown(channels[0], channels[1], ratio, k) + self.layer_start = 1 + + self.layers = nn.ModuleList( + [ + BasicLayer( + downsample_scale, + depths[i], + channels[i], + num_heads[i], + window_size[i], + grid_sizes[i], + quant_sizes[i], + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + drop_path=dpr[sum(depths[:i]) : sum(depths[: i + 1])], + downsample=TransitionDown if i < num_layers - 1 else None, + ratio=ratio, + k=k, + out_channels=channels[i + 1] if i < num_layers - 1 else None, + ) + for i in range(self.layer_start, num_layers) + ] + ) + + self.upsamples = nn.ModuleList( + [ + Upsample(up_k, channels[i], channels[i - 1]) + for i in range(num_layers - 1, 0, -1) + ] + ) + + self.classifier = nn.Sequential( + nn.Linear(channels[0], channels[0]), + nn.BatchNorm1d(channels[0]), + nn.ReLU(inplace=True), + nn.Linear(channels[0], num_classes), + ) + + self.init_weights() + + def forward(self, data_dict): + feats = data_dict["feat"] + xyz = data_dict["coord"] + offset = data_dict["offset"].int() + batch = offset2batch(offset) + neighbor_idx = tp.ball_query( + self.kp_ball_radius, + self.kp_max_neighbor, + xyz, + xyz, + mode="partial_dense", + batch_x=batch, + batch_y=batch, + )[0] + + feats_stack = [] + xyz_stack = [] + offset_stack = [] + + for i, layer in enumerate(self.stem_layer): + feats = layer(feats, xyz, batch, neighbor_idx) + + feats = feats.contiguous() + + if self.layer_start == 1: + feats_stack.append(feats) + xyz_stack.append(xyz) + offset_stack.append(offset) + feats, xyz, offset = self.downsample(feats, xyz, offset) + + for i, layer in enumerate(self.layers): + feats, xyz, offset, feats_down, xyz_down, offset_down = layer( + feats, xyz, offset + ) + + feats_stack.append(feats) + xyz_stack.append(xyz) + offset_stack.append(offset) + + feats = feats_down + xyz = xyz_down + offset = offset_down + + feats = feats_stack.pop() + xyz = xyz_stack.pop() + offset = offset_stack.pop() + + for i, upsample in enumerate(self.upsamples): + feats, xyz, offset = upsample( + feats, + xyz, + xyz_stack.pop(), + offset, + offset_stack.pop(), + support_feats=feats_stack.pop(), + ) + + out = self.classifier(feats) + + return out + + def init_weights(self): + """Initialize the weights in backbone.""" + + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm) or isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + self.apply(_init_weights) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/stratified_transformer_v1m2_refine.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/stratified_transformer_v1m2_refine.py new file mode 100644 index 0000000000000000000000000000000000000000..234afc12a7be6ea1feb87259c8c77e1bf0a8b3d3 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/stratified_transformer/stratified_transformer_v1m2_refine.py @@ -0,0 +1,763 @@ +""" +Stratified Transformer + +Modified from https://github.com/dvlab-research/Stratified-Transformer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from copy import deepcopy +import torch +import torch.nn as nn + +try: + import torch_points_kernels as tp +except ImportError: + tp = None + +try: + from torch_points3d.modules.KPConv.kernels import KPConvLayer + from torch_points3d.core.common_modules import FastBatchNorm1d +except ImportError: + KPConvLayer = None + FastBatchNorm1d = None + +from torch_scatter import scatter_softmax +from timm.models.layers import DropPath, trunc_normal_ +from torch_geometric.nn.pool import voxel_grid + +try: + import pointops2.pointops as pointops +except ImportError: + pointops = None + +from pointcept.models.builder import MODELS + + +def offset2batch(offset): + return ( + torch.cat( + [ + ( + torch.tensor([i] * (o - offset[i - 1])) + if i > 0 + else torch.tensor([i] * o) + ) + for i, o in enumerate(offset) + ], + dim=0, + ) + .long() + .to(offset.device) + ) + + +def grid_sample(coords, batch, size, start, return_p2v=True): + cluster = voxel_grid(coords, batch, size, start=start) + + if not return_p2v: + unique, cluster = torch.unique(cluster, sorted=True, return_inverse=True) + return cluster + else: + unique, cluster, counts = torch.unique( + cluster, sorted=True, return_inverse=True, return_counts=True + ) + + # obtain p2v_map + n = unique.shape[0] + k = counts.max().item() + p2v_map = cluster.new_zeros(n, k) + mask = torch.arange(k).cuda().unsqueeze(0) < counts.unsqueeze(-1) + p2v_map[mask] = torch.argsort(cluster) + return cluster, p2v_map, counts + + +class WindowAttention(nn.Module): + """Window based multi-head self attention (W-MSA) module with relative position bias. + It supports both of shifted and non-shifted window. + """ + + def __init__( + self, + embed_channels, + num_heads, + window_size, + quant_size, + attn_drop=0.0, + proj_drop=0.0, + scale=None, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + ): + super().__init__() + self.embed_channels = embed_channels + self.head_channels = embed_channels // num_heads + self.num_heads = num_heads + self.scale = scale or self.head_channels**-0.5 + + self.window_size = window_size + self.quant_size = quant_size + + self.rel_query = rel_query + self.rel_key = rel_key + self.rel_value = rel_value + + self.quant_grid_length = int((2 * window_size + 1e-4) // quant_size) + + assert self.rel_query and self.rel_key + if rel_query: + self.relative_pos_query_table = nn.Parameter( + torch.zeros( + 2 * self.quant_grid_length, self.num_heads, self.head_channels, 3 + ) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + + if rel_key: + self.relative_pos_key_table = nn.Parameter( + torch.zeros( + 2 * self.quant_grid_length, self.num_heads, self.head_channels, 3 + ) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + + if rel_value: + self.relative_pos_value_table = nn.Parameter( + torch.zeros( + 2 * self.quant_grid_length, self.num_heads, self.head_channels, 3 + ) + ) + trunc_normal_(self.relative_pos_query_table, std=0.02) + + self.qkv = nn.Linear(embed_channels, embed_channels * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop, inplace=True) + self.proj = nn.Linear(embed_channels, embed_channels) + self.proj_drop = nn.Dropout(proj_drop, inplace=True) + + self.softmax = nn.Softmax(dim=-1) + + def forward(self, feats, coords, index_0, index_1, index_0_offsets, n_max): + n, c = feats.shape + m = index_0.shape[0] + + assert index_0.shape[0] == index_1.shape[0] + + qkv = ( + self.qkv(feats) + .reshape(n, 3, self.num_heads, c // self.num_heads) + .permute(1, 0, 2, 3) + .contiguous() + ) + query, key, value = qkv[0], qkv[1], qkv[2] + query = query * self.scale + attn_flat = pointops.attention_step1_v2( + query.float(), key.float(), index_1.int(), index_0_offsets.int(), n_max + ) + + # Position embedding + relative_position = coords[index_0] - coords[index_1] + relative_position = torch.round(relative_position * 100000) / 100000 + relative_position_index = torch.div( + relative_position + 2 * self.window_size - 1e-4, + self.quant_size, + rounding_mode="trunc", + ) + # relative_position_index = (relative_position + 2 * self.window_size - 1e-4) // self.quant_size + assert (relative_position_index >= 0).all() + assert (relative_position_index <= 2 * self.quant_grid_length - 1).all() + + if self.rel_query and self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx_v3( + query.float(), + index_0_offsets.int(), + n_max, + key.float(), + index_1.int(), + self.relative_pos_query_table.float(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) + elif self.rel_query: + relative_position_bias = pointops.dot_prod_with_idx( + query.float(), + index_0.int(), + self.relative_pos_query_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + elif self.rel_key: + relative_position_bias = pointops.dot_prod_with_idx( + key.float(), + index_1.int(), + self.relative_pos_key_table.float(), + relative_position_index.int(), + ) # [M, num_heads] + else: + relative_position_bias = 0.0 + + attn_flat += relative_position_bias + softmax_attn_flat = scatter_softmax(src=attn_flat, index=index_0, dim=0) + + if self.rel_value: + x = pointops.attention_step2_with_rel_pos_value_v2( + softmax_attn_flat.float(), + value.float(), + index_0_offsets.int(), + n_max, + index_1.int(), + self.relative_pos_value_table.float(), + relative_position_index.int(), + ) + else: + x = pointops.attention_step2( + softmax_attn_flat.float(), value.float(), index_0.int(), index_1.int() + ) + + x = x.view(n, c) + x = self.proj(x) + x = self.proj_drop(x) + return x + + +class MLP(nn.Module): + def __init__(self, in_channels, hidden_channels=None, out_channels=None, drop=0.0): + super().__init__() + out_channels = out_channels or in_channels + hidden_channels = hidden_channels or in_channels + self.fc1 = nn.Linear(in_channels, hidden_channels) + self.act = nn.GELU() + self.fc2 = nn.Linear(hidden_channels, out_channels) + self.drop = nn.Dropout(drop, inplace=True) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class Block(nn.Module): + def __init__( + self, + embed_channels, + num_heads, + window_size, + quant_size, + mlp_expend_ratio=4.0, + drop_path=0.0, + qk_scale=None, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + ): + super().__init__() + self.norm1 = nn.LayerNorm(embed_channels) + self.attn = WindowAttention( + embed_channels, + num_heads, + window_size, + quant_size, + scale=qk_scale, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + ) + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + self.norm2 = nn.LayerNorm(embed_channels) + self.mlp = MLP( + in_channels=embed_channels, + hidden_channels=int(embed_channels * mlp_expend_ratio), + ) + + def forward(self, feats, coords, index_0, index_1, index_0_offsets, n_max): + short_cut = feats + feats = self.norm1(feats) + feats = self.attn(feats, coords, index_0, index_1, index_0_offsets, n_max) + + feats = short_cut + self.drop_path(feats) + feats += self.drop_path(self.mlp(self.norm2(feats))) + return feats + + +class BasicLayer(nn.Module): + def __init__( + self, + embed_channels, + out_channels, + depth, + num_heads, + window_size, + quant_size, + mlp_expend_ratio=4.0, + down_ratio=0.25, + down_num_sample=16, + drop_path=None, + qk_scale=None, + down=True, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + ): + super().__init__() + self.depth = depth + self.window_size = window_size + self.quant_size = quant_size + self.down_ratio = down_ratio + + if isinstance(drop_path, list): + drop_path = drop_path + assert len(drop_path) == depth + elif isinstance(drop_path, float): + drop_path = [deepcopy(drop_path) for _ in range(depth)] + else: + drop_path = [0.0 for _ in range(depth)] + + self.blocks = nn.ModuleList() + for i in range(depth): + block = Block( + embed_channels, + num_heads, + window_size, + quant_size, + mlp_expend_ratio=mlp_expend_ratio, + drop_path=drop_path[i], + qk_scale=qk_scale, + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + ) + self.blocks.append(block) + + self.down = ( + TransitionDown(embed_channels, out_channels, down_ratio, down_num_sample) + if down + else None + ) + + def forward(self, feats, coords, offset): + # window_size -> [window_size, window_size, window_size] + window_size = torch.tensor( + [self.window_size] * 3, dtype=coords.dtype, device=coords.device + ) + new_window_size = 2 * torch.tensor( + [self.window_size] * 3, dtype=coords.dtype, device=coords.device + ) + batch = offset2batch(offset) + + # compute new offset + new_offset = [int(offset[0].item() * self.down_ratio) + 1] + count = int(offset[0].item() * self.down_ratio) + 1 + for i in range(1, offset.shape[0]): + count += ( + int((offset[i].item() - offset[i - 1].item()) * self.down_ratio) + 1 + ) + new_offset.append(count) + new_offset = torch.cuda.IntTensor(new_offset) + down_idx = pointops.furthestsampling(coords, offset.int(), new_offset.int()) + + # compute window mapping + coords_min = coords.min(0).values + v2p_map, p2v_map, counts = grid_sample(coords, batch, window_size, start=None) + shift_size = window_size * 1 / 2 + shift_v2p_map, shift_p2v_map, shift_counts = grid_sample( + coords + shift_size, batch, window_size, start=coords_min + ) + + new_v2p_map, new_p2v_map, new_counts = grid_sample( + coords, batch, new_window_size, start=None + ) + shift_size = new_window_size * 1 / 2 + shift_new_v2p_map, shift_new_p2v_map, shift_new_counts = grid_sample( + coords + shift_size, batch, new_window_size, start=coords_min + ) + + # stratified attention + for i, blk in enumerate(self.blocks): + p2v_map_blk = p2v_map if i % 2 == 0 else shift_p2v_map + counts_blk = counts if i % 2 == 0 else shift_counts + + new_p2v_map_blk = new_p2v_map if i % 2 == 0 else shift_new_p2v_map + new_counts_blk = new_counts if i % 2 == 0 else shift_new_counts + + n, k = p2v_map_blk.shape + mask = torch.arange(k).unsqueeze(0).cuda() < counts_blk.unsqueeze(-1) + mask_mat = mask.unsqueeze(-1) & mask.unsqueeze(-2) + index_0 = p2v_map_blk.unsqueeze(-1).expand(-1, -1, k)[mask_mat] + index_1 = p2v_map_blk.unsqueeze(1).expand(-1, k, -1)[mask_mat] + + down_mask = torch.zeros_like(batch).bool() + down_mask[down_idx.long()] = True + down_mask = down_mask[new_p2v_map_blk] # [n, k], down sample mask + n, k = new_p2v_map_blk.shape + mask = torch.arange(k).unsqueeze(0).cuda() < new_counts_blk.unsqueeze( + -1 + ) # [n, k] + down_mask = down_mask & mask # down sample and window mask + # [n, k, k] query: dense point in large windows; key: sparse point in large windows + mask_mat = mask.unsqueeze(-1) & down_mask.unsqueeze(-2) + + if i % 2 == 0: + # [n, k, 3] + # window_coord = (coords[new_p2v_map_blk] - coords_min) // window_size + window_coord = torch.div( + coords[new_p2v_map_blk] - coords_min, + window_size, + rounding_mode="trunc", + ) + else: + # [n, k, 3] + # window_coord = (coords[new_p2v_map_blk] - coords_min + 1/2 * window_size) // window_size + window_coord = torch.div( + coords[new_p2v_map_blk] - coords_min + 1 / 2 * window_size, + window_size, + rounding_mode="trunc", + ) + # [n, k, k], whether pair points are in same small windows + mask_mat_prev = ( + window_coord.unsqueeze(2) != window_coord.unsqueeze(1) + ).any(-1) + mask_mat = mask_mat & mask_mat_prev + + new_index_0 = new_p2v_map_blk.unsqueeze(-1).expand(-1, -1, k)[mask_mat] + new_index_1 = new_p2v_map_blk.unsqueeze(1).expand(-1, k, -1)[mask_mat] + + index_0 = torch.cat([index_0, new_index_0], 0) + index_1 = torch.cat([index_1, new_index_1], 0) + + # rearrange index for acceleration + index_0, indices = torch.sort(index_0) + index_1 = index_1[indices] + index_0_counts = index_0.bincount() + n_max = index_0_counts.max() + index_0_offsets = index_0_counts.cumsum(dim=-1) + index_0_offsets = torch.cat( + [torch.zeros(1, dtype=torch.long).cuda(), index_0_offsets], 0 + ) + + feats = blk(feats, coords, index_0, index_1, index_0_offsets, n_max) + + if self.down: + feats_down, coords_down, offset_down = self.down(feats, coords, offset) + else: + feats_down, coords_down, offset_down = None, None, None + + return feats, coords, offset, feats_down, coords_down, offset_down + + +class TransitionDown(nn.Module): + def __init__(self, in_channels, out_channels, ratio, k, norm_layer=nn.LayerNorm): + super().__init__() + self.ratio = ratio + self.k = k + self.norm = norm_layer(in_channels) if norm_layer else None + self.linear = nn.Linear(in_channels, out_channels, bias=False) + self.pool = nn.MaxPool1d(k) + + def forward(self, feats, coords, offset): + new_offset, count = [int(offset[0].item() * self.ratio) + 1], int( + offset[0].item() * self.ratio + ) + 1 + for i in range(1, offset.shape[0]): + count += ((offset[i].item() - offset[i - 1].item()) * self.ratio) + 1 + new_offset.append(count) + new_offset = torch.cuda.IntTensor(new_offset) + idx = pointops.furthestsampling(coords, offset, new_offset) # (m) + new_coords = coords[idx.long(), :] # (m, 3) + + feats = pointops.queryandgroup( + self.k, coords, new_coords, feats, None, offset, new_offset, use_xyz=False + ) # (m, nsample, 3+c) + m, k, c = feats.shape + feats = ( + self.linear(self.norm(feats.view(m * k, c)).view(m, k, c)) + .transpose(1, 2) + .contiguous() + ) + feats = self.pool(feats).squeeze(-1) # (m, c) + return feats, new_coords, new_offset + + +class TransitionUp(nn.Module): + def __init__(self, in_channels, out_channels): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + + self.linear1 = nn.Sequential( + nn.LayerNorm(out_channels), nn.Linear(out_channels, out_channels) + ) + + self.linear2 = nn.Sequential( + nn.LayerNorm(in_channels), nn.Linear(in_channels, out_channels) + ) + + def forward(self, feats, coords, offset, skip_feats, skip_coords, skip_offset): + feats = self.linear1(skip_feats) + pointops.interpolation( + coords, skip_coords, self.linear2(feats), offset, skip_offset + ) + return feats, skip_coords, skip_offset + + +class KPConvSimpleBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + self.kpconv = KPConvLayer( + in_channels, + out_channels, + point_influence=prev_grid_size * sigma, + add_one=False, + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = nn.LeakyReLU(negative_slope=negative_slope) + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # coords: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.activation(self.bn(feats)) + return feats + + +class KPConvResBlock(nn.Module): + def __init__( + self, + in_channels, + out_channels, + prev_grid_size, + sigma=1.0, + negative_slope=0.2, + bn_momentum=0.02, + ): + super().__init__() + d_2 = out_channels // 4 + activation = nn.LeakyReLU(negative_slope=negative_slope) + self.unary_1 = torch.nn.Sequential( + nn.Linear(in_channels, d_2, bias=False), + FastBatchNorm1d(d_2, momentum=bn_momentum), + activation, + ) + self.unary_2 = torch.nn.Sequential( + nn.Linear(d_2, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + activation, + ) + self.kpconv = KPConvLayer( + d_2, d_2, point_influence=prev_grid_size * sigma, add_one=False + ) + self.bn = FastBatchNorm1d(out_channels, momentum=bn_momentum) + self.activation = activation + + if in_channels != out_channels: + self.shortcut_op = torch.nn.Sequential( + nn.Linear(in_channels, out_channels, bias=False), + FastBatchNorm1d(out_channels, momentum=bn_momentum), + ) + else: + self.shortcut_op = nn.Identity() + + def forward(self, feats, xyz, batch, neighbor_idx): + # feats: [N, C] + # coords: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + + shortcut = feats + feats = self.unary_1(feats) + feats = self.kpconv(xyz, xyz, neighbor_idx, feats) + feats = self.unary_2(feats) + shortcut = self.shortcut_op(shortcut) + feats += shortcut + return feats + + +@MODELS.register_module("ST-v1m2") +class StratifiedTransformer(nn.Module): + def __init__( + self, + in_channels, + num_classes, + channels=(48, 96, 192, 384, 384), + num_heads=(6, 12, 24, 24), + depths=(3, 9, 3, 3), + window_size=(0.2, 0.4, 0.8, 1.6), + quant_size=(0.01, 0.02, 0.04, 0.08), + mlp_expend_ratio=4.0, + down_ratio=0.25, + down_num_sample=16, + kp_ball_radius=2.5 * 0.02, + kp_max_neighbor=34, + kp_grid_size=0.02, + kp_sigma=1.0, + drop_path_rate=0.2, + rel_query=True, + rel_key=True, + rel_value=True, + qkv_bias=True, + stem=True, + ): + super().__init__() + assert ( + KPConvLayer is not None and FastBatchNorm1d is not None + ), "Please make sure torch_points3d is installed" + assert tp is not None, "Please make sure torch_points_kernels is installed" + assert pointops is not None, "Please make sure pointops2 is installed" + # stochastic depth decay rule + dpr = [x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))] + self.kp_ball_radius = kp_ball_radius + self.kp_max_neighbor = kp_max_neighbor + self.stem = stem + if stem: + self.point_embed = nn.ModuleList( + [ + KPConvSimpleBlock( + in_channels, channels[0], kp_grid_size, sigma=kp_sigma + ), + KPConvResBlock( + channels[0], channels[0], kp_grid_size, sigma=kp_sigma + ), + ] + ) + self.down = TransitionDown( + channels[0], channels[1], down_ratio, down_num_sample + ) + else: + assert channels[0] == channels[1] + self.point_embed = nn.ModuleList( + [ + KPConvSimpleBlock( + in_channels, channels[1], kp_grid_size, sigma=kp_sigma + ), + ] + ) + + num_layers = len(depths) + self.layers = nn.ModuleList() + for i in range(num_layers): + layer = BasicLayer( + embed_channels=channels[i + 1], + out_channels=channels[i + 2] if i < num_layers - 1 else channels[i + 1], + depth=depths[i], + num_heads=num_heads[i], + window_size=window_size[i], + quant_size=quant_size[i], + mlp_expend_ratio=mlp_expend_ratio, + down_ratio=down_ratio, + down_num_sample=down_num_sample, + drop_path=dpr[sum(depths[:i]) : sum(depths[: i + 1])], + rel_query=rel_query, + rel_key=rel_key, + rel_value=rel_value, + qkv_bias=qkv_bias, + down=True if i < num_layers - 1 else False, + ) + self.layers.append(layer) + + self.up = nn.ModuleList( + [ + TransitionUp(channels[i + 1], channels[i]) + for i in reversed(range(1, num_layers)) + ] + ) + if self.stem: + self.up.append(TransitionUp(channels[1], channels[0])) + + self.classifier = nn.Sequential( + nn.Linear(channels[0], channels[0]), + nn.BatchNorm1d(channels[0]), + nn.ReLU(inplace=True), + nn.Linear(channels[0], num_classes), + ) + + self.init_weights() + + def forward(self, data_dict): + feats = data_dict["feat"] + coords = data_dict["coord"] + offset = data_dict["offset"].int() + batch = offset2batch(offset) + neighbor_idx = tp.ball_query( + self.kp_ball_radius, + self.kp_max_neighbor, + coords, + coords, + mode="partial_dense", + batch_x=batch, + batch_y=batch, + )[0] + + feats_stack = [] + coords_stack = [] + offset_stack = [] + + for i, layer in enumerate(self.point_embed): + feats = layer(feats, coords, batch, neighbor_idx) + + feats = feats.contiguous() + if self.stem: + feats_stack.append(feats) + coords_stack.append(coords) + offset_stack.append(offset) + feats, coords, offset = self.down(feats, coords, offset) + + for i, layer in enumerate(self.layers): + feats, coords, offset, feats_down, coords_down, offset_down = layer( + feats, coords, offset + ) + + feats_stack.append(feats) + coords_stack.append(coords) + offset_stack.append(offset) + + feats = feats_down + coords = coords_down + offset = offset_down + + feats = feats_stack.pop() + coords = coords_stack.pop() + offset = offset_stack.pop() + + for i, up in enumerate(self.up): + feats, coords, offset = up( + feats, + coords, + offset, + feats_stack.pop(), + coords_stack.pop(), + offset_stack.pop(), + ) + + out = self.classifier(feats) + return out + + def init_weights(self): + """Initialize the weights in backbone.""" + + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm) or isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + self.apply(_init_weights) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..36050969d9abb027778008e4d6d8f77710f52392 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/__init__.py @@ -0,0 +1 @@ +from .swin3d_v1m1_base import Swin3DUNet diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/mink_layers.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/mink_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..ee3e8cfc002e8311ac196335592c337644659612 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/mink_layers.py @@ -0,0 +1,249 @@ +""" +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F +import MinkowskiEngine as ME +import numpy as np + + +def assign_feats(sp, x): + return ME.SparseTensor( + features=x.float(), + coordinate_map_key=sp.coordinate_map_key, + coordinate_manager=sp.coordinate_manager, + ) + + +class MinkConvBN(nn.Module): + def __init__( + self, + in_channels, + out_channels, + kernel_size=3, + stride=1, + dilation=1, + bias=False, + dimension=3, + ): + super().__init__() + self.conv_layers = nn.Sequential( + ME.MinkowskiConvolution( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + dilation=dilation, + bias=bias, + dimension=dimension, + ), + ME.MinkowskiBatchNorm(out_channels), + ) + + def forward(self, x): + x = self.conv_layers(x) + return x + + +class MinkConvBNRelu(nn.Module): + def __init__( + self, + in_channels, + out_channels, + kernel_size=3, + stride=1, + dilation=1, + bias=False, + dimension=3, + ): + super().__init__() + self.conv_layers = nn.Sequential( + ME.MinkowskiConvolution( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + dilation=dilation, + bias=bias, + dimension=dimension, + ), + ME.MinkowskiBatchNorm(out_channels), + ME.MinkowskiReLU(inplace=True), + ) + + def forward(self, x): + x = self.conv_layers(x) + if x.F.dtype == torch.float16: + x = assign_feats(x, x.F.float()) + return x + + +class MinkDeConvBNRelu(nn.Module): + def __init__( + self, + in_channels, + out_channels, + kernel_size, + stride, + dilation=1, + bias=False, + dimension=3, + ): + super().__init__() + self.conv_layers = nn.Sequential( + ME.MinkowskiConvolutionTranspose( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=kernel_size, + stride=stride, + dilation=dilation, + bias=bias, + dimension=dimension, + ), + ME.MinkowskiBatchNorm(out_channels), + ME.MinkowskiReLU(), + ) + + def forward(self, x): + x = self.conv_layers(x) + return x + + +class MinkResBlock(nn.Module): + def __init__(self, in_channels, out_channels, stride=1, dilation=1): + super(MinkResBlock, self).__init__() + + self.conv1 = ME.MinkowskiConvolution( + in_channels=in_channels, + out_channels=out_channels, + kernel_size=3, + stride=stride, + dilation=dilation, + bias=False, + dimension=3, + ) + self.norm1 = ME.MinkowskiBatchNorm(out_channels) + self.conv2 = ME.MinkowskiConvolution( + in_channels=out_channels, + out_channels=out_channels, + kernel_size=3, + stride=1, + dilation=dilation, + bias=False, + dimension=3, + ) + + self.norm2 = ME.MinkowskiBatchNorm(out_channels) + self.relu = ME.MinkowskiReLU(inplace=True) + + def forward(self, x): + residual = x + + out = self.conv1(x) + out = self.norm1(out) + out = self.relu(out) + + out = self.conv2(out) + out = self.norm2(out) + + out += residual + out = self.relu(out) + + return out + + +class SparseTensorLinear(nn.Module): + def __init__(self, in_channels, out_channels, bias=False): + super().__init__() + self.linear = nn.Linear(in_channels, out_channels, bias=bias) + + def forward(self, sp): + x = self.linear(sp.F) + return assign_feats(sp, x.float()) + + +class SparseTensorLayerNorm(nn.Module): + def __init__(self, dim): + super().__init__() + self.norm = nn.LayerNorm(dim) + + def forward(self, sp): + x = self.norm(sp.F) + return assign_feats(sp, x.float()) + + +class MinkResBlock_v2(nn.Module): + def __init__(self, in_channels, out_channels): + super().__init__() + d_2 = out_channels // 4 + self.conv1 = torch.nn.Sequential( + SparseTensorLinear(in_channels, d_2, bias=False), + ME.MinkowskiBatchNorm(d_2), + ME.MinkowskiReLU(), + ) + self.unary_2 = torch.nn.Sequential( + SparseTensorLinear(d_2, out_channels, bias=False), + ME.MinkowskiBatchNorm(out_channels), + ME.MinkowskiReLU(), + ) + self.spconv = ME.MinkowskiConvolution( + in_channels=d_2, + out_channels=d_2, + kernel_size=5, + stride=1, + dilation=1, + bias=False, + dimension=3, + ) + if in_channels != out_channels: + self.shortcut_op = torch.nn.Sequential( + SparseTensorLinear(in_channels, out_channels, bias=False), + ME.MinkowskiBatchNorm(out_channels), + ) + else: + self.shortcut_op = nn.Identity() + + def forward(self, x): + # feats: [N, C] + # xyz: [N, 3] + # batch: [N,] + # neighbor_idx: [N, M] + shortcut = x + x = self.unary_1(x) + x = self.spconv(x) + x = self.unary_2(x) + shortcut = self.shortcut_op(shortcut) + x += shortcut + return x + + +class MinkResBlock_BottleNeck(nn.Module): + def __init__(self, in_channels, out_channels): + super(MinkResBlock_BottleNeck, self).__init__() + bottle_neck = out_channels // 4 + self.conv1x1a = MinkConvBNRelu( + in_channels, bottle_neck, kernel_size=1, stride=1 + ) + self.conv3x3 = MinkConvBNRelu(bottle_neck, bottle_neck, kernel_size=3, stride=1) + self.conv1x1b = MinkConvBN(bottle_neck, out_channels, kernel_size=1, stride=1) + if in_channels != out_channels: + self.conv1x1c = MinkConvBN( + in_channels, out_channels, kernel_size=1, stride=1 + ) + else: + self.conv1x1c = None + self.relu = ME.MinkowskiReLU(inplace=True) + + def forward(self, x): + residual = x + out = self.conv1x1a(x) + out = self.conv3x3(out) + out = self.conv1x1b(out) + if self.conv1x1c is not None: + residual = self.conv1x1c(residual) + out = self.relu(out + residual) + + return out diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/swin3d_layers.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/swin3d_layers.py new file mode 100644 index 0000000000000000000000000000000000000000..e737e9677ae93f8f5f9188ba774fcd1d0fa42443 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/swin3d_layers.py @@ -0,0 +1,876 @@ +""" +# Copyright (c) Microsoft Corporation. +# Licensed under the MIT License. +""" + +import numpy as np +import torch +import torch.nn as nn +from timm.models.layers import DropPath, trunc_normal_ +import MinkowskiEngine as ME +from MinkowskiEngine import SparseTensor +from Swin3D.sparse_dl.attn.attn_coff import ( + SelfAttnAIOFunction, + PosEmb, + TableDims, + IndexMode, + PrecisionMode, +) +import Swin3D.sparse_dl.knn +from Swin3D.sparse_dl.knn import KNN + +from .mink_layers import ( + assign_feats, + SparseTensorLayerNorm, + SparseTensorLinear, +) + + +def query_knn_feature( + K, src_xyz, query_xyz, src_feat, src_offset, query_offset, return_idx=False +): + """ + gather feature in the KNN neighborhood + """ + assert ( + src_xyz.is_contiguous() + and query_xyz.is_contiguous() + and src_feat.is_contiguous() + ) + if query_xyz is None: + query_xyz = src_xyz + query_offset = src_offset + + idx, _ = KNN.apply(K, src_xyz, query_xyz, src_offset, query_offset) + + n, m, c = src_xyz.shape[0], query_xyz.shape[0], src_feat.shape[1] + grouped_feat = src_feat[idx.view(-1).long(), :].view(m, K, c) + + if return_idx: + return grouped_feat, idx + else: + return grouped_feat + + +def knn_linear_interpolation( + src_xyz, query_xyz, src_feat, src_offset, query_offset, K=3 +): + """ + interpolation feature using distance in KNN neighborhood + """ + N, C = query_xyz.shape[0], src_feat.shape[1] + assert ( + src_xyz.is_contiguous() + and query_xyz.is_contiguous() + and src_feat.is_contiguous() + ) + # (N, K) + idx, dist = KNN.apply(K, src_xyz, query_xyz, src_offset, query_offset) + weight = 1.0 / (dist + 1e-8) + norm = torch.sum(weight, dim=1, keepdim=True) + weight = weight / norm + query_feat = torch.zeros((N, C), dtype=src_feat.dtype, device=src_feat.device) + for i in range(K): + query_feat += src_feat[idx[:, i].long(), :] * weight[:, i].unsqueeze(-1) + return query_feat + + +def sparse_self_attention( + w_w_id: torch.Tensor, w_sizes: torch.Tensor, protocol: str = "v1" +): + """ + Args: + indices [torch.Tensor]: sparse window index with shape [N, 2], N is the total + number of non-empty voxels with indices (window_id, within_window_id). window_id + is ordered and starts from 0; within_window_id is a sparse index to indicate the + offset of kernel_size ** 3. + feats [torch.Tensor]: sprase features of each non-empty voxel with shape [N, C] + Outputs: + [M, 3]: sparse indices of cofficient matrix (window_id, att_a_id, att_b_id). att_a_id + and att_b_id are the within_window_id + [M, 1]: the sparse coffient matrix + + Spaces: + W: total number of windows + N: total number of input voxels + M: total number of output cofficients + """ + w_sizes_2 = w_sizes**2 + + # w2n_indices - [W], mapping window index to window global offset in input + # space + w_cumsum = torch.cumsum(w_sizes, dim=-1) + w2n_indices = torch.cat( + [torch.zeros(1, dtype=w_cumsum.dtype, device=w_cumsum.device), w_cumsum[:-1]] + ) + + # w2m indices - [W], mapping window index to window global offset in output + # space + w2_cumsum = torch.cumsum(w_sizes_2, dim=-1) + w2m_indices = torch.cat( + [torch.zeros(1, dtype=w2_cumsum.dtype, device=w2_cumsum.device), w2_cumsum[:-1]] + ) + + # m2w indices - [M], mapping element global offset to the window index + m2w_indices = torch.zeros( + [w2_cumsum[-1]], dtype=w_sizes.dtype, device=w_sizes.device + ) + m2w_offset = torch.zeros( + [w2_cumsum[-1]], dtype=w_sizes.dtype, device=w_sizes.device + ) + m2w_indices[w2m_indices[1:]] = 1 + m2w_offset[w2m_indices[1:]] = w_sizes_2[:-1] + m2w_indices = torch.cumsum(m2w_indices, dim=-1) + m2w_offset = torch.cumsum(m2w_offset, dim=-1) + + # m_indices = [M], element global offset in output space + m_indices = torch.arange( + 0, w2_cumsum[-1], dtype=w_sizes.dtype, device=w_sizes.device + ) + + # m2n_indices - [M], mapping element global offset to the window global offset + # in input space + m2n_indices = w2n_indices[m2w_indices] + + m_offset = m_indices - m2w_offset + m2w_sizes = w_sizes[m2w_indices] + + # print_log_main("m_offset:", m_offset, m_offset.shape) + # print_log_main("m2n_indices:", m2n_indices, m2n_indices.shape) + + y_offset = m2n_indices + m_offset % m2w_sizes + x_offset = m2n_indices + torch.div(m_offset, m2w_sizes, rounding_mode="floor") + + # print_log_main("=================================") + # print_log_main(w_sizes[:5]) + # print_log_main(x_offset[:50]) + # print_log_main(y_offset[:50]) + # coord = torch.stack([m2w_indices, w_w_id[x_offset], w_w_id[y_offset]], axis=-1) + if protocol == "v1": + return x_offset, y_offset + elif protocol == "v2": + return x_offset, y_offset, m2w_indices, w_sizes, w2n_indices, w2m_indices + + +class Mlp(nn.Module): + def __init__( + self, + in_features, + hidden_features=None, + out_features=None, + act_layer=nn.GELU, + drop=0.0, + ): + super().__init__() + out_features = out_features or in_features + hidden_features = hidden_features or in_features + self.fc1 = nn.Linear(in_features, hidden_features) + self.act = act_layer() + self.fc2 = nn.Linear(hidden_features, out_features) + self.drop = nn.Dropout(drop) + + def forward(self, x): + x = self.fc1(x) + x = self.act(x) + x = self.drop(x) + x = self.fc2(x) + x = self.drop(x) + return x + + +class GridCoordsDown(nn.Module): + """ + downsample the grid coordinates + keep the nearest point to the average point of the downsampled grid + """ + + def __init__(self, stride): + super().__init__() + self.stride = stride + self.avg_pool = ME.MinkowskiAvgPooling( + kernel_size=self.stride, stride=self.stride, dimension=3 + ) + self.unpool = ME.MinkowskiPoolingTranspose( + kernel_size=stride, stride=stride, dimension=3 + ) + self.max_pool = ME.MinkowskiMaxPooling( + kernel_size=self.stride, stride=self.stride, dimension=3 + ) + + def forward(self, coords_sp, sp, return_map=False): + device = sp.C.device + # is_pool = True means pooling map + # is_pool = False means conv map (query as center) + + N = sp.shape[0] + avg_coords_sp = self.avg_pool(coords_sp) + dist_sp = self.unpool(avg_coords_sp) - coords_sp + dist = dist_sp.F + dist = -torch.sqrt((dist**2).sum(dim=1)).unsqueeze(1) + dist_sp = assign_feats(dist_sp, dist) + min_dist_sp = self.max_pool(dist_sp) + map_pair = sp.coordinate_manager.kernel_map( + dist_sp.coordinate_map_key, + min_dist_sp.coordinate_map_key, + stride=self.stride, + kernel_size=self.stride, + is_pool=True, + )[0] + in_map, out_map = map_pair + broad_min_dist_sp = self.unpool(min_dist_sp) + mask = (broad_min_dist_sp.F == dist_sp.F).squeeze(1) + in_map = in_map[mask].long() + out_map = out_map[mask].long() + downsample_map = torch.zeros(N, dtype=torch.long, device=device) - 1 + downsample_map[out_map] = in_map + assert (downsample_map >= 0).all() + assert (dist_sp.F[downsample_map] == min_dist_sp.F).all() + new_coords = coords_sp.F[downsample_map] + new_coords_sp = assign_feats(sp, new_coords) + if return_map: + return new_coords_sp, downsample_map + else: + return new_coords_sp + + +def get_offset(batch): + offset = [] + bs = batch.max() + 1 + for i in range(bs): + offset.append(torch.sum(batch == i)) + offset = torch.cuda.IntTensor(offset) + offset = offset.cumsum(dim=0).int() + return offset + + +class GridDownsample(nn.Module): + """ + use stride to downsample voxel + use grid maxpooling with kernel_size + """ + + def __init__(self, in_channels, out_channels, kernel_size=2, stride=2): + super().__init__() + self.kernel_size = kernel_size + self.stride = stride + self.in_channels = in_channels + self.out_channels = out_channels + self.sp_pool = ME.MinkowskiMaxPooling( + kernel_size=kernel_size, stride=stride, dimension=3 + ) + self.coords_pool = GridCoordsDown(stride=stride) + self.norm = SparseTensorLayerNorm(in_channels) + self.linear = SparseTensorLinear(in_channels, out_channels) + + def forward(self, sp, coords_sp): + sp_down = self.sp_pool(self.linear(self.norm(sp))) + coords_sp_down = self.coords_pool(coords_sp, sp_down) + return sp_down, coords_sp_down + + def extra_repr(self) -> str: + return f"kernel_size={self.kernel_size}, stride={self.stride}, in_channels={self.in_channels}, out_channels={self.out_channels}" + + +class GridKNNDownsample(nn.Module): + """ + use stride to downsample voxel + use KNN to do maxpooling + """ + + def __init__(self, in_channels, out_channels, kernel_size=2, stride=2): + super().__init__() + self.stride = stride + self.in_channels = in_channels + self.out_channels = out_channels + self.k = 16 + self.sp_pool = ME.MinkowskiMaxPooling( + kernel_size=stride, stride=stride, dimension=3 + ) + self.coords_pool = GridCoordsDown(stride=stride) + self.norm = nn.LayerNorm(in_channels) + self.linear = nn.Linear(in_channels, out_channels, bias=False) + self.pool = nn.MaxPool1d(self.k) + + def forward(self, sp, coords_sp): + # calculate the voxel + sp_down = self.sp_pool(sp) + # for downsampled cRSE + coords_sp_down = self.coords_pool(coords_sp, sp_down) + offset = get_offset(sp.C[:, 0]) + n_offset = get_offset(sp_down.C[:, 0]) + + xyz = coords_sp.F[:, 1:4].detach().contiguous() + n_xyz = coords_sp_down.F[:, 1:4].detach().contiguous() + feats = query_knn_feature(self.k, xyz, n_xyz, sp.F, offset, n_offset) + m, k, c = feats.shape + feats = ( + self.linear(self.norm(feats.view(m * k, c)).view(m, k, c)) + .transpose(1, 2) + .contiguous() + ) + feats = self.pool(feats).squeeze(-1) + sp = assign_feats(sp_down, feats.float()) + coords_sp = coords_sp_down + return sp, coords_sp + + def extra_repr(self) -> str: + return f"kernel_size={self.k}, stride={self.stride}, in_channels={self.in_channels}, out_channels={self.out_channels}" + + +class Upsample(nn.Module): + """ + upsample using trilinear interpolation + follower by attn block according to self.attn + """ + + def __init__( + self, + in_channels, + out_channels, + num_heads, + window_size, + quant_size, + attn=True, + up_k=3, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.in_channels = in_channels + self.out_channels = out_channels + + self.linear1 = nn.Sequential( + nn.LayerNorm(out_channels), nn.Linear(out_channels, out_channels) + ) + self.linear2 = nn.Sequential( + nn.LayerNorm(in_channels), nn.Linear(in_channels, out_channels) + ) + self.up_k = up_k + self.attn = attn and window_size > 0 + if self.attn: + self.block = BasicLayer( + dim=out_channels, + depth=1, + num_heads=num_heads, + window_size=window_size, + quant_size=quant_size, + drop_path=0.1, + downsample=None, + out_channels=None, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + + def forward(self, sp, coords_sp, sp_up, coords_sp_up): + feats = sp.F + support_feats = sp_up.F + xyz = coords_sp.F[:, 1:4].detach().contiguous() + support_xyz = coords_sp_up.F[:, 1:4].detach().contiguous() + offset = get_offset(sp.C[:, 0]) + support_offset = get_offset(sp_up.C[:, 0]) + + feats = self.linear1(support_feats) + knn_linear_interpolation( + xyz, support_xyz, self.linear2(feats), offset, support_offset, K=self.up_k + ) + sp_up = assign_feats(sp_up, feats) + if self.attn: + sp_up, _, _ = self.block(sp_up, coords_sp_up) + return sp_up + + def extra_repr(self) -> str: + return f"up_k={self.up_k}, in_channels={self.in_channels}, out_channels={self.out_channels}, attn={self.attn}" + + +class WindowAttention(nn.Module): + """ + Window based multi-head self attention (W-MSA) module with cRSE. + Designed for sparse structure + It supports both of shifted and non-shifted window. + + Args: + dim (int): Number of input channels. + window_size (tuple[int]): The height and width of the window. + quant_size (int): quant_size for for finer cRSE table + num_heads (int): Number of attention heads. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set + attn_drop (float, optional): Dropout ratio of attention weight. Default: 0.0 + proj_drop (float, optional): Dropout ratio of output. Default: 0.0 + cRSE (str | 'XYZ', 'XYZ_RGB', 'XYZ_RGB_NORM'): cRSE mode. Default: 'XYZ_RGB' + fp16_mode (int | 0, 1, 2): fp16 mode for attention module, Default: 0 + 0: fp32 forward and fp32 backward + 1: fp16 forward and fp32 backward + 2: fp16 forward and fp16 backward + """ + + def __init__( + self, + dim, + window_size, + quant_size, + num_heads, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.dim = dim + self.window_size = window_size + self.num_heads = num_heads + head_dim = dim // num_heads + self.scale = qk_scale or head_dim**-0.5 + + # color in [-1, 1], color_windowsize = 2 + # normal in [-1, 1], normal_windowsize = 2 + self.color_windowsize = 2 + self.normal_windowsize = 2 + + self.fp16_mode = fp16_mode + + table_offsets = [] + self.cRSE = cRSE + if "XYZ" in cRSE: + self.xyz_quant_size = quant_size + quant_grid_length_xyz = window_size * self.xyz_quant_size + table_shape_xyz = (3, 2 * quant_grid_length_xyz, num_heads, head_dim) + self.query_xyz_table = nn.Parameter(torch.zeros(table_shape_xyz)) + trunc_normal_(self.query_xyz_table, std=0.02) + self.key_xyz_table = nn.Parameter(torch.zeros(table_shape_xyz)) + trunc_normal_(self.key_xyz_table, std=0.02) + self.value_xyz_table = nn.Parameter(torch.zeros(table_shape_xyz)) + trunc_normal_(self.value_xyz_table, std=0.02) + table_offsets += [np.prod(table_shape_xyz[1:])] * 3 + + if "RGB" in cRSE: + self.color_quant_size = quant_size * 2 + quant_grid_length_rgb = self.color_windowsize * self.color_quant_size + table_shape_rgb = (3, 2 * quant_grid_length_rgb, num_heads, head_dim) + self.query_rgb_table = nn.Parameter(torch.zeros(table_shape_rgb)) + trunc_normal_(self.query_rgb_table, std=0.02) + self.key_rgb_table = nn.Parameter(torch.zeros(table_shape_rgb)) + trunc_normal_(self.key_rgb_table, std=0.02) + self.value_rgb_table = nn.Parameter(torch.zeros(table_shape_rgb)) + trunc_normal_(self.value_rgb_table, std=0.02) + table_offsets += [np.prod(table_shape_rgb[1:])] * 3 + + if "NORM" in cRSE: + self.normal_quant_size = quant_size * 2 + quant_grid_length_norm = self.normal_windowsize * self.normal_quant_size + table_shape_norm = (3, 2 * quant_grid_length_norm, num_heads, head_dim) + self.query_norm_table = nn.Parameter(torch.zeros(table_shape_norm)) + trunc_normal_(self.query_norm_table, std=0.02) + self.key_norm_table = nn.Parameter(torch.zeros(table_shape_norm)) + trunc_normal_(self.key_norm_table, std=0.02) + self.value_norm_table = nn.Parameter(torch.zeros(table_shape_norm)) + trunc_normal_(self.value_norm_table, std=0.02) + table_offsets += [np.prod(table_shape_norm[1:])] * 3 + + self.table_offsets = table_offsets + + self.quant_size = quant_size + + self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias) + self.attn_drop = nn.Dropout(attn_drop, inplace=True) + self.proj = nn.Linear(dim, dim) + self.proj_drop = nn.Dropout(proj_drop, inplace=True) + + self.softmax = nn.Softmax(dim=-1) + + def forward(self, feats: torch.Tensor, attn_args): + """Forward function. + + Args: + feats: N, C + attn_args: arguments for computing attention + """ + num_v, _ = feats.shape + num_sc = self.dim // self.num_heads + + ( + x_offset, + y_offset, + m2w_indices, + w_sizes, + w2n_indices, + n2n_indices, + w2m_indices, + n_coords, + ) = attn_args + + # Query, Key, Value + qkv = self.qkv(feats) + qkv = ( + qkv.reshape(num_v, 3, self.num_heads, num_sc) + .permute(1, 0, 2, 3) + .contiguous() + ) + query, key, value = qkv[0], qkv[1], qkv[2] # [N, num_heads, C//num_heads] + query = query * self.scale + + table_offsets = torch.IntTensor(self.table_offsets).cuda() + query_table, key_table, value_table = [], [], [] + n_cRSE = [] + if "XYZ" in self.cRSE: + n_xyz = n_coords[:, 0:3] + n_xyz = n_xyz * self.quant_size + n_cRSE.append(n_xyz) + query_table.append(self.query_xyz_table.view(-1)) + key_table.append(self.key_xyz_table.view(-1)) + value_table.append(self.value_xyz_table.view(-1)) + if "RGB" in self.cRSE: + n_rgb = n_coords[:, 3:6] + n_rgb = n_rgb * self.color_quant_size + n_cRSE.append(n_rgb) + query_table.append(self.query_rgb_table.view(-1)) + key_table.append(self.key_rgb_table.view(-1)) + value_table.append(self.value_rgb_table.view(-1)) + if "NORM" in self.cRSE: + n_norm = n_coords[:, 6:9] + n_norm = n_norm * self.normal_quant_size + n_cRSE.append(n_norm) + query_table.append(self.query_norm_table.view(-1)) + key_table.append(self.key_norm_table.view(-1)) + value_table.append(self.value_norm_table.view(-1)) + + n_cRSE = torch.cat(n_cRSE, dim=1) + + indices = [m2w_indices, w_sizes, w2m_indices, w2n_indices, n2n_indices, n_cRSE] + query_table = torch.cat(query_table) + key_table = torch.cat(key_table) + value_table = torch.cat(value_table) + + if self.fp16_mode == 0: + # do not use fp16 + # cast q,k,v to fp32 in forward and backward + fp16_mode = PrecisionMode.HALF_NONE + elif self.fp16_mode == 1: + # use fp16 only in forward + fp16_mode = PrecisionMode.HALF_FORWARD + elif self.fp16_mode == 2: + # use fp16 both in forward and backward + fp16_mode = PrecisionMode.HALF_ALL + + updated_values = SelfAttnAIOFunction.apply( + query, + key, + value, + query_table, + key_table, + value_table, + table_offsets, + indices, + PosEmb.SEPARATE, + TableDims.D0, + IndexMode.INDIRECT, + fp16_mode, + ) + + updated_values = updated_values.flatten(1) + updated_feats = updated_values.view(num_v, self.dim) + + updated_feats = self.proj(updated_feats) + updated_feats = self.proj_drop(updated_feats) # [N, C] + + return updated_feats + + +class SwinTransformerBlock(nn.Module): + def __init__( + self, + dim, + num_heads, + window_size, + quant_size, + drop_path=0.0, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + act_layer=nn.GELU, + norm_layer=nn.LayerNorm, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.window_size = window_size + + self.norm1 = norm_layer(dim) + self.attn = WindowAttention( + dim, + window_size=self.window_size, + quant_size=quant_size, + num_heads=num_heads, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + + self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity() + self.norm2 = norm_layer(dim) + mlp_hidden_dim = int(dim * mlp_ratio) + self.mlp = Mlp( + in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer + ) + + def forward(self, feats, attn_args): + # feats: [N, c] + short_cut = feats + feats = self.norm1(feats) + feats = self.attn(feats, attn_args) # [N, c] + + feats = short_cut + self.drop_path(feats) + feats = feats + self.drop_path(self.mlp(self.norm2(feats))) + + return feats + + +class BasicLayer(nn.Module): + """A basic Swin3D layer for one stage. + + Args: + dim (int): Number of input channels. + depth (int): Number of blocks. + num_heads (int): Number of attention heads. + window_size (int): Local window size. + quant_size (int): quant_size for for finer cRSE table + mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. + qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True + qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set. + drop_path (float | tuple[float], optional): Stochastic depth rate. Default: 0.0 + norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm + downsample (nn.Module | None, optional): Downsample layer at the end of the layer. Default: None + cRSE (str | 'XYZ', 'XYZ_RGB', 'XYZ_RGB_NORM'): cRSE mode. Default: 'XYZ_RGB' + fp16_mode (int | 0, 1, 2): fp16 mode for attention module, Default: 0 + 0: fp32 forward and fp32 backward + 1: fp16 forward and fp32 backward + 2: fp16 forward and fp16 backward + """ + + def __init__( + self, + dim, + depth, + num_heads, + window_size, + quant_size, + out_channels=None, + mlp_ratio=4.0, + qkv_bias=True, + qk_scale=None, + drop_path=0.0, + norm_layer=nn.LayerNorm, + downsample=None, + down_stride=2, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + self.window_size = window_size + self.depth = depth + self.dim = dim + self.num_heads = num_heads + self.quant_size = quant_size + self.cRSE = cRSE + self.fp16_mode = fp16_mode + + self.shift_size = window_size // 2 + # build blocks + self.blocks = nn.ModuleList( + [ + SwinTransformerBlock( + dim, + num_heads, + window_size, + quant_size, + drop_path=( + drop_path[i] if isinstance(drop_path, list) else drop_path + ), + mlp_ratio=mlp_ratio, + qkv_bias=qkv_bias, + qk_scale=qk_scale, + norm_layer=norm_layer, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + for i in range(depth) + ] + ) + + self.pool = ME.MinkowskiMaxPooling( + kernel_size=self.window_size, stride=self.window_size, dimension=3 + ) + + if downsample is not None: + if out_channels is None: + out_channels = dim * 2 + self.downsample = downsample( + dim, out_channels, kernel_size=down_stride, stride=down_stride + ) + else: + self.downsample = None + + def get_map_pair(self, sp): + """ + use minkowski pool to calculate windows + get the mapping from voxel to window + """ + window_size = [self.window_size] * 3 + pool_sp = self.pool(sp) + windows = pool_sp.C + window_N = windows.shape[0] + + stride_in = sp.coordinate_map_key.get_tensor_stride() + x, y, z = [ + torch.arange(window_size[i], device=self.device) * stride_in[i] + for i in range(3) + ] + x, y, z = torch.meshgrid(x, y, z) + i = torch.zeros_like(x, device=self.device) + local_window = torch.stack([i, x, y, z], dim=-1).flatten(0, -2) + all_windows = windows.unsqueeze(1) + local_window.unsqueeze(0) + all_windows = all_windows.flatten(0, -2).int() + cm = sp.coordinate_manager + query_key, (map, inverse_map) = cm.insert_and_map( + all_windows, tensor_stride=stride_in + ) + map_pair = cm.kernel_map(query_key, sp.coordinate_map_key, kernel_size=1)[0] + return map_pair, window_N + + def get_window_mapping(self, sp): + """ + calculate the relationshape in the window: + w_w_id: non-empty idx inside the window(sorted by window) + w_w_xyz: xyz inside the window(sorted by window) + nempty_num: non-empty voxel number in each window + sort_idx: sort voxel according to window_id, to gather the point inside the same window + inv_sort_idx: inverse sort index + """ + map_pair, window_N = self.get_map_pair(sp) + window_size = self.window_size + nW = window_size**3 + in_map, out_map = map_pair + in_map, sort_idx = torch.sort(in_map) + # assert out_map == arange(out_map.shape[0]) + out_map = out_map[sort_idx] + sort_idx = out_map.long() + inv_sort_idx = torch.zeros_like(sort_idx) + inv_sort_idx[sort_idx] = torch.arange( + sort_idx.shape[0], dtype=sort_idx.dtype, device=self.device + ) + N = window_N * nW + v2w_mask = torch.zeros(N, dtype=torch.bool, device=self.device) + w_id = ( + torch.arange(window_N, dtype=torch.long, device=self.device) + .unsqueeze(1) + .repeat(1, nW) + .view(-1) + ) + w_w_id = ( + torch.arange(nW, dtype=torch.long, device=self.device) + .unsqueeze(0) + .repeat(window_N, 1) + .view(-1) + ) + v2w_mask[in_map.long()] = True + nempty_num = v2w_mask.view(-1, nW).sum(dim=-1) + w_id = w_id[in_map.long()] + w_w_id = w_w_id[in_map.long()] + w_w_xyz = torch.stack( + [ + w_w_id // window_size // window_size, + w_w_id // window_size % window_size, + w_w_id % window_size, + ], + dim=-1, + ) + return w_w_id, w_w_xyz, nempty_num, sort_idx, inv_sort_idx + + def get_index01(self, sp, local_xyz, colors): + """ + calculate the arguments for sparse attention + """ + ( + w_w_id, + w_w_xyz, + nempty_num, + n2n_indices, + inv_sort_idx, + ) = self.get_window_mapping(sp) + local_xyz = local_xyz[n2n_indices] + colors = colors[n2n_indices] + # recover the relative pos in the voxel + n_coords = w_w_xyz + local_xyz + n_coords = torch.cat([n_coords, colors], dim=1) + ( + x_offset, + y_offset, + m2w_indices, + w_sizes, + w2n_indices, + w2m_indices, + ) = sparse_self_attention(w_w_id, nempty_num, protocol="v2") + return ( + x_offset, + y_offset, + m2w_indices, + w_sizes, + w2n_indices, + n2n_indices, + w2m_indices, + n_coords, + ) + + def get_shifted_sp(self, sp): + """ + get the shifted sparse tensor for shift-window + """ + stride_in = sp.coordinate_map_key.get_tensor_stride() + shift_size = self.shift_size * stride_in[0] + shifted_C = sp.C.clone() + shifted_C[:, 1:] += shift_size + shifted_sp = SparseTensor( + features=sp.F, + coordinates=shifted_C, + device=self.device, + tensor_stride=stride_in, + ) + return shifted_sp + + def get_window_pos(self, sp): + stride_in = sp.coordinate_map_key.get_tensor_stride() + return (sp.C[:, 1:] / stride_in[0]) % self.window_size + + def forward(self, sp, coords_sp): + """ + xyz: position of point inside voxel + colors: other signal for cRSE, include colors and normals + local_xyz: relative position of point indide voxel(using for finer cRSE table) + """ + colors = coords_sp.F[:, 4:] + xyz = coords_sp.F[:, :4] + local_xyz = (xyz - coords_sp.C)[ + :, 1: + ] / coords_sp.coordinate_map_key.get_tensor_stride()[0] + self.device = sp.device + sp_shift = self.get_shifted_sp(sp) + + attn_args = self.get_index01(sp, local_xyz, colors) + attn_args_shift = self.get_index01(sp_shift, local_xyz, colors) + + feats = sp.F + for i, blk in enumerate(self.blocks): + attn_args_blk = attn_args if i % 2 == 0 else attn_args_shift + feats = blk(feats, attn_args_blk) # [N, C] + + sp = assign_feats(sp, feats) + if self.downsample is not None: + sp_down, coords_sp = self.downsample(sp, coords_sp) + return sp, sp_down, coords_sp + else: + return sp, sp, coords_sp + + def extra_repr(self) -> str: + return f"window_size={self.window_size}, depth={self.depth}, channel={self.dim}, num_heads={self.num_heads}, quant_size={self.quant_size}, cRSE={self.cRSE}, fp16_mode={self.fp16_mode}" diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/swin3d_v1m1_base.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/swin3d_v1m1_base.py new file mode 100644 index 0000000000000000000000000000000000000000..1295e5d791e8ac33d3d4c43be03d4f08ade1345f --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/swin3d/swin3d_v1m1_base.py @@ -0,0 +1,190 @@ +import torch +import torch.nn as nn +import MinkowskiEngine as ME +from MinkowskiEngine import SparseTensor +from timm.models.layers import trunc_normal_ + +from .mink_layers import MinkConvBNRelu, MinkResBlock +from .swin3d_layers import GridDownsample, GridKNNDownsample, BasicLayer, Upsample +from pointcept.models.builder import MODELS +from pointcept.models.utils import offset2batch, batch2offset + + +@MODELS.register_module("Swin3D-v1m1") +class Swin3DUNet(nn.Module): + def __init__( + self, + in_channels, + num_classes, + base_grid_size, + depths, + channels, + num_heads, + window_sizes, + quant_size, + drop_path_rate=0.2, + up_k=3, + num_layers=5, + stem_transformer=True, + down_stride=2, + upsample="linear", + knn_down=True, + cRSE="XYZ_RGB", + fp16_mode=0, + ): + super().__init__() + dpr = [ + x.item() for x in torch.linspace(0, drop_path_rate, sum(depths)) + ] # stochastic depth decay rule + if knn_down: + downsample = GridKNNDownsample + else: + downsample = GridDownsample + + self.cRSE = cRSE + if stem_transformer: + self.stem_layer = MinkConvBNRelu( + in_channels=in_channels, + out_channels=channels[0], + kernel_size=3, + stride=1, + ) + self.layer_start = 0 + else: + self.stem_layer = nn.Sequential( + MinkConvBNRelu( + in_channels=in_channels, + out_channels=channels[0], + kernel_size=3, + stride=1, + ), + MinkResBlock(in_channels=channels[0], out_channels=channels[0]), + ) + self.downsample = downsample( + channels[0], channels[1], kernel_size=down_stride, stride=down_stride + ) + self.layer_start = 1 + self.layers = nn.ModuleList( + [ + BasicLayer( + dim=channels[i], + depth=depths[i], + num_heads=num_heads[i], + window_size=window_sizes[i], + quant_size=quant_size, + drop_path=dpr[sum(depths[:i]) : sum(depths[: i + 1])], + downsample=downsample if i < num_layers - 1 else None, + down_stride=down_stride if i == 0 else 2, + out_channels=channels[i + 1] if i < num_layers - 1 else None, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + for i in range(self.layer_start, num_layers) + ] + ) + + if "attn" in upsample: + up_attn = True + else: + up_attn = False + + self.upsamples = nn.ModuleList( + [ + Upsample( + channels[i], + channels[i - 1], + num_heads[i - 1], + window_sizes[i - 1], + quant_size, + attn=up_attn, + up_k=up_k, + cRSE=cRSE, + fp16_mode=fp16_mode, + ) + for i in range(num_layers - 1, 0, -1) + ] + ) + + self.classifier = nn.Sequential( + nn.Linear(channels[0], channels[0]), + nn.BatchNorm1d(channels[0]), + nn.ReLU(inplace=True), + nn.Linear(channels[0], num_classes), + ) + self.num_classes = num_classes + self.base_grid_size = base_grid_size + self.init_weights() + + def forward(self, data_dict): + grid_coord = data_dict["grid_coord"] + feat = data_dict["feat"] + coord_feat = data_dict["coord_feat"] + coord = data_dict["coord"] + offset = data_dict["offset"] + batch = offset2batch(offset) + in_field = ME.TensorField( + features=torch.cat( + [ + batch.unsqueeze(-1), + coord / self.base_grid_size, + coord_feat / 1.001, + feat, + ], + dim=1, + ), + coordinates=torch.cat([batch.unsqueeze(-1).int(), grid_coord.int()], dim=1), + quantization_mode=ME.SparseTensorQuantizationMode.UNWEIGHTED_AVERAGE, + minkowski_algorithm=ME.MinkowskiAlgorithm.SPEED_OPTIMIZED, + device=feat.device, + ) + + sp = in_field.sparse() + coords_sp = SparseTensor( + features=sp.F[:, : coord_feat.shape[-1] + 4], + coordinate_map_key=sp.coordinate_map_key, + coordinate_manager=sp.coordinate_manager, + ) + sp = SparseTensor( + features=sp.F[:, coord_feat.shape[-1] + 4 :], + coordinate_map_key=sp.coordinate_map_key, + coordinate_manager=sp.coordinate_manager, + ) + sp_stack = [] + coords_sp_stack = [] + sp = self.stem_layer(sp) + if self.layer_start > 0: + sp_stack.append(sp) + coords_sp_stack.append(coords_sp) + sp, coords_sp = self.downsample(sp, coords_sp) + + for i, layer in enumerate(self.layers): + coords_sp_stack.append(coords_sp) + sp, sp_down, coords_sp = layer(sp, coords_sp) + sp_stack.append(sp) + assert (coords_sp.C == sp_down.C).all() + sp = sp_down + + sp = sp_stack.pop() + coords_sp = coords_sp_stack.pop() + for i, upsample in enumerate(self.upsamples): + sp_i = sp_stack.pop() + coords_sp_i = coords_sp_stack.pop() + sp = upsample(sp, coords_sp, sp_i, coords_sp_i) + coords_sp = coords_sp_i + + output = self.classifier(sp.slice(in_field).F) + return output + + def init_weights(self): + """Initialize the weights in backbone.""" + + def _init_weights(m): + if isinstance(m, nn.Linear): + trunc_normal_(m.weight, std=0.02) + if isinstance(m, nn.Linear) and m.bias is not None: + nn.init.constant_(m.bias, 0) + elif isinstance(m, nn.LayerNorm) or isinstance(m, nn.BatchNorm1d): + nn.init.constant_(m.bias, 0) + nn.init.constant_(m.weight, 1.0) + + self.apply(_init_weights) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..66e6bc0f62993abb3625a9598f54e7775aeb0008 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/__init__.py @@ -0,0 +1,4 @@ +from .misc import offset2batch, offset2bincount, batch2offset, off_diagonal +from .checkpoint import checkpoint +from .serialization import encode, decode +from .structure import Point diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/checkpoint.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..58820352bd5d1b37b3905b038816323253ffd3de --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/checkpoint.py @@ -0,0 +1,57 @@ +""" +Checkpoint Utils for Models + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch + + +class CheckpointFunction(torch.autograd.Function): + @staticmethod + def forward(ctx, run_function, length, *args): + ctx.run_function = run_function + ctx.input_tensors = list(args[:length]) + ctx.input_params = list(args[length:]) + + with torch.no_grad(): + output_tensors = ctx.run_function(*ctx.input_tensors) + return output_tensors + + @staticmethod + def backward(ctx, *output_grads): + ctx.input_tensors = [x.detach().requires_grad_(True) for x in ctx.input_tensors] + with torch.enable_grad(): + # Fixes a bug where the first op in run_function modifies the + # Tensor storage in place, which is not allowed for detach()'d + # Tensors. + shallow_copies = [x.view_as(x) for x in ctx.input_tensors] + output_tensors = ctx.run_function(*shallow_copies) + input_grads = torch.autograd.grad( + output_tensors, + ctx.input_tensors + ctx.input_params, + output_grads, + allow_unused=True, + ) + del ctx.input_tensors + del ctx.input_params + del output_tensors + return (None, None) + input_grads + + +def checkpoint(func, inputs, params, flag): + """ + Evaluate a function without caching intermediate activations, allowing for + reduced memory at the expense of extra compute in the backward pass. + :param func: the function to evaluate. + :param inputs: the argument sequence to pass to `func`. + :param params: a sequence of parameters `func` depends on but does not + explicitly take as arguments. + :param flag: if False, disable gradient checkpointing. + """ + if flag: + args = tuple(inputs) + tuple(params) + return CheckpointFunction.apply(func, len(inputs), *args) + else: + return func(*inputs) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/misc.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..61dfdfb44a82fc0ef585ca5732518fe85e466889 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/misc.py @@ -0,0 +1,35 @@ +""" +General Utils for Models + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch + + +@torch.inference_mode() +def offset2bincount(offset): + return torch.diff( + offset, prepend=torch.tensor([0], device=offset.device, dtype=torch.long) + ) + + +@torch.inference_mode() +def offset2batch(offset): + bincount = offset2bincount(offset) + return torch.arange( + len(bincount), device=offset.device, dtype=torch.long + ).repeat_interleave(bincount) + + +@torch.inference_mode() +def batch2offset(batch): + return torch.cumsum(batch.bincount(), dim=0).long() + + +def off_diagonal(x): + # return a flattened view of the off-diagonal elements of a square matrix + n, m = x.shape + assert n == m + return x.flatten()[:-1].view(n - 1, n + 1)[:, 1:].flatten() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..058c5e1001c76d9c7014bf0bbb824eec4f54f476 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/__init__.py @@ -0,0 +1,8 @@ +from .default import ( + encode, + decode, + z_order_encode, + z_order_decode, + hilbert_encode, + hilbert_decode, +) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/default.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/default.py new file mode 100644 index 0000000000000000000000000000000000000000..15898b55625fc0e1125db9b713e900892f04176c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/default.py @@ -0,0 +1,59 @@ +import torch +from .z_order import xyz2key as z_order_encode_ +from .z_order import key2xyz as z_order_decode_ +from .hilbert import encode as hilbert_encode_ +from .hilbert import decode as hilbert_decode_ + + +@torch.inference_mode() +def encode(grid_coord, batch=None, depth=16, order="z"): + assert order in {"z", "z-trans", "hilbert", "hilbert-trans"} + if order == "z": + code = z_order_encode(grid_coord, depth=depth) + elif order == "z-trans": + code = z_order_encode(grid_coord[:, [1, 0, 2]], depth=depth) + elif order == "hilbert": + code = hilbert_encode(grid_coord, depth=depth) + elif order == "hilbert-trans": + code = hilbert_encode(grid_coord[:, [1, 0, 2]], depth=depth) + else: + raise NotImplementedError + if batch is not None: + batch = batch.long() + code = batch << depth * 3 | code + return code + + +@torch.inference_mode() +def decode(code, depth=16, order="z"): + assert order in {"z", "hilbert"} + batch = code >> depth * 3 + code = code & ((1 << depth * 3) - 1) + if order == "z": + grid_coord = z_order_decode(code, depth=depth) + elif order == "hilbert": + grid_coord = hilbert_decode(code, depth=depth) + else: + raise NotImplementedError + return grid_coord, batch + + +def z_order_encode(grid_coord: torch.Tensor, depth: int = 16): + x, y, z = grid_coord[:, 0].long(), grid_coord[:, 1].long(), grid_coord[:, 2].long() + # we block the support to batch, maintain batched code in Point class + code = z_order_encode_(x, y, z, b=None, depth=depth) + return code + + +def z_order_decode(code: torch.Tensor, depth): + x, y, z = z_order_decode_(code, depth=depth) + grid_coord = torch.stack([x, y, z], dim=-1) # (N, 3) + return grid_coord + + +def hilbert_encode(grid_coord: torch.Tensor, depth: int = 16): + return hilbert_encode_(grid_coord, num_dims=3, num_bits=depth) + + +def hilbert_decode(code: torch.Tensor, depth: int = 16): + return hilbert_decode_(code, num_dims=3, num_bits=depth) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/hilbert.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/hilbert.py new file mode 100644 index 0000000000000000000000000000000000000000..c96a3a9e15be64059811eb86139f28c6016ad0fe --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/hilbert.py @@ -0,0 +1,303 @@ +""" +Hilbert Order +Modified from https://github.com/PrincetonLIPS/numpy-hilbert-curve + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com), Kaixin Xu +Please cite our work if the code is helpful to you. +""" + +import torch + + +def right_shift(binary, k=1, axis=-1): + """Right shift an array of binary values. + + Parameters: + ----------- + binary: An ndarray of binary values. + + k: The number of bits to shift. Default 1. + + axis: The axis along which to shift. Default -1. + + Returns: + -------- + Returns an ndarray with zero prepended and the ends truncated, along + whatever axis was specified.""" + + # If we're shifting the whole thing, just return zeros. + if binary.shape[axis] <= k: + return torch.zeros_like(binary) + + # Determine the padding pattern. + # padding = [(0,0)] * len(binary.shape) + # padding[axis] = (k,0) + + # Determine the slicing pattern to eliminate just the last one. + slicing = [slice(None)] * len(binary.shape) + slicing[axis] = slice(None, -k) + shifted = torch.nn.functional.pad( + binary[tuple(slicing)], (k, 0), mode="constant", value=0 + ) + + return shifted + + +def binary2gray(binary, axis=-1): + """Convert an array of binary values into Gray codes. + + This uses the classic X ^ (X >> 1) trick to compute the Gray code. + + Parameters: + ----------- + binary: An ndarray of binary values. + + axis: The axis along which to compute the gray code. Default=-1. + + Returns: + -------- + Returns an ndarray of Gray codes. + """ + shifted = right_shift(binary, axis=axis) + + # Do the X ^ (X >> 1) trick. + gray = torch.logical_xor(binary, shifted) + + return gray + + +def gray2binary(gray, axis=-1): + """Convert an array of Gray codes back into binary values. + + Parameters: + ----------- + gray: An ndarray of gray codes. + + axis: The axis along which to perform Gray decoding. Default=-1. + + Returns: + -------- + Returns an ndarray of binary values. + """ + + # Loop the log2(bits) number of times necessary, with shift and xor. + shift = 2 ** (torch.Tensor([gray.shape[axis]]).log2().ceil().int() - 1) + while shift > 0: + gray = torch.logical_xor(gray, right_shift(gray, shift)) + shift = torch.div(shift, 2, rounding_mode="floor") + return gray + + +def encode(locs, num_dims, num_bits): + """Decode an array of locations in a hypercube into a Hilbert integer. + + This is a vectorized-ish version of the Hilbert curve implementation by John + Skilling as described in: + + Skilling, J. (2004, April). Programming the Hilbert curve. In AIP Conference + Proceedings (Vol. 707, No. 1, pp. 381-387). American Institute of Physics. + + Params: + ------- + locs - An ndarray of locations in a hypercube of num_dims dimensions, in + which each dimension runs from 0 to 2**num_bits-1. The shape can + be arbitrary, as long as the last dimension of the same has size + num_dims. + + num_dims - The dimensionality of the hypercube. Integer. + + num_bits - The number of bits for each dimension. Integer. + + Returns: + -------- + The output is an ndarray of uint64 integers with the same shape as the + input, excluding the last dimension, which needs to be num_dims. + """ + + # Keep around the original shape for later. + orig_shape = locs.shape + bitpack_mask = 1 << torch.arange(0, 8).to(locs.device) + bitpack_mask_rev = bitpack_mask.flip(-1) + + if orig_shape[-1] != num_dims: + raise ValueError( + """ + The shape of locs was surprising in that the last dimension was of size + %d, but num_dims=%d. These need to be equal. + """ + % (orig_shape[-1], num_dims) + ) + + if num_dims * num_bits > 63: + raise ValueError( + """ + num_dims=%d and num_bits=%d for %d bits total, which can't be encoded + into a int64. Are you sure you need that many points on your Hilbert + curve? + """ + % (num_dims, num_bits, num_dims * num_bits) + ) + + # Treat the location integers as 64-bit unsigned and then split them up into + # a sequence of uint8s. Preserve the association by dimension. + locs_uint8 = locs.long().view(torch.uint8).reshape((-1, num_dims, 8)).flip(-1) + + # Now turn these into bits and truncate to num_bits. + gray = ( + locs_uint8.unsqueeze(-1) + .bitwise_and(bitpack_mask_rev) + .ne(0) + .byte() + .flatten(-2, -1)[..., -num_bits:] + ) + + # Run the decoding process the other way. + # Iterate forwards through the bits. + for bit in range(0, num_bits): + # Iterate forwards through the dimensions. + for dim in range(0, num_dims): + # Identify which ones have this bit active. + mask = gray[:, dim, bit] + + # Where this bit is on, invert the 0 dimension for lower bits. + gray[:, 0, bit + 1 :] = torch.logical_xor( + gray[:, 0, bit + 1 :], mask[:, None] + ) + + # Where the bit is off, exchange the lower bits with the 0 dimension. + to_flip = torch.logical_and( + torch.logical_not(mask[:, None]).repeat(1, gray.shape[2] - bit - 1), + torch.logical_xor(gray[:, 0, bit + 1 :], gray[:, dim, bit + 1 :]), + ) + gray[:, dim, bit + 1 :] = torch.logical_xor( + gray[:, dim, bit + 1 :], to_flip + ) + gray[:, 0, bit + 1 :] = torch.logical_xor(gray[:, 0, bit + 1 :], to_flip) + + # Now flatten out. + gray = gray.swapaxes(1, 2).reshape((-1, num_bits * num_dims)) + + # Convert Gray back to binary. + hh_bin = gray2binary(gray) + + # Pad back out to 64 bits. + extra_dims = 64 - num_bits * num_dims + padded = torch.nn.functional.pad(hh_bin, (extra_dims, 0), "constant", 0) + + # Convert binary values into uint8s. + hh_uint8 = ( + (padded.flip(-1).reshape((-1, 8, 8)) * bitpack_mask) + .sum(2) + .squeeze() + .type(torch.uint8) + ) + + # Convert uint8s into uint64s. + hh_uint64 = hh_uint8.view(torch.int64).squeeze() + + return hh_uint64 + + +def decode(hilberts, num_dims, num_bits): + """Decode an array of Hilbert integers into locations in a hypercube. + + This is a vectorized-ish version of the Hilbert curve implementation by John + Skilling as described in: + + Skilling, J. (2004, April). Programming the Hilbert curve. In AIP Conference + Proceedings (Vol. 707, No. 1, pp. 381-387). American Institute of Physics. + + Params: + ------- + hilberts - An ndarray of Hilbert integers. Must be an integer dtype and + cannot have fewer bits than num_dims * num_bits. + + num_dims - The dimensionality of the hypercube. Integer. + + num_bits - The number of bits for each dimension. Integer. + + Returns: + -------- + The output is an ndarray of unsigned integers with the same shape as hilberts + but with an additional dimension of size num_dims. + """ + + if num_dims * num_bits > 64: + raise ValueError( + """ + num_dims=%d and num_bits=%d for %d bits total, which can't be encoded + into a uint64. Are you sure you need that many points on your Hilbert + curve? + """ + % (num_dims, num_bits) + ) + + # Handle the case where we got handed a naked integer. + hilberts = torch.atleast_1d(hilberts) + + # Keep around the shape for later. + orig_shape = hilberts.shape + bitpack_mask = 2 ** torch.arange(0, 8).to(hilberts.device) + bitpack_mask_rev = bitpack_mask.flip(-1) + + # Treat each of the hilberts as a s equence of eight uint8. + # This treats all of the inputs as uint64 and makes things uniform. + hh_uint8 = ( + hilberts.ravel().type(torch.int64).view(torch.uint8).reshape((-1, 8)).flip(-1) + ) + + # Turn these lists of uints into lists of bits and then truncate to the size + # we actually need for using Skilling's procedure. + hh_bits = ( + hh_uint8.unsqueeze(-1) + .bitwise_and(bitpack_mask_rev) + .ne(0) + .byte() + .flatten(-2, -1)[:, -num_dims * num_bits :] + ) + + # Take the sequence of bits and Gray-code it. + gray = binary2gray(hh_bits) + + # There has got to be a better way to do this. + # I could index them differently, but the eventual packbits likes it this way. + gray = gray.reshape((-1, num_bits, num_dims)).swapaxes(1, 2) + + # Iterate backwards through the bits. + for bit in range(num_bits - 1, -1, -1): + # Iterate backwards through the dimensions. + for dim in range(num_dims - 1, -1, -1): + # Identify which ones have this bit active. + mask = gray[:, dim, bit] + + # Where this bit is on, invert the 0 dimension for lower bits. + gray[:, 0, bit + 1 :] = torch.logical_xor( + gray[:, 0, bit + 1 :], mask[:, None] + ) + + # Where the bit is off, exchange the lower bits with the 0 dimension. + to_flip = torch.logical_and( + torch.logical_not(mask[:, None]), + torch.logical_xor(gray[:, 0, bit + 1 :], gray[:, dim, bit + 1 :]), + ) + gray[:, dim, bit + 1 :] = torch.logical_xor( + gray[:, dim, bit + 1 :], to_flip + ) + gray[:, 0, bit + 1 :] = torch.logical_xor(gray[:, 0, bit + 1 :], to_flip) + + # Pad back out to 64 bits. + extra_dims = 64 - num_bits + padded = torch.nn.functional.pad(gray, (extra_dims, 0), "constant", 0) + + # Now chop these up into blocks of 8. + locs_chopped = padded.flip(-1).reshape((-1, num_dims, 8, 8)) + + # Take those blocks and turn them unto uint8s. + # from IPython import embed; embed() + locs_uint8 = (locs_chopped * bitpack_mask).sum(3).squeeze().type(torch.uint8) + + # Finally, treat these as uint64s. + flat_locs = locs_uint8.view(torch.int64) + + # Return them in the expected shape. + return flat_locs.reshape((*orig_shape, num_dims)) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/z_order.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/z_order.py new file mode 100644 index 0000000000000000000000000000000000000000..6fd01a5bcf4b6c76c5d75db4999326e174409ee3 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/serialization/z_order.py @@ -0,0 +1,126 @@ +# -------------------------------------------------------- +# Octree-based Sparse Convolutional Neural Networks +# Copyright (c) 2022 Peng-Shuai Wang +# Licensed under The MIT License [see LICENSE for details] +# Written by Peng-Shuai Wang +# -------------------------------------------------------- + +import torch +from typing import Optional, Union + + +class KeyLUT: + def __init__(self): + r256 = torch.arange(256, dtype=torch.int64) + r512 = torch.arange(512, dtype=torch.int64) + zero = torch.zeros(256, dtype=torch.int64) + device = torch.device("cpu") + + self._encode = { + device: ( + self.xyz2key(r256, zero, zero, 8), + self.xyz2key(zero, r256, zero, 8), + self.xyz2key(zero, zero, r256, 8), + ) + } + self._decode = {device: self.key2xyz(r512, 9)} + + def encode_lut(self, device=torch.device("cpu")): + if device not in self._encode: + cpu = torch.device("cpu") + self._encode[device] = tuple(e.to(device) for e in self._encode[cpu]) + return self._encode[device] + + def decode_lut(self, device=torch.device("cpu")): + if device not in self._decode: + cpu = torch.device("cpu") + self._decode[device] = tuple(e.to(device) for e in self._decode[cpu]) + return self._decode[device] + + def xyz2key(self, x, y, z, depth): + key = torch.zeros_like(x) + for i in range(depth): + mask = 1 << i + key = ( + key + | ((x & mask) << (2 * i + 2)) + | ((y & mask) << (2 * i + 1)) + | ((z & mask) << (2 * i + 0)) + ) + return key + + def key2xyz(self, key, depth): + x = torch.zeros_like(key) + y = torch.zeros_like(key) + z = torch.zeros_like(key) + for i in range(depth): + x = x | ((key & (1 << (3 * i + 2))) >> (2 * i + 2)) + y = y | ((key & (1 << (3 * i + 1))) >> (2 * i + 1)) + z = z | ((key & (1 << (3 * i + 0))) >> (2 * i + 0)) + return x, y, z + + +_key_lut = KeyLUT() + + +def xyz2key( + x: torch.Tensor, + y: torch.Tensor, + z: torch.Tensor, + b: Optional[Union[torch.Tensor, int]] = None, + depth: int = 16, +): + r"""Encodes :attr:`x`, :attr:`y`, :attr:`z` coordinates to the shuffled keys + based on pre-computed look up tables. The speed of this function is much + faster than the method based on for-loop. + + Args: + x (torch.Tensor): The x coordinate. + y (torch.Tensor): The y coordinate. + z (torch.Tensor): The z coordinate. + b (torch.Tensor or int): The batch index of the coordinates, and should be + smaller than 32768. If :attr:`b` is :obj:`torch.Tensor`, the size of + :attr:`b` must be the same as :attr:`x`, :attr:`y`, and :attr:`z`. + depth (int): The depth of the shuffled key, and must be smaller than 17 (< 17). + """ + + EX, EY, EZ = _key_lut.encode_lut(x.device) + x, y, z = x.long(), y.long(), z.long() + + mask = 255 if depth > 8 else (1 << depth) - 1 + key = EX[x & mask] | EY[y & mask] | EZ[z & mask] + if depth > 8: + mask = (1 << (depth - 8)) - 1 + key16 = EX[(x >> 8) & mask] | EY[(y >> 8) & mask] | EZ[(z >> 8) & mask] + key = key16 << 24 | key + + if b is not None: + b = b.long() + key = b << 48 | key + + return key + + +def key2xyz(key: torch.Tensor, depth: int = 16): + r"""Decodes the shuffled key to :attr:`x`, :attr:`y`, :attr:`z` coordinates + and the batch index based on pre-computed look up tables. + + Args: + key (torch.Tensor): The shuffled key. + depth (int): The depth of the shuffled key, and must be smaller than 17 (< 17). + """ + + DX, DY, DZ = _key_lut.decode_lut(key.device) + x, y, z = torch.zeros_like(key), torch.zeros_like(key), torch.zeros_like(key) + + b = key >> 48 + key = key & ((1 << 48) - 1) + + n = (depth + 2) // 3 + for i in range(n): + k = key >> (i * 9) & 511 + x = x | (DX[k] << (i * 3)) + y = y | (DY[k] << (i * 3)) + z = z | (DZ[k] << (i * 3)) + + return x, y, z, b diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/structure.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/structure.py new file mode 100644 index 0000000000000000000000000000000000000000..47fcd054067967f1ce5953d32df288ecc41c7aae --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/models/utils/structure.py @@ -0,0 +1,180 @@ +import torch +import spconv.pytorch as spconv + +try: + import ocnn +except ImportError: + ocnn = None +from addict import Dict + +from pointcept.models.utils.serialization import encode, decode +from pointcept.models.utils import offset2batch, batch2offset + + +class Point(Dict): + """ + Point Structure of Pointcept + + A Point (point cloud) in Pointcept is a dictionary that contains various properties of + a batched point cloud. The property with the following names have a specific definition + as follows: + + - "coord": original coordinate of point cloud; + - "grid_coord": grid coordinate for specific grid size (related to GridSampling); + Point also support the following optional attributes: + - "offset": if not exist, initialized as batch size is 1; + - "batch": if not exist, initialized as batch size is 1; + - "feat": feature of point cloud, default input of model; + - "grid_size": Grid size of point cloud (related to GridSampling); + (related to Serialization) + - "serialized_depth": depth of serialization, 2 ** depth * grid_size describe the maximum of point cloud range; + - "serialized_code": a list of serialization codes; + - "serialized_order": a list of serialization order determined by code; + - "serialized_inverse": a list of inverse mapping determined by code; + (related to Sparsify: SpConv) + - "sparse_shape": Sparse shape for Sparse Conv Tensor; + - "sparse_conv_feat": SparseConvTensor init with information provide by Point; + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + # If one of "offset" or "batch" do not exist, generate by the existing one + if "batch" not in self.keys() and "offset" in self.keys(): + self["batch"] = offset2batch(self.offset) + elif "offset" not in self.keys() and "batch" in self.keys(): + self["offset"] = batch2offset(self.batch) + + def serialization(self, order="z", depth=None, shuffle_orders=False): + """ + Point Cloud Serialization + + relay on ["grid_coord" or "coord" + "grid_size", "batch", "feat"] + """ + assert "batch" in self.keys() + if "grid_coord" not in self.keys(): + # if you don't want to operate GridSampling in data augmentation, + # please add the following augmentation into your pipline: + # dict(type="Copy", keys_dict={"grid_size": 0.01}), + # (adjust `grid_size` to what your want) + assert {"grid_size", "coord"}.issubset(self.keys()) + self["grid_coord"] = torch.div( + self.coord - self.coord.min(0)[0], self.grid_size, rounding_mode="trunc" + ).int() + + if depth is None: + # Adaptive measure the depth of serialization cube (length = 2 ^ depth) + depth = int(self.grid_coord.max()).bit_length() + self["serialized_depth"] = depth + # Maximum bit length for serialization code is 63 (int64) + assert depth * 3 + len(self.offset).bit_length() <= 63 + # Here we follow OCNN and set the depth limitation to 16 (48bit) for the point position. + # Although depth is limited to less than 16, we can encode a 655.36^3 (2^16 * 0.01) meter^3 + # cube with a grid size of 0.01 meter. We consider it is enough for the current stage. + # We can unlock the limitation by optimizing the z-order encoding function if necessary. + assert depth <= 16 + + # The serialization codes are arranged as following structures: + # [Order1 ([n]), + # Order2 ([n]), + # ... + # OrderN ([n])] (k, n) + code = [ + encode(self.grid_coord, self.batch, depth, order=order_) for order_ in order + ] + code = torch.stack(code) + order = torch.argsort(code) + inverse = torch.zeros_like(order).scatter_( + dim=1, + index=order, + src=torch.arange(0, code.shape[1], device=order.device).repeat( + code.shape[0], 1 + ), + ) + + if shuffle_orders: + perm = torch.randperm(code.shape[0]) + code = code[perm] + order = order[perm] + inverse = inverse[perm] + + self["serialized_code"] = code + self["serialized_order"] = order + self["serialized_inverse"] = inverse + + def sparsify(self, pad=96): + """ + Point Cloud Serialization + + Point cloud is sparse, here we use "sparsify" to specifically refer to + preparing "spconv.SparseConvTensor" for SpConv. + + relay on ["grid_coord" or "coord" + "grid_size", "batch", "feat"] + + pad: padding sparse for sparse shape. + """ + assert {"feat", "batch"}.issubset(self.keys()) + if "grid_coord" not in self.keys(): + # if you don't want to operate GridSampling in data augmentation, + # please add the following augmentation into your pipline: + # dict(type="Copy", keys_dict={"grid_size": 0.01}), + # (adjust `grid_size` to what your want) + assert {"grid_size", "coord"}.issubset(self.keys()) + self["grid_coord"] = torch.div( + self.coord - self.coord.min(0)[0], self.grid_size, rounding_mode="trunc" + ).int() + if "sparse_shape" in self.keys(): + sparse_shape = self.sparse_shape + else: + sparse_shape = torch.add( + torch.max(self.grid_coord, dim=0).values, pad + ).tolist() + sparse_conv_feat = spconv.SparseConvTensor( + features=self.feat, + indices=torch.cat( + [self.batch.unsqueeze(-1).int(), self.grid_coord.int()], dim=1 + ).contiguous(), + spatial_shape=sparse_shape, + batch_size=self.batch[-1].tolist() + 1, + ) + self["sparse_shape"] = sparse_shape + self["sparse_conv_feat"] = sparse_conv_feat + + def octreetization(self, depth=None, full_depth=None): + """ + Point Cloud Octreelization + + Generate octree with OCNN + relay on ["grid_coord", "batch", "feat"] + """ + assert ( + ocnn is not None + ), "Please follow https://github.com/octree-nn/ocnn-pytorch install ocnn." + assert {"grid_coord", "feat", "batch"}.issubset(self.keys()) + # add 1 to make grid space support shift order + if depth is None: + if "depth" in self.keys(): + depth = self.depth + else: + depth = int(self.grid_coord.max() + 1).bit_length() + if full_depth is None: + full_depth = 2 + self["depth"] = depth + assert depth <= 16 # maximum in ocnn + + # [0, 2**depth] -> [0, 2] -> [-1, 1] + coord = self.grid_coord / 2 ** (self.depth - 1) - 1.0 + point = ocnn.octree.Points( + points=coord, + features=self.feat, + batch_id=self.batch.unsqueeze(-1), + batch_size=self.batch[-1] + 1, + ) + octree = ocnn.octree.Octree( + depth=depth, + full_depth=full_depth, + batch_size=self.batch[-1] + 1, + device=coord.device, + ) + octree.build_octree(point) + octree.construct_all_neigh() + self["octree"] = octree diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/__init__.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/cache.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/cache.py new file mode 100644 index 0000000000000000000000000000000000000000..623897e42a7a4256a65a1a0e9a7b5c0c46ce5a3e --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/cache.py @@ -0,0 +1,56 @@ +""" +Data Cache Utils + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import SharedArray + +try: + from multiprocessing.shared_memory import ShareableList +except ImportError: + import warnings + + warnings.warn("Please update python version >= 3.8 to enable shared_memory") +import numpy as np + + +def shared_array(name, var=None): + if var is not None: + # check exist + if os.path.exists(f"/dev/shm/{name}"): + return SharedArray.attach(f"shm://{name}") + # create shared_array + data = SharedArray.create(f"shm://{name}", var.shape, dtype=var.dtype) + data[...] = var[...] + data.flags.writeable = False + else: + data = SharedArray.attach(f"shm://{name}").copy() + return data + + +def shared_dict(name, var=None): + name = str(name) + assert "." not in name # '.' is used as sep flag + data = {} + if var is not None: + assert isinstance(var, dict) + keys = var.keys() + # current version only cache np.array + keys_valid = [] + for key in keys: + if isinstance(var[key], np.ndarray): + keys_valid.append(key) + keys = keys_valid + + ShareableList(sequence=keys, name=name + ".keys") + for key in keys: + if isinstance(var[key], np.ndarray): + data[key] = shared_array(name=f"{name}.{key}", var=var[key]) + else: + keys = list(ShareableList(name=name + ".keys")) + for key in keys: + data[key] = shared_array(name=f"{name}.{key}") + return data diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/comm.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/comm.py new file mode 100644 index 0000000000000000000000000000000000000000..69e29e7c690fe0500d3d9a84b6a8749e2f4f4655 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/comm.py @@ -0,0 +1,198 @@ +# Copyright (c) Facebook, Inc. and its affiliates. +""" +This file contains primitives for multi-gpu communication. +This is useful when doing distributed training. +Modified from detectron2(https://github.com/facebookresearch/detectron2) + +Copyright (c) Xiaoyang Wu (xiaoyang.wu@connect.hku.hk). All Rights Reserved. +Please cite our work if you use any part of the code. +""" + +import functools +import numpy as np +import torch +import torch.distributed as dist + +_LOCAL_PROCESS_GROUP = None +""" +A torch process group which only includes processes that on the same machine as the current process. +This variable is set when processes are spawned by `launch()` in "engine/launch.py". +""" + + +def get_world_size() -> int: + if not dist.is_available(): + return 1 + if not dist.is_initialized(): + return 1 + return dist.get_world_size() + + +def get_rank() -> int: + if not dist.is_available(): + return 0 + if not dist.is_initialized(): + return 0 + return dist.get_rank() + + +def get_local_rank() -> int: + """ + Returns: + The rank of the current process within the local (per-machine) process group. + """ + if not dist.is_available(): + return 0 + if not dist.is_initialized(): + return 0 + assert ( + _LOCAL_PROCESS_GROUP is not None + ), "Local process group is not created! Please use launch() to spawn processes!" + return dist.get_rank(group=_LOCAL_PROCESS_GROUP) + + +def get_local_size() -> int: + """ + Returns: + The size of the per-machine process group, + i.e. the number of processes per machine. + """ + if not dist.is_available(): + return 1 + if not dist.is_initialized(): + return 1 + return dist.get_world_size(group=_LOCAL_PROCESS_GROUP) + + +def is_main_process() -> bool: + return get_rank() == 0 + + +def synchronize(): + """ + Helper function to synchronize (barrier) among all processes when + using distributed training + """ + if not dist.is_available(): + return + if not dist.is_initialized(): + return + world_size = dist.get_world_size() + if world_size == 1: + return + if dist.get_backend() == dist.Backend.NCCL: + # This argument is needed to avoid warnings. + # It's valid only for NCCL backend. + dist.barrier(device_ids=[torch.cuda.current_device()]) + else: + dist.barrier() + + +@functools.lru_cache() +def _get_global_gloo_group(): + """ + Return a process group based on gloo backend, containing all the ranks + The result is cached. + """ + if dist.get_backend() == "nccl": + return dist.new_group(backend="gloo") + else: + return dist.group.WORLD + + +def all_gather(data, group=None): + """ + Run all_gather on arbitrary picklable data (not necessarily tensors). + Args: + data: any picklable object + group: a torch process group. By default, will use a group which + contains all ranks on gloo backend. + Returns: + list[data]: list of data gathered from each rank + """ + if get_world_size() == 1: + return [data] + if group is None: + group = ( + _get_global_gloo_group() + ) # use CPU group by default, to reduce GPU RAM usage. + world_size = dist.get_world_size(group) + if world_size == 1: + return [data] + + output = [None for _ in range(world_size)] + dist.all_gather_object(output, data, group=group) + return output + + +def gather(data, dst=0, group=None): + """ + Run gather on arbitrary picklable data (not necessarily tensors). + Args: + data: any picklable object + dst (int): destination rank + group: a torch process group. By default, will use a group which + contains all ranks on gloo backend. + Returns: + list[data]: on dst, a list of data gathered from each rank. Otherwise, + an empty list. + """ + if get_world_size() == 1: + return [data] + if group is None: + group = _get_global_gloo_group() + world_size = dist.get_world_size(group=group) + if world_size == 1: + return [data] + rank = dist.get_rank(group=group) + + if rank == dst: + output = [None for _ in range(world_size)] + dist.gather_object(data, output, dst=dst, group=group) + return output + else: + dist.gather_object(data, None, dst=dst, group=group) + return [] + + +def shared_random_seed(): + """ + Returns: + int: a random number that is the same across all workers. + If workers need a shared RNG, they can use this shared seed to + create one. + All workers must call this function, otherwise it will deadlock. + """ + ints = np.random.randint(2**31) + all_ints = all_gather(ints) + return all_ints[0] + + +def reduce_dict(input_dict, average=True): + """ + Reduce the values in the dictionary from all processes so that process with rank + 0 has the reduced results. + Args: + input_dict (dict): inputs to be reduced. All the values must be scalar CUDA Tensor. + average (bool): whether to do average or sum + Returns: + a dict with the same keys as input_dict, after reduction. + """ + world_size = get_world_size() + if world_size < 2: + return input_dict + with torch.no_grad(): + names = [] + values = [] + # sort the keys so that they are consistent across processes + for k in sorted(input_dict.keys()): + names.append(k) + values.append(input_dict[k]) + values = torch.stack(values, dim=0) + dist.reduce(values, dst=0) + if dist.get_rank() == 0 and average: + # only main process gets accumulated, so only divide by + # world_size in this case + values /= world_size + reduced_dict = {k: v for k, v in zip(names, values)} + return reduced_dict diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/config.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/config.py new file mode 100644 index 0000000000000000000000000000000000000000..316dd458b3760b38feeb33d941ad9ad060364a61 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/config.py @@ -0,0 +1,694 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import ast +import copy +import os +import os.path as osp +import platform +import shutil +import sys +import tempfile +import uuid +import warnings +from argparse import Action, ArgumentParser +from collections import abc +from importlib import import_module + +from addict import Dict +from yapf.yapflib.yapf_api import FormatCode + +from .misc import import_modules_from_strings +from .path import check_file_exist + +if platform.system() == "Windows": + import regex as re +else: + import re + +BASE_KEY = "_base_" +DELETE_KEY = "_delete_" +DEPRECATION_KEY = "_deprecation_" +RESERVED_KEYS = ["filename", "text", "pretty_text"] + + +class ConfigDict(Dict): + def __missing__(self, name): + raise KeyError(name) + + def __getattr__(self, name): + try: + value = super(ConfigDict, self).__getattr__(name) + except KeyError: + ex = AttributeError( + f"'{self.__class__.__name__}' object has no " f"attribute '{name}'" + ) + except Exception as e: + ex = e + else: + return value + raise ex + + +def add_args(parser, cfg, prefix=""): + for k, v in cfg.items(): + if isinstance(v, str): + parser.add_argument("--" + prefix + k) + elif isinstance(v, int): + parser.add_argument("--" + prefix + k, type=int) + elif isinstance(v, float): + parser.add_argument("--" + prefix + k, type=float) + elif isinstance(v, bool): + parser.add_argument("--" + prefix + k, action="store_true") + elif isinstance(v, dict): + add_args(parser, v, prefix + k + ".") + elif isinstance(v, abc.Iterable): + parser.add_argument("--" + prefix + k, type=type(v[0]), nargs="+") + else: + print(f"cannot parse key {prefix + k} of type {type(v)}") + return parser + + +class Config: + """A facility for config and config files. + + It supports common file formats as configs: python/json/yaml. The interface + is the same as a dict object and also allows access config values as + attributes. + + Example: + >>> cfg = Config(dict(a=1, b=dict(b1=[0, 1]))) + >>> cfg.a + 1 + >>> cfg.b + {'b1': [0, 1]} + >>> cfg.b.b1 + [0, 1] + >>> cfg = Config.fromfile('tests/data/config/a.py') + >>> cfg.filename + "/home/kchen/projects/mmcv/tests/data/config/a.py" + >>> cfg.item4 + 'test' + >>> cfg + "Config [path: /home/kchen/projects/mmcv/tests/data/config/a.py]: " + "{'item1': [1, 2], 'item2': {'a': 0}, 'item3': True, 'item4': 'test'}" + """ + + @staticmethod + def _validate_py_syntax(filename): + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + content = f.read() + try: + ast.parse(content) + except SyntaxError as e: + raise SyntaxError( + "There are syntax errors in config " f"file {filename}: {e}" + ) + + @staticmethod + def _substitute_predefined_vars(filename, temp_config_name): + file_dirname = osp.dirname(filename) + file_basename = osp.basename(filename) + file_basename_no_extension = osp.splitext(file_basename)[0] + file_extname = osp.splitext(filename)[1] + support_templates = dict( + fileDirname=file_dirname, + fileBasename=file_basename, + fileBasenameNoExtension=file_basename_no_extension, + fileExtname=file_extname, + ) + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + config_file = f.read() + for key, value in support_templates.items(): + regexp = r"\{\{\s*" + str(key) + r"\s*\}\}" + value = value.replace("\\", "/") + config_file = re.sub(regexp, value, config_file) + with open(temp_config_name, "w", encoding="utf-8") as tmp_config_file: + tmp_config_file.write(config_file) + + @staticmethod + def _pre_substitute_base_vars(filename, temp_config_name): + """Substitute base variable placehoders to string, so that parsing + would work.""" + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + config_file = f.read() + base_var_dict = {} + regexp = r"\{\{\s*" + BASE_KEY + r"\.([\w\.]+)\s*\}\}" + base_vars = set(re.findall(regexp, config_file)) + for base_var in base_vars: + randstr = f"_{base_var}_{uuid.uuid4().hex.lower()[:6]}" + base_var_dict[randstr] = base_var + regexp = r"\{\{\s*" + BASE_KEY + r"\." + base_var + r"\s*\}\}" + config_file = re.sub(regexp, f'"{randstr}"', config_file) + with open(temp_config_name, "w", encoding="utf-8") as tmp_config_file: + tmp_config_file.write(config_file) + return base_var_dict + + @staticmethod + def _substitute_base_vars(cfg, base_var_dict, base_cfg): + """Substitute variable strings to their actual values.""" + cfg = copy.deepcopy(cfg) + + if isinstance(cfg, dict): + for k, v in cfg.items(): + if isinstance(v, str) and v in base_var_dict: + new_v = base_cfg + for new_k in base_var_dict[v].split("."): + new_v = new_v[new_k] + cfg[k] = new_v + elif isinstance(v, (list, tuple, dict)): + cfg[k] = Config._substitute_base_vars(v, base_var_dict, base_cfg) + elif isinstance(cfg, tuple): + cfg = tuple( + Config._substitute_base_vars(c, base_var_dict, base_cfg) for c in cfg + ) + elif isinstance(cfg, list): + cfg = [ + Config._substitute_base_vars(c, base_var_dict, base_cfg) for c in cfg + ] + elif isinstance(cfg, str) and cfg in base_var_dict: + new_v = base_cfg + for new_k in base_var_dict[cfg].split("."): + new_v = new_v[new_k] + cfg = new_v + + return cfg + + @staticmethod + def _file2dict(filename, use_predefined_variables=True): + filename = osp.abspath(osp.expanduser(filename)) + check_file_exist(filename) + fileExtname = osp.splitext(filename)[1] + if fileExtname not in [".py", ".json", ".yaml", ".yml"]: + raise IOError("Only py/yml/yaml/json type are supported now!") + + with tempfile.TemporaryDirectory() as temp_config_dir: + temp_config_file = tempfile.NamedTemporaryFile( + dir=temp_config_dir, suffix=fileExtname + ) + if platform.system() == "Windows": + temp_config_file.close() + temp_config_name = osp.basename(temp_config_file.name) + # Substitute predefined variables + if use_predefined_variables: + Config._substitute_predefined_vars(filename, temp_config_file.name) + else: + shutil.copyfile(filename, temp_config_file.name) + # Substitute base variables from placeholders to strings + base_var_dict = Config._pre_substitute_base_vars( + temp_config_file.name, temp_config_file.name + ) + + if filename.endswith(".py"): + temp_module_name = osp.splitext(temp_config_name)[0] + sys.path.insert(0, temp_config_dir) + Config._validate_py_syntax(filename) + mod = import_module(temp_module_name) + sys.path.pop(0) + cfg_dict = { + name: value + for name, value in mod.__dict__.items() + if not name.startswith("__") + } + # delete imported module + del sys.modules[temp_module_name] + elif filename.endswith((".yml", ".yaml", ".json")): + raise NotImplementedError + # close temp file + temp_config_file.close() + + # check deprecation information + if DEPRECATION_KEY in cfg_dict: + deprecation_info = cfg_dict.pop(DEPRECATION_KEY) + warning_msg = ( + f"The config file {filename} will be deprecated " "in the future." + ) + if "expected" in deprecation_info: + warning_msg += f' Please use {deprecation_info["expected"]} ' "instead." + if "reference" in deprecation_info: + warning_msg += ( + " More information can be found at " + f'{deprecation_info["reference"]}' + ) + warnings.warn(warning_msg) + + cfg_text = filename + "\n" + with open(filename, "r", encoding="utf-8") as f: + # Setting encoding explicitly to resolve coding issue on windows + cfg_text += f.read() + + if BASE_KEY in cfg_dict: + cfg_dir = osp.dirname(filename) + base_filename = cfg_dict.pop(BASE_KEY) + base_filename = ( + base_filename if isinstance(base_filename, list) else [base_filename] + ) + + cfg_dict_list = list() + cfg_text_list = list() + for f in base_filename: + _cfg_dict, _cfg_text = Config._file2dict(osp.join(cfg_dir, f)) + cfg_dict_list.append(_cfg_dict) + cfg_text_list.append(_cfg_text) + + base_cfg_dict = dict() + for c in cfg_dict_list: + duplicate_keys = base_cfg_dict.keys() & c.keys() + if len(duplicate_keys) > 0: + raise KeyError( + "Duplicate key is not allowed among bases. " + f"Duplicate keys: {duplicate_keys}" + ) + base_cfg_dict.update(c) + + # Substitute base variables from strings to their actual values + cfg_dict = Config._substitute_base_vars( + cfg_dict, base_var_dict, base_cfg_dict + ) + + base_cfg_dict = Config._merge_a_into_b(cfg_dict, base_cfg_dict) + cfg_dict = base_cfg_dict + + # merge cfg_text + cfg_text_list.append(cfg_text) + cfg_text = "\n".join(cfg_text_list) + + return cfg_dict, cfg_text + + @staticmethod + def _merge_a_into_b(a, b, allow_list_keys=False): + """merge dict ``a`` into dict ``b`` (non-inplace). + + Values in ``a`` will overwrite ``b``. ``b`` is copied first to avoid + in-place modifications. + + Args: + a (dict): The source dict to be merged into ``b``. + b (dict): The origin dict to be fetch keys from ``a``. + allow_list_keys (bool): If True, int string keys (e.g. '0', '1') + are allowed in source ``a`` and will replace the element of the + corresponding index in b if b is a list. Default: False. + + Returns: + dict: The modified dict of ``b`` using ``a``. + + Examples: + # Normally merge a into b. + >>> Config._merge_a_into_b( + ... dict(obj=dict(a=2)), dict(obj=dict(a=1))) + {'obj': {'a': 2}} + + # Delete b first and merge a into b. + >>> Config._merge_a_into_b( + ... dict(obj=dict(_delete_=True, a=2)), dict(obj=dict(a=1))) + {'obj': {'a': 2}} + + # b is a list + >>> Config._merge_a_into_b( + ... {'0': dict(a=2)}, [dict(a=1), dict(b=2)], True) + [{'a': 2}, {'b': 2}] + """ + b = b.copy() + for k, v in a.items(): + if allow_list_keys and k.isdigit() and isinstance(b, list): + k = int(k) + if len(b) <= k: + raise KeyError(f"Index {k} exceeds the length of list {b}") + b[k] = Config._merge_a_into_b(v, b[k], allow_list_keys) + elif isinstance(v, dict) and k in b and not v.pop(DELETE_KEY, False): + allowed_types = (dict, list) if allow_list_keys else dict + if not isinstance(b[k], allowed_types): + raise TypeError( + f"{k}={v} in child config cannot inherit from base " + f"because {k} is a dict in the child config but is of " + f"type {type(b[k])} in base config. You may set " + f"`{DELETE_KEY}=True` to ignore the base config" + ) + b[k] = Config._merge_a_into_b(v, b[k], allow_list_keys) + else: + b[k] = v + return b + + @staticmethod + def fromfile(filename, use_predefined_variables=True, import_custom_modules=True): + cfg_dict, cfg_text = Config._file2dict(filename, use_predefined_variables) + if import_custom_modules and cfg_dict.get("custom_imports", None): + import_modules_from_strings(**cfg_dict["custom_imports"]) + return Config(cfg_dict, cfg_text=cfg_text, filename=filename) + + @staticmethod + def fromstring(cfg_str, file_format): + """Generate config from config str. + + Args: + cfg_str (str): Config str. + file_format (str): Config file format corresponding to the + config str. Only py/yml/yaml/json type are supported now! + + Returns: + obj:`Config`: Config obj. + """ + if file_format not in [".py", ".json", ".yaml", ".yml"]: + raise IOError("Only py/yml/yaml/json type are supported now!") + if file_format != ".py" and "dict(" in cfg_str: + # check if users specify a wrong suffix for python + warnings.warn('Please check "file_format", the file format may be .py') + with tempfile.NamedTemporaryFile( + "w", encoding="utf-8", suffix=file_format, delete=False + ) as temp_file: + temp_file.write(cfg_str) + # on windows, previous implementation cause error + # see PR 1077 for details + cfg = Config.fromfile(temp_file.name) + os.remove(temp_file.name) + return cfg + + @staticmethod + def auto_argparser(description=None): + """Generate argparser from config file automatically (experimental)""" + partial_parser = ArgumentParser(description=description) + partial_parser.add_argument("config", help="config file path") + cfg_file = partial_parser.parse_known_args()[0].config + cfg = Config.fromfile(cfg_file) + parser = ArgumentParser(description=description) + parser.add_argument("config", help="config file path") + add_args(parser, cfg) + return parser, cfg + + def __init__(self, cfg_dict=None, cfg_text=None, filename=None): + if cfg_dict is None: + cfg_dict = dict() + elif not isinstance(cfg_dict, dict): + raise TypeError("cfg_dict must be a dict, but " f"got {type(cfg_dict)}") + for key in cfg_dict: + if key in RESERVED_KEYS: + raise KeyError(f"{key} is reserved for config file") + + super(Config, self).__setattr__("_cfg_dict", ConfigDict(cfg_dict)) + super(Config, self).__setattr__("_filename", filename) + if cfg_text: + text = cfg_text + elif filename: + with open(filename, "r") as f: + text = f.read() + else: + text = "" + super(Config, self).__setattr__("_text", text) + + @property + def filename(self): + return self._filename + + @property + def text(self): + return self._text + + @property + def pretty_text(self): + indent = 4 + + def _indent(s_, num_spaces): + s = s_.split("\n") + if len(s) == 1: + return s_ + first = s.pop(0) + s = [(num_spaces * " ") + line for line in s] + s = "\n".join(s) + s = first + "\n" + s + return s + + def _format_basic_types(k, v, use_mapping=False): + if isinstance(v, str): + v_str = f"'{v}'" + else: + v_str = str(v) + + if use_mapping: + k_str = f"'{k}'" if isinstance(k, str) else str(k) + attr_str = f"{k_str}: {v_str}" + else: + attr_str = f"{str(k)}={v_str}" + attr_str = _indent(attr_str, indent) + + return attr_str + + def _format_list(k, v, use_mapping=False): + # check if all items in the list are dict + if all(isinstance(_, dict) for _ in v): + v_str = "[\n" + v_str += "\n".join( + f"dict({_indent(_format_dict(v_), indent)})," for v_ in v + ).rstrip(",") + if use_mapping: + k_str = f"'{k}'" if isinstance(k, str) else str(k) + attr_str = f"{k_str}: {v_str}" + else: + attr_str = f"{str(k)}={v_str}" + attr_str = _indent(attr_str, indent) + "]" + else: + attr_str = _format_basic_types(k, v, use_mapping) + return attr_str + + def _contain_invalid_identifier(dict_str): + contain_invalid_identifier = False + for key_name in dict_str: + contain_invalid_identifier |= not str(key_name).isidentifier() + return contain_invalid_identifier + + def _format_dict(input_dict, outest_level=False): + r = "" + s = [] + + use_mapping = _contain_invalid_identifier(input_dict) + if use_mapping: + r += "{" + for idx, (k, v) in enumerate(input_dict.items()): + is_last = idx >= len(input_dict) - 1 + end = "" if outest_level or is_last else "," + if isinstance(v, dict): + v_str = "\n" + _format_dict(v) + if use_mapping: + k_str = f"'{k}'" if isinstance(k, str) else str(k) + attr_str = f"{k_str}: dict({v_str}" + else: + attr_str = f"{str(k)}=dict({v_str}" + attr_str = _indent(attr_str, indent) + ")" + end + elif isinstance(v, list): + attr_str = _format_list(k, v, use_mapping) + end + else: + attr_str = _format_basic_types(k, v, use_mapping) + end + + s.append(attr_str) + r += "\n".join(s) + if use_mapping: + r += "}" + return r + + cfg_dict = self._cfg_dict.to_dict() + text = _format_dict(cfg_dict, outest_level=True) + # copied from setup.cfg + yapf_style = dict( + based_on_style="pep8", + blank_line_before_nested_class_or_def=True, + split_before_expression_after_opening_paren=True, + ) + text, _ = FormatCode(text, style_config=yapf_style, verify=True) + + return text + + def __repr__(self): + return f"Config (path: {self.filename}): {self._cfg_dict.__repr__()}" + + def __len__(self): + return len(self._cfg_dict) + + def __getattr__(self, name): + return getattr(self._cfg_dict, name) + + def __getitem__(self, name): + return self._cfg_dict.__getitem__(name) + + def __setattr__(self, name, value): + if isinstance(value, dict): + value = ConfigDict(value) + self._cfg_dict.__setattr__(name, value) + + def __setitem__(self, name, value): + if isinstance(value, dict): + value = ConfigDict(value) + self._cfg_dict.__setitem__(name, value) + + def __iter__(self): + return iter(self._cfg_dict) + + def __getstate__(self): + return (self._cfg_dict, self._filename, self._text) + + def __setstate__(self, state): + _cfg_dict, _filename, _text = state + super(Config, self).__setattr__("_cfg_dict", _cfg_dict) + super(Config, self).__setattr__("_filename", _filename) + super(Config, self).__setattr__("_text", _text) + + def dump(self, file=None): + cfg_dict = super(Config, self).__getattribute__("_cfg_dict").to_dict() + if self.filename.endswith(".py"): + if file is None: + return self.pretty_text + else: + with open(file, "w", encoding="utf-8") as f: + f.write(self.pretty_text) + else: + import mmcv + + if file is None: + file_format = self.filename.split(".")[-1] + return mmcv.dump(cfg_dict, file_format=file_format) + else: + mmcv.dump(cfg_dict, file) + + def merge_from_dict(self, options, allow_list_keys=True): + """Merge list into cfg_dict. + + Merge the dict parsed by MultipleKVAction into this cfg. + + Examples: + >>> options = {'models.backbone.depth': 50, + ... 'models.backbone.with_cp':True} + >>> cfg = Config(dict(models=dict(backbone=dict(type='ResNet')))) + >>> cfg.merge_from_dict(options) + >>> cfg_dict = super(Config, self).__getattribute__('_cfg_dict') + >>> assert cfg_dict == dict( + ... models=dict(backbone=dict(depth=50, with_cp=True))) + + # Merge list element + >>> cfg = Config(dict(pipeline=[ + ... dict(type='LoadImage'), dict(type='LoadAnnotations')])) + >>> options = dict(pipeline={'0': dict(type='SelfLoadImage')}) + >>> cfg.merge_from_dict(options, allow_list_keys=True) + >>> cfg_dict = super(Config, self).__getattribute__('_cfg_dict') + >>> assert cfg_dict == dict(pipeline=[ + ... dict(type='SelfLoadImage'), dict(type='LoadAnnotations')]) + + Args: + options (dict): dict of configs to merge from. + allow_list_keys (bool): If True, int string keys (e.g. '0', '1') + are allowed in ``options`` and will replace the element of the + corresponding index in the config if the config is a list. + Default: True. + """ + option_cfg_dict = {} + for full_key, v in options.items(): + d = option_cfg_dict + key_list = full_key.split(".") + for subkey in key_list[:-1]: + d.setdefault(subkey, ConfigDict()) + d = d[subkey] + subkey = key_list[-1] + d[subkey] = v + + cfg_dict = super(Config, self).__getattribute__("_cfg_dict") + super(Config, self).__setattr__( + "_cfg_dict", + Config._merge_a_into_b( + option_cfg_dict, cfg_dict, allow_list_keys=allow_list_keys + ), + ) + + +class DictAction(Action): + """ + argparse action to split an argument into KEY=VALUE form + on the first = and append to a dictionary. List options can + be passed as comma separated values, i.e 'KEY=V1,V2,V3', or with explicit + brackets, i.e. 'KEY=[V1,V2,V3]'. It also support nested brackets to build + list/tuple values. e.g. 'KEY=[(V1,V2),(V3,V4)]' + """ + + @staticmethod + def _parse_int_float_bool(val): + try: + return int(val) + except ValueError: + pass + try: + return float(val) + except ValueError: + pass + if val.lower() in ["true", "false"]: + return True if val.lower() == "true" else False + return val + + @staticmethod + def _parse_iterable(val): + """Parse iterable values in the string. + + All elements inside '()' or '[]' are treated as iterable values. + + Args: + val (str): Value string. + + Returns: + list | tuple: The expanded list or tuple from the string. + + Examples: + >>> DictAction._parse_iterable('1,2,3') + [1, 2, 3] + >>> DictAction._parse_iterable('[a, b, c]') + ['a', 'b', 'c'] + >>> DictAction._parse_iterable('[(1, 2, 3), [a, b], c]') + [(1, 2, 3), ['a', 'b'], 'c'] + """ + + def find_next_comma(string): + """Find the position of next comma in the string. + + If no ',' is found in the string, return the string length. All + chars inside '()' and '[]' are treated as one element and thus ',' + inside these brackets are ignored. + """ + assert (string.count("(") == string.count(")")) and ( + string.count("[") == string.count("]") + ), f"Imbalanced brackets exist in {string}" + end = len(string) + for idx, char in enumerate(string): + pre = string[:idx] + # The string before this ',' is balanced + if ( + (char == ",") + and (pre.count("(") == pre.count(")")) + and (pre.count("[") == pre.count("]")) + ): + end = idx + break + return end + + # Strip ' and " characters and replace whitespace. + val = val.strip("'\"").replace(" ", "") + is_tuple = False + if val.startswith("(") and val.endswith(")"): + is_tuple = True + val = val[1:-1] + elif val.startswith("[") and val.endswith("]"): + val = val[1:-1] + elif "," not in val: + # val is a single value + return DictAction._parse_int_float_bool(val) + + values = [] + while len(val) > 0: + comma_idx = find_next_comma(val) + element = DictAction._parse_iterable(val[:comma_idx]) + values.append(element) + val = val[comma_idx + 1 :] + if is_tuple: + values = tuple(values) + return values + + def __call__(self, parser, namespace, values, option_string=None): + options = {} + for kv in values: + key, val = kv.split("=", maxsplit=1) + options[key] = self._parse_iterable(val) + setattr(namespace, self.dest, options) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/env.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/env.py new file mode 100644 index 0000000000000000000000000000000000000000..653f007dde5c4a7564e732da88dd47e7d37adf97 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/env.py @@ -0,0 +1,36 @@ +""" +Environment Utils + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import random +import numpy as np +import torch +import torch.backends.cudnn as cudnn + +from datetime import datetime + + +def get_random_seed(): + seed = ( + os.getpid() + + int(datetime.now().strftime("%S%f")) + + int.from_bytes(os.urandom(2), "big") + ) + return seed + + +def set_seed(seed=None): + if seed is None: + seed = get_random_seed() + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + cudnn.benchmark = False + cudnn.deterministic = True + os.environ["PYTHONHASHSEED"] = str(seed) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/events.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/events.py new file mode 100644 index 0000000000000000000000000000000000000000..831638a2111f425113925cca5cd2d2bbb91c1c52 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/events.py @@ -0,0 +1,593 @@ +""" +Events Utils + +Modified from Detectron2 + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import datetime +import json +import logging +import os +import time +import torch +import numpy as np + +from typing import List, Optional, Tuple +from collections import defaultdict +from contextlib import contextmanager + +__all__ = [ + "get_event_storage", + "JSONWriter", + "TensorboardXWriter", + "CommonMetricPrinter", + "EventStorage", +] + +_CURRENT_STORAGE_STACK = [] + + +def get_event_storage(): + """ + Returns: + The :class:`EventStorage` object that's currently being used. + Throws an error if no :class:`EventStorage` is currently enabled. + """ + assert len( + _CURRENT_STORAGE_STACK + ), "get_event_storage() has to be called inside a 'with EventStorage(...)' context!" + return _CURRENT_STORAGE_STACK[-1] + + +class EventWriter: + """ + Base class for writers that obtain events from :class:`EventStorage` and process them. + """ + + def write(self): + raise NotImplementedError + + def close(self): + pass + + +class JSONWriter(EventWriter): + """ + Write scalars to a json file. + It saves scalars as one json per line (instead of a big json) for easy parsing. + Examples parsing such a json file: + :: + $ cat metrics.json | jq -s '.[0:2]' + [ + { + "data_time": 0.008433341979980469, + "iteration": 19, + "loss": 1.9228371381759644, + "loss_box_reg": 0.050025828182697296, + "loss_classifier": 0.5316952466964722, + "loss_mask": 0.7236229181289673, + "loss_rpn_box": 0.0856662318110466, + "loss_rpn_cls": 0.48198649287223816, + "lr": 0.007173333333333333, + "time": 0.25401854515075684 + }, + { + "data_time": 0.007216215133666992, + "iteration": 39, + "loss": 1.282649278640747, + "loss_box_reg": 0.06222952902317047, + "loss_classifier": 0.30682939291000366, + "loss_mask": 0.6970193982124329, + "loss_rpn_box": 0.038663312792778015, + "loss_rpn_cls": 0.1471673548221588, + "lr": 0.007706666666666667, + "time": 0.2490077018737793 + } + ] + $ cat metrics.json | jq '.loss_mask' + 0.7126231789588928 + 0.689423680305481 + 0.6776131987571716 + ... + """ + + def __init__(self, json_file, window_size=20): + """ + Args: + json_file (str): path to the json file. New data will be appended if the file exists. + window_size (int): the window size of median smoothing for the scalars whose + `smoothing_hint` are True. + """ + self._file_handle = open(json_file, "a") + self._window_size = window_size + self._last_write = -1 + + def write(self): + storage = get_event_storage() + to_save = defaultdict(dict) + + for k, (v, iter) in storage.latest_with_smoothing_hint( + self._window_size + ).items(): + # keep scalars that have not been written + if iter <= self._last_write: + continue + to_save[iter][k] = v + if len(to_save): + all_iters = sorted(to_save.keys()) + self._last_write = max(all_iters) + + for itr, scalars_per_iter in to_save.items(): + scalars_per_iter["iteration"] = itr + self._file_handle.write(json.dumps(scalars_per_iter, sort_keys=True) + "\n") + self._file_handle.flush() + try: + os.fsync(self._file_handle.fileno()) + except AttributeError: + pass + + def close(self): + self._file_handle.close() + + +class TensorboardXWriter(EventWriter): + """ + Write all scalars to a tensorboard file. + """ + + def __init__(self, log_dir: str, window_size: int = 20, **kwargs): + """ + Args: + log_dir (str): the directory to save the output events + window_size (int): the scalars will be median-smoothed by this window size + kwargs: other arguments passed to `torch.utils.tensorboard.SummaryWriter(...)` + """ + self._window_size = window_size + from torch.utils.tensorboard import SummaryWriter + + self._writer = SummaryWriter(log_dir, **kwargs) + self._last_write = -1 + + def write(self): + storage = get_event_storage() + new_last_write = self._last_write + for k, (v, iter) in storage.latest_with_smoothing_hint( + self._window_size + ).items(): + if iter > self._last_write: + self._writer.add_scalar(k, v, iter) + new_last_write = max(new_last_write, iter) + self._last_write = new_last_write + + # storage.put_{image,histogram} is only meant to be used by + # tensorboard writer. So we access its internal fields directly from here. + if len(storage._vis_data) >= 1: + for img_name, img, step_num in storage._vis_data: + self._writer.add_image(img_name, img, step_num) + # Storage stores all image data and rely on this writer to clear them. + # As a result it assumes only one writer will use its image data. + # An alternative design is to let storage store limited recent + # data (e.g. only the most recent image) that all writers can access. + # In that case a writer may not see all image data if its period is long. + storage.clear_images() + + if len(storage._histograms) >= 1: + for params in storage._histograms: + self._writer.add_histogram_raw(**params) + storage.clear_histograms() + + def close(self): + if hasattr(self, "_writer"): # doesn't exist when the code fails at import + self._writer.close() + + +class CommonMetricPrinter(EventWriter): + """ + Print **common** metrics to the terminal, including + iteration time, ETA, memory, all losses, and the learning rate. + It also applies smoothing using a window of 20 elements. + It's meant to print common metrics in common ways. + To print something in more customized ways, please implement a similar printer by yourself. + """ + + def __init__(self, max_iter: Optional[int] = None, window_size: int = 20): + """ + Args: + max_iter: the maximum number of iterations to train. + Used to compute ETA. If not given, ETA will not be printed. + window_size (int): the losses will be median-smoothed by this window size + """ + self.logger = logging.getLogger(__name__) + self._max_iter = max_iter + self._window_size = window_size + self._last_write = ( + None # (step, time) of last call to write(). Used to compute ETA + ) + + def _get_eta(self, storage) -> Optional[str]: + if self._max_iter is None: + return "" + iteration = storage.iter + try: + eta_seconds = storage.history("time").median(1000) * ( + self._max_iter - iteration - 1 + ) + storage.put_scalar("eta_seconds", eta_seconds, smoothing_hint=False) + return str(datetime.timedelta(seconds=int(eta_seconds))) + except KeyError: + # estimate eta on our own - more noisy + eta_string = None + if self._last_write is not None: + estimate_iter_time = (time.perf_counter() - self._last_write[1]) / ( + iteration - self._last_write[0] + ) + eta_seconds = estimate_iter_time * (self._max_iter - iteration - 1) + eta_string = str(datetime.timedelta(seconds=int(eta_seconds))) + self._last_write = (iteration, time.perf_counter()) + return eta_string + + def write(self): + storage = get_event_storage() + iteration = storage.iter + if iteration == self._max_iter: + # This hook only reports training progress (loss, ETA, etc) but not other data, + # therefore do not write anything after training succeeds, even if this method + # is called. + return + + try: + data_time = storage.history("data_time").avg(20) + except KeyError: + # they may not exist in the first few iterations (due to warmup) + # or when SimpleTrainer is not used + data_time = None + try: + iter_time = storage.history("time").global_avg() + except KeyError: + iter_time = None + try: + lr = "{:.5g}".format(storage.history("lr").latest()) + except KeyError: + lr = "N/A" + + eta_string = self._get_eta(storage) + + if torch.cuda.is_available(): + max_mem_mb = torch.cuda.max_memory_allocated() / 1024.0 / 1024.0 + else: + max_mem_mb = None + + # NOTE: max_mem is parsed by grep in "dev/parse_results.sh" + self.logger.info( + " {eta}iter: {iter} {losses} {time}{data_time}lr: {lr} {memory}".format( + eta=f"eta: {eta_string} " if eta_string else "", + iter=iteration, + losses=" ".join( + [ + "{}: {:.4g}".format(k, v.median(self._window_size)) + for k, v in storage.histories().items() + if "loss" in k + ] + ), + time=( + "time: {:.4f} ".format(iter_time) if iter_time is not None else "" + ), + data_time=( + "data_time: {:.4f} ".format(data_time) + if data_time is not None + else "" + ), + lr=lr, + memory=( + "max_mem: {:.0f}M".format(max_mem_mb) + if max_mem_mb is not None + else "" + ), + ) + ) + + +class EventStorage: + """ + The user-facing class that provides metric storage functionalities. + In the future we may add support for storing / logging other types of data if needed. + """ + + def __init__(self, start_iter=0): + """ + Args: + start_iter (int): the iteration number to start with + """ + self._history = defaultdict(AverageMeter) + self._smoothing_hints = {} + self._latest_scalars = {} + self._iter = start_iter + self._current_prefix = "" + self._vis_data = [] + self._histograms = [] + + # def put_image(self, img_name, img_tensor): + # """ + # Add an `img_tensor` associated with `img_name`, to be shown on + # tensorboard. + # Args: + # img_name (str): The name of the image to put into tensorboard. + # img_tensor (torch.Tensor or numpy.array): An `uint8` or `float` + # Tensor of shape `[channel, height, width]` where `channel` is + # 3. The image format should be RGB. The elements in img_tensor + # can either have values in [0, 1] (float32) or [0, 255] (uint8). + # The `img_tensor` will be visualized in tensorboard. + # """ + # self._vis_data.append((img_name, img_tensor, self._iter)) + + def put_scalar(self, name, value, n=1, smoothing_hint=False): + """ + Add a scalar `value` to the `HistoryBuffer` associated with `name`. + Args: + smoothing_hint (bool): a 'hint' on whether this scalar is noisy and should be + smoothed when logged. The hint will be accessible through + :meth:`EventStorage.smoothing_hints`. A writer may ignore the hint + and apply custom smoothing rule. + It defaults to True because most scalars we save need to be smoothed to + provide any useful signal. + """ + name = self._current_prefix + name + history = self._history[name] + history.update(value, n) + self._latest_scalars[name] = (value, self._iter) + + existing_hint = self._smoothing_hints.get(name) + if existing_hint is not None: + assert ( + existing_hint == smoothing_hint + ), "Scalar {} was put with a different smoothing_hint!".format(name) + else: + self._smoothing_hints[name] = smoothing_hint + + # def put_scalars(self, *, smoothing_hint=True, **kwargs): + # """ + # Put multiple scalars from keyword arguments. + # Examples: + # storage.put_scalars(loss=my_loss, accuracy=my_accuracy, smoothing_hint=True) + # """ + # for k, v in kwargs.items(): + # self.put_scalar(k, v, smoothing_hint=smoothing_hint) + # + # def put_histogram(self, hist_name, hist_tensor, bins=1000): + # """ + # Create a histogram from a tensor. + # Args: + # hist_name (str): The name of the histogram to put into tensorboard. + # hist_tensor (torch.Tensor): A Tensor of arbitrary shape to be converted + # into a histogram. + # bins (int): Number of histogram bins. + # """ + # ht_min, ht_max = hist_tensor.min().item(), hist_tensor.max().item() + # + # # Create a histogram with PyTorch + # hist_counts = torch.histc(hist_tensor, bins=bins) + # hist_edges = torch.linspace(start=ht_min, end=ht_max, steps=bins + 1, dtype=torch.float32) + # + # # Parameter for the add_histogram_raw function of SummaryWriter + # hist_params = dict( + # tag=hist_name, + # min=ht_min, + # max=ht_max, + # num=len(hist_tensor), + # sum=float(hist_tensor.sum()), + # sum_squares=float(torch.sum(hist_tensor**2)), + # bucket_limits=hist_edges[1:].tolist(), + # bucket_counts=hist_counts.tolist(), + # global_step=self._iter, + # ) + # self._histograms.append(hist_params) + + def history(self, name): + """ + Returns: + AverageMeter: the history for name + """ + ret = self._history.get(name, None) + if ret is None: + raise KeyError("No history metric available for {}!".format(name)) + return ret + + def histories(self): + """ + Returns: + dict[name -> HistoryBuffer]: the HistoryBuffer for all scalars + """ + return self._history + + def latest(self): + """ + Returns: + dict[str -> (float, int)]: mapping from the name of each scalar to the most + recent value and the iteration number its added. + """ + return self._latest_scalars + + def latest_with_smoothing_hint(self, window_size=20): + """ + Similar to :meth:`latest`, but the returned values + are either the un-smoothed original latest value, + or a median of the given window_size, + depend on whether the smoothing_hint is True. + This provides a default behavior that other writers can use. + """ + result = {} + for k, (v, itr) in self._latest_scalars.items(): + result[k] = ( + self._history[k].median(window_size) if self._smoothing_hints[k] else v, + itr, + ) + return result + + def smoothing_hints(self): + """ + Returns: + dict[name -> bool]: the user-provided hint on whether the scalar + is noisy and needs smoothing. + """ + return self._smoothing_hints + + def step(self): + """ + User should either: (1) Call this function to increment storage.iter when needed. Or + (2) Set `storage.iter` to the correct iteration number before each iteration. + The storage will then be able to associate the new data with an iteration number. + """ + self._iter += 1 + + @property + def iter(self): + """ + Returns: + int: The current iteration number. When used together with a trainer, + this is ensured to be the same as trainer.iter. + """ + return self._iter + + @iter.setter + def iter(self, val): + self._iter = int(val) + + @property + def iteration(self): + # for backward compatibility + return self._iter + + def __enter__(self): + _CURRENT_STORAGE_STACK.append(self) + return self + + def __exit__(self, exc_type, exc_val, exc_tb): + assert _CURRENT_STORAGE_STACK[-1] == self + _CURRENT_STORAGE_STACK.pop() + + @contextmanager + def name_scope(self, name): + """ + Yields: + A context within which all the events added to this storage + will be prefixed by the name scope. + """ + old_prefix = self._current_prefix + self._current_prefix = name.rstrip("/") + "/" + yield + self._current_prefix = old_prefix + + def clear_images(self): + """ + Delete all the stored images for visualization. This should be called + after images are written to tensorboard. + """ + self._vis_data = [] + + def clear_histograms(self): + """ + Delete all the stored histograms for visualization. + This should be called after histograms are written to tensorboard. + """ + self._histograms = [] + + def reset_history(self, name): + ret = self._history.get(name, None) + if ret is None: + raise KeyError("No history metric available for {}!".format(name)) + ret.reset() + + def reset_histories(self): + for name in self._history.keys(): + self._history[name].reset() + + +class AverageMeter: + """Computes and stores the average and current value""" + + def __init__(self): + self.val = 0 + self.avg = 0 + self.total = 0 + self.count = 0 + + def reset(self): + self.val = 0 + self.avg = 0 + self.total = 0 + self.count = 0 + + def update(self, val, n=1): + self.val = val + self.total += val * n + self.count += n + self.avg = self.total / self.count + + +class HistoryBuffer: + """ + Track a series of scalar values and provide access to smoothed values over a + window or the global average of the series. + """ + + def __init__(self, max_length: int = 1000000) -> None: + """ + Args: + max_length: maximal number of values that can be stored in the + buffer. When the capacity of the buffer is exhausted, old + values will be removed. + """ + self._max_length: int = max_length + self._data: List[Tuple[float, float]] = [] # (value, iteration) pairs + self._count: int = 0 + self._global_avg: float = 0 + + def update(self, value: float, iteration: Optional[float] = None) -> None: + """ + Add a new scalar value produced at certain iteration. If the length + of the buffer exceeds self._max_length, the oldest element will be + removed from the buffer. + """ + if iteration is None: + iteration = self._count + if len(self._data) == self._max_length: + self._data.pop(0) + self._data.append((value, iteration)) + + self._count += 1 + self._global_avg += (value - self._global_avg) / self._count + + def latest(self) -> float: + """ + Return the latest scalar value added to the buffer. + """ + return self._data[-1][0] + + def median(self, window_size: int) -> float: + """ + Return the median of the latest `window_size` values in the buffer. + """ + return np.median([x[0] for x in self._data[-window_size:]]) + + def avg(self, window_size: int) -> float: + """ + Return the mean of the latest `window_size` values in the buffer. + """ + return np.mean([x[0] for x in self._data[-window_size:]]) + + def global_avg(self) -> float: + """ + Return the mean of all the elements in the buffer. Note that this + includes those getting removed due to limited buffer storage. + """ + return self._global_avg + + def values(self) -> List[Tuple[float, float]]: + """ + Returns: + list[(number, iteration)]: content of the current buffer. + """ + return self._data diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/logger.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/logger.py new file mode 100644 index 0000000000000000000000000000000000000000..ddaf2c5a765c9f1325737c3cbc73e1169f13cdd4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/logger.py @@ -0,0 +1,172 @@ +""" +Logger Utils + +Modified from mmcv + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import logging +import torch +import torch.distributed as dist + +from termcolor import colored + +logger_initialized = {} +root_status = 0 + + +class _ColorfulFormatter(logging.Formatter): + def __init__(self, *args, **kwargs): + self._root_name = kwargs.pop("root_name") + "." + super(_ColorfulFormatter, self).__init__(*args, **kwargs) + + def formatMessage(self, record): + log = super(_ColorfulFormatter, self).formatMessage(record) + if record.levelno == logging.WARNING: + prefix = colored("WARNING", "red", attrs=["blink"]) + elif record.levelno == logging.ERROR or record.levelno == logging.CRITICAL: + prefix = colored("ERROR", "red", attrs=["blink", "underline"]) + else: + return log + return prefix + " " + log + + +def get_logger(name, log_file=None, log_level=logging.INFO, file_mode="a", color=False): + """Initialize and get a logger by name. + + If the logger has not been initialized, this method will initialize the + logger by adding one or two handlers, otherwise the initialized logger will + be directly returned. During initialization, a StreamHandler will always be + added. If `log_file` is specified and the process rank is 0, a FileHandler + will also be added. + + Args: + name (str): Logger name. + log_file (str | None): The log filename. If specified, a FileHandler + will be added to the logger. + log_level (int): The logger level. Note that only the process of + rank 0 is affected, and other processes will set the level to + "Error" thus be silent most of the time. + file_mode (str): The file mode used in opening log file. + Defaults to 'a'. + color (bool): Colorful log output. Defaults to True + + Returns: + logging.Logger: The expected logger. + """ + logger = logging.getLogger(name) + + if name in logger_initialized: + return logger + # handle hierarchical names + # e.g., logger "a" is initialized, then logger "a.b" will skip the + # initialization since it is a child of "a". + for logger_name in logger_initialized: + if name.startswith(logger_name): + return logger + + logger.propagate = False + + stream_handler = logging.StreamHandler() + handlers = [stream_handler] + + if dist.is_available() and dist.is_initialized(): + rank = dist.get_rank() + else: + rank = 0 + + # only rank 0 will add a FileHandler + if rank == 0 and log_file is not None: + # Here, the default behaviour of the official logger is 'a'. Thus, we + # provide an interface to change the file mode to the default + # behaviour. + file_handler = logging.FileHandler(log_file, file_mode) + handlers.append(file_handler) + + plain_formatter = logging.Formatter( + "[%(asctime)s %(levelname)s %(filename)s line %(lineno)d %(process)d] %(message)s" + ) + if color: + formatter = _ColorfulFormatter( + colored("[%(asctime)s %(name)s]: ", "green") + "%(message)s", + datefmt="%m/%d %H:%M:%S", + root_name=name, + ) + else: + formatter = plain_formatter + for handler in handlers: + handler.setFormatter(formatter) + handler.setLevel(log_level) + logger.addHandler(handler) + + if rank == 0: + logger.setLevel(log_level) + else: + logger.setLevel(logging.ERROR) + + logger_initialized[name] = True + + return logger + + +def print_log(msg, logger=None, level=logging.INFO): + """Print a log message. + + Args: + msg (str): The message to be logged. + logger (logging.Logger | str | None): The logger to be used. + Some special loggers are: + - "silent": no message will be printed. + - other str: the logger obtained with `get_root_logger(logger)`. + - None: The `print()` method will be used to print log messages. + level (int): Logging level. Only available when `logger` is a Logger + object or "root". + """ + if logger is None: + print(msg) + elif isinstance(logger, logging.Logger): + logger.log(level, msg) + elif logger == "silent": + pass + elif isinstance(logger, str): + _logger = get_logger(logger) + _logger.log(level, msg) + else: + raise TypeError( + "logger should be either a logging.Logger object, str, " + f'"silent" or None, but got {type(logger)}' + ) + + +def get_root_logger(log_file=None, log_level=logging.INFO, file_mode="a"): + """Get the root logger. + + The logger will be initialized if it has not been initialized. By default a + StreamHandler will be added. If `log_file` is specified, a FileHandler will + also be added. The name of the root logger is the top-level package name. + + Args: + log_file (str | None): The log filename. If specified, a FileHandler + will be added to the root logger. + log_level (int): The root logger level. Note that only the process of + rank 0 is affected, while other processes will set the level to + "Error" and be silent most of the time. + file_mode (str): File Mode of logger. (w or a) + + Returns: + logging.Logger: The root logger. + """ + logger = get_logger( + name="pointcept", log_file=log_file, log_level=log_level, file_mode=file_mode + ) + return logger + + +def _log_api_usage(identifier: str): + """ + Internal function used to log the usage of different detectron2 components + inside facebook's infra. + """ + torch._C._log_api_usage_once("pointcept." + identifier) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/misc.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..3177bae3882ccad347002165d2b34d5dc2540359 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/misc.py @@ -0,0 +1,164 @@ +""" +Misc + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import warnings +from collections import abc +import numpy as np +import torch +from importlib import import_module + + +class AverageMeter(object): + """Computes and stores the average and current value""" + + def __init__(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + + def reset(self): + self.val = 0 + self.avg = 0 + self.sum = 0 + self.count = 0 + + def update(self, val, n=1): + self.val = val + self.sum += val * n + self.count += n + self.avg = self.sum / self.count + + +def intersection_and_union(output, target, K, ignore_index=-1): + # 'K' classes, output and target sizes are N or N * L or N * H * W, each value in range 0 to K - 1. + assert output.ndim in [1, 2, 3] + assert output.shape == target.shape + output = output.reshape(output.size).copy() + target = target.reshape(target.size) + output[np.where(target == ignore_index)[0]] = ignore_index + intersection = output[np.where(output == target)[0]] + area_intersection, _ = np.histogram(intersection, bins=np.arange(K + 1)) + area_output, _ = np.histogram(output, bins=np.arange(K + 1)) + area_target, _ = np.histogram(target, bins=np.arange(K + 1)) + area_union = area_output + area_target - area_intersection + return area_intersection, area_union, area_target + + +def intersection_and_union_gpu(output, target, k, ignore_index=-1): + # 'K' classes, output and target sizes are N or N * L or N * H * W, each value in range 0 to K - 1. + assert output.dim() in [1, 2, 3] + assert output.shape == target.shape + output = output.view(-1) + target = target.view(-1) + output[target == ignore_index] = ignore_index + intersection = output[output == target] + area_intersection = torch.histc(intersection, bins=k, min=0, max=k - 1) + area_output = torch.histc(output, bins=k, min=0, max=k - 1) + area_target = torch.histc(target, bins=k, min=0, max=k - 1) + area_union = area_output + area_target - area_intersection + return area_intersection, area_union, area_target + + +def make_dirs(dir_name): + if not os.path.exists(dir_name): + os.makedirs(dir_name, exist_ok=True) + + +def find_free_port(): + import socket + + sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) + # Binding to port 0 will cause the OS to find an available port for us + sock.bind(("", 0)) + port = sock.getsockname()[1] + sock.close() + # NOTE: there is still a chance the port could be taken by other processes. + return port + + +def is_seq_of(seq, expected_type, seq_type=None): + """Check whether it is a sequence of some type. + + Args: + seq (Sequence): The sequence to be checked. + expected_type (type): Expected type of sequence items. + seq_type (type, optional): Expected sequence type. + + Returns: + bool: Whether the sequence is valid. + """ + if seq_type is None: + exp_seq_type = abc.Sequence + else: + assert isinstance(seq_type, type) + exp_seq_type = seq_type + if not isinstance(seq, exp_seq_type): + return False + for item in seq: + if not isinstance(item, expected_type): + return False + return True + + +def is_str(x): + """Whether the input is an string instance. + + Note: This method is deprecated since python 2 is no longer supported. + """ + return isinstance(x, str) + + +def import_modules_from_strings(imports, allow_failed_imports=False): + """Import modules from the given list of strings. + + Args: + imports (list | str | None): The given module names to be imported. + allow_failed_imports (bool): If True, the failed imports will return + None. Otherwise, an ImportError is raise. Default: False. + + Returns: + list[module] | module | None: The imported modules. + + Examples: + >>> osp, sys = import_modules_from_strings( + ... ['os.path', 'sys']) + >>> import os.path as osp_ + >>> import sys as sys_ + >>> assert osp == osp_ + >>> assert sys == sys_ + """ + if not imports: + return + single_import = False + if isinstance(imports, str): + single_import = True + imports = [imports] + if not isinstance(imports, list): + raise TypeError(f"custom_imports must be a list but got type {type(imports)}") + imported = [] + for imp in imports: + if not isinstance(imp, str): + raise TypeError(f"{imp} is of type {type(imp)} and cannot be imported.") + try: + imported_tmp = import_module(imp) + except ImportError: + if allow_failed_imports: + warnings.warn(f"{imp} failed to import and is ignored.", UserWarning) + imported_tmp = None + else: + raise ImportError + imported.append(imported_tmp) + if single_import: + imported = imported[0] + return imported + + +class DummyClass: + def __init__(self): + pass diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/optimizer.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/optimizer.py new file mode 100644 index 0000000000000000000000000000000000000000..355ec8916ad041ca02b404029983b0f59933fb8c --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/optimizer.py @@ -0,0 +1,55 @@ +""" +Optimizer + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch +from pointcept.utils.logger import get_root_logger +from pointcept.utils.registry import Registry + +OPTIMIZERS = Registry("optimizers") + + +OPTIMIZERS.register_module(module=torch.optim.SGD, name="SGD") +OPTIMIZERS.register_module(module=torch.optim.Adam, name="Adam") +OPTIMIZERS.register_module(module=torch.optim.AdamW, name="AdamW") + + +def build_optimizer(cfg, model, param_dicts=None): + if param_dicts is None: + cfg.params = model.parameters() + else: + cfg.params = [dict(names=[], params=[], lr=cfg.lr)] + for i in range(len(param_dicts)): + param_group = dict(names=[], params=[]) + if "lr" in param_dicts[i].keys(): + param_group["lr"] = param_dicts[i].lr + if "momentum" in param_dicts[i].keys(): + param_group["momentum"] = param_dicts[i].momentum + if "weight_decay" in param_dicts[i].keys(): + param_group["weight_decay"] = param_dicts[i].weight_decay + cfg.params.append(param_group) + + for n, p in model.named_parameters(): + flag = False + for i in range(len(param_dicts)): + if param_dicts[i].keyword in n: + cfg.params[i + 1]["names"].append(n) + cfg.params[i + 1]["params"].append(p) + flag = True + break + if not flag: + cfg.params[0]["names"].append(n) + cfg.params[0]["params"].append(p) + + logger = get_root_logger() + for i in range(len(cfg.params)): + param_names = cfg.params[i].pop("names") + message = "" + for key in cfg.params[i].keys(): + if key != "params": + message += f" {key}: {cfg.params[i][key]};" + logger.info(f"Params Group {i+1} -{message} Params: {param_names}.") + return OPTIMIZERS.build(cfg=cfg) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/path.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/path.py new file mode 100644 index 0000000000000000000000000000000000000000..ce98fa5fd0dfbf6e1d61e833ecc35fea4ab2782b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/path.py @@ -0,0 +1,103 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import os +import os.path as osp +from pathlib import Path + +from .misc import is_str + + +def is_filepath(x): + return is_str(x) or isinstance(x, Path) + + +def fopen(filepath, *args, **kwargs): + if is_str(filepath): + return open(filepath, *args, **kwargs) + elif isinstance(filepath, Path): + return filepath.open(*args, **kwargs) + raise ValueError("`filepath` should be a string or a Path") + + +def check_file_exist(filename, msg_tmpl='file "{}" does not exist'): + if not osp.isfile(filename): + raise FileNotFoundError(msg_tmpl.format(filename)) + + +def mkdir_or_exist(dir_name, mode=0o777): + if dir_name == "": + return + dir_name = osp.expanduser(dir_name) + os.makedirs(dir_name, mode=mode, exist_ok=True) + + +def symlink(src, dst, overwrite=True, **kwargs): + if os.path.lexists(dst) and overwrite: + os.remove(dst) + os.symlink(src, dst, **kwargs) + + +def scandir(dir_path, suffix=None, recursive=False, case_sensitive=True): + """Scan a directory to find the interested files. + + Args: + dir_path (str | obj:`Path`): Path of the directory. + suffix (str | tuple(str), optional): File suffix that we are + interested in. Default: None. + recursive (bool, optional): If set to True, recursively scan the + directory. Default: False. + case_sensitive (bool, optional) : If set to False, ignore the case of + suffix. Default: True. + + Returns: + A generator for all the interested files with relative paths. + """ + if isinstance(dir_path, (str, Path)): + dir_path = str(dir_path) + else: + raise TypeError('"dir_path" must be a string or Path object') + + if (suffix is not None) and not isinstance(suffix, (str, tuple)): + raise TypeError('"suffix" must be a string or tuple of strings') + + if suffix is not None and not case_sensitive: + suffix = ( + suffix.lower() + if isinstance(suffix, str) + else tuple(item.lower() for item in suffix) + ) + + root = dir_path + + def _scandir(dir_path, suffix, recursive, case_sensitive): + for entry in os.scandir(dir_path): + if not entry.name.startswith(".") and entry.is_file(): + rel_path = osp.relpath(entry.path, root) + _rel_path = rel_path if case_sensitive else rel_path.lower() + if suffix is None or _rel_path.endswith(suffix): + yield rel_path + elif recursive and os.path.isdir(entry.path): + # scan recursively if entry.path is a directory + yield from _scandir(entry.path, suffix, recursive, case_sensitive) + + return _scandir(dir_path, suffix, recursive, case_sensitive) + + +def find_vcs_root(path, markers=(".git",)): + """Finds the root directory (including itself) of specified markers. + + Args: + path (str): Path of directory or file. + markers (list[str], optional): List of file or directory names. + + Returns: + The directory contained one of the markers or None if not found. + """ + if osp.isfile(path): + path = osp.dirname(path) + + prev, cur = None, osp.abspath(osp.expanduser(path)) + while cur != prev: + if any(osp.exists(osp.join(cur, marker)) for marker in markers): + return cur + prev, cur = cur, osp.split(cur)[0] + return None diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/registry.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/registry.py new file mode 100644 index 0000000000000000000000000000000000000000..7ac308a87d38ff61da14d6b4d5c73b4c68c15a58 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/registry.py @@ -0,0 +1,316 @@ +# Copyright (c) OpenMMLab. All rights reserved. +import inspect +import warnings +from functools import partial + +from .misc import is_seq_of + + +def build_from_cfg(cfg, registry, default_args=None): + """Build a module from configs dict. + + Args: + cfg (dict): Config dict. It should at least contain the key "type". + registry (:obj:`Registry`): The registry to search the type from. + default_args (dict, optional): Default initialization arguments. + + Returns: + object: The constructed object. + """ + if not isinstance(cfg, dict): + raise TypeError(f"cfg must be a dict, but got {type(cfg)}") + if "type" not in cfg: + if default_args is None or "type" not in default_args: + raise KeyError( + '`cfg` or `default_args` must contain the key "type", ' + f"but got {cfg}\n{default_args}" + ) + if not isinstance(registry, Registry): + raise TypeError( + "registry must be an mmcv.Registry object, " f"but got {type(registry)}" + ) + if not (isinstance(default_args, dict) or default_args is None): + raise TypeError( + "default_args must be a dict or None, " f"but got {type(default_args)}" + ) + + args = cfg.copy() + + if default_args is not None: + for name, value in default_args.items(): + args.setdefault(name, value) + + obj_type = args.pop("type") + if isinstance(obj_type, str): + obj_cls = registry.get(obj_type) + if obj_cls is None: + raise KeyError(f"{obj_type} is not in the {registry.name} registry") + elif inspect.isclass(obj_type): + obj_cls = obj_type + else: + raise TypeError(f"type must be a str or valid type, but got {type(obj_type)}") + try: + return obj_cls(**args) + except Exception as e: + # Normal TypeError does not print class name. + raise type(e)(f"{obj_cls.__name__}: {e}") + + +class Registry: + """A registry to map strings to classes. + + Registered object could be built from registry. + Example: + >>> MODELS = Registry('models') + >>> @MODELS.register_module() + >>> class ResNet: + >>> pass + >>> resnet = MODELS.build(dict(type='ResNet')) + + Please refer to + https://mmcv.readthedocs.io/en/latest/understand_mmcv/registry.html for + advanced usage. + + Args: + name (str): Registry name. + build_func(func, optional): Build function to construct instance from + Registry, func:`build_from_cfg` is used if neither ``parent`` or + ``build_func`` is specified. If ``parent`` is specified and + ``build_func`` is not given, ``build_func`` will be inherited + from ``parent``. Default: None. + parent (Registry, optional): Parent registry. The class registered in + children registry could be built from parent. Default: None. + scope (str, optional): The scope of registry. It is the key to search + for children registry. If not specified, scope will be the name of + the package where class is defined, e.g. mmdet, mmcls, mmseg. + Default: None. + """ + + def __init__(self, name, build_func=None, parent=None, scope=None): + self._name = name + self._module_dict = dict() + self._children = dict() + self._scope = self.infer_scope() if scope is None else scope + + # self.build_func will be set with the following priority: + # 1. build_func + # 2. parent.build_func + # 3. build_from_cfg + if build_func is None: + if parent is not None: + self.build_func = parent.build_func + else: + self.build_func = build_from_cfg + else: + self.build_func = build_func + if parent is not None: + assert isinstance(parent, Registry) + parent._add_children(self) + self.parent = parent + else: + self.parent = None + + def __len__(self): + return len(self._module_dict) + + def __contains__(self, key): + return self.get(key) is not None + + def __repr__(self): + format_str = ( + self.__class__.__name__ + f"(name={self._name}, " + f"items={self._module_dict})" + ) + return format_str + + @staticmethod + def infer_scope(): + """Infer the scope of registry. + + The name of the package where registry is defined will be returned. + + Example: + # in mmdet/models/backbone/resnet.py + >>> MODELS = Registry('models') + >>> @MODELS.register_module() + >>> class ResNet: + >>> pass + The scope of ``ResNet`` will be ``mmdet``. + + + Returns: + scope (str): The inferred scope name. + """ + # inspect.stack() trace where this function is called, the index-2 + # indicates the frame where `infer_scope()` is called + filename = inspect.getmodule(inspect.stack()[2][0]).__name__ + split_filename = filename.split(".") + return split_filename[0] + + @staticmethod + def split_scope_key(key): + """Split scope and key. + + The first scope will be split from key. + + Examples: + >>> Registry.split_scope_key('mmdet.ResNet') + 'mmdet', 'ResNet' + >>> Registry.split_scope_key('ResNet') + None, 'ResNet' + + Return: + scope (str, None): The first scope. + key (str): The remaining key. + """ + split_index = key.find(".") + if split_index != -1: + return key[:split_index], key[split_index + 1 :] + else: + return None, key + + @property + def name(self): + return self._name + + @property + def scope(self): + return self._scope + + @property + def module_dict(self): + return self._module_dict + + @property + def children(self): + return self._children + + def get(self, key): + """Get the registry record. + + Args: + key (str): The class name in string format. + + Returns: + class: The corresponding class. + """ + scope, real_key = self.split_scope_key(key) + if scope is None or scope == self._scope: + # get from self + if real_key in self._module_dict: + return self._module_dict[real_key] + else: + # get from self._children + if scope in self._children: + return self._children[scope].get(real_key) + else: + # goto root + parent = self.parent + while parent.parent is not None: + parent = parent.parent + return parent.get(key) + + def build(self, *args, **kwargs): + return self.build_func(*args, **kwargs, registry=self) + + def _add_children(self, registry): + """Add children for a registry. + + The ``registry`` will be added as children based on its scope. + The parent registry could build objects from children registry. + + Example: + >>> models = Registry('models') + >>> mmdet_models = Registry('models', parent=models) + >>> @mmdet_models.register_module() + >>> class ResNet: + >>> pass + >>> resnet = models.build(dict(type='mmdet.ResNet')) + """ + + assert isinstance(registry, Registry) + assert registry.scope is not None + assert ( + registry.scope not in self.children + ), f"scope {registry.scope} exists in {self.name} registry" + self.children[registry.scope] = registry + + def _register_module(self, module_class, module_name=None, force=False): + if not inspect.isclass(module_class): + raise TypeError("module must be a class, " f"but got {type(module_class)}") + + if module_name is None: + module_name = module_class.__name__ + if isinstance(module_name, str): + module_name = [module_name] + for name in module_name: + if not force and name in self._module_dict: + raise KeyError(f"{name} is already registered " f"in {self.name}") + self._module_dict[name] = module_class + + def deprecated_register_module(self, cls=None, force=False): + warnings.warn( + "The old API of register_module(module, force=False) " + "is deprecated and will be removed, please use the new API " + "register_module(name=None, force=False, module=None) instead." + ) + if cls is None: + return partial(self.deprecated_register_module, force=force) + self._register_module(cls, force=force) + return cls + + def register_module(self, name=None, force=False, module=None): + """Register a module. + + A record will be added to `self._module_dict`, whose key is the class + name or the specified name, and value is the class itself. + It can be used as a decorator or a normal function. + + Example: + >>> backbones = Registry('backbone') + >>> @backbones.register_module() + >>> class ResNet: + >>> pass + + >>> backbones = Registry('backbone') + >>> @backbones.register_module(name='mnet') + >>> class MobileNet: + >>> pass + + >>> backbones = Registry('backbone') + >>> class ResNet: + >>> pass + >>> backbones.register_module(ResNet) + + Args: + name (str | None): The module name to be registered. If not + specified, the class name will be used. + force (bool, optional): Whether to override an existing class with + the same name. Default: False. + module (type): Module class to be registered. + """ + if not isinstance(force, bool): + raise TypeError(f"force must be a boolean, but got {type(force)}") + # NOTE: This is a walkaround to be compatible with the old api, + # while it may introduce unexpected bugs. + if isinstance(name, type): + return self.deprecated_register_module(name, force=force) + + # raise the error ahead of time + if not (name is None or isinstance(name, str) or is_seq_of(name, str)): + raise TypeError( + "name must be either of None, an instance of str or a sequence" + f" of str, but got {type(name)}" + ) + + # use it as a normal method: x.register_module(module=SomeClass) + if module is not None: + self._register_module(module_class=module, module_name=name, force=force) + return module + + # use it as a decorator: @x.register_module() + def _register(cls): + self._register_module(module_class=cls, module_name=name, force=force) + return cls + + return _register diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/scheduler.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/scheduler.py new file mode 100644 index 0000000000000000000000000000000000000000..3e2e29fdde2e2668c023af36afdb89e73fb9ce53 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/scheduler.py @@ -0,0 +1,147 @@ +""" +Scheduler + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import torch.optim.lr_scheduler as lr_scheduler +from .registry import Registry + +SCHEDULERS = Registry("schedulers") + + +@SCHEDULERS.register_module() +class MultiStepLR(lr_scheduler.MultiStepLR): + def __init__( + self, + optimizer, + milestones, + total_steps, + gamma=0.1, + last_epoch=-1, + verbose=False, + ): + super().__init__( + optimizer=optimizer, + milestones=[rate * total_steps for rate in milestones], + gamma=gamma, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class MultiStepWithWarmupLR(lr_scheduler.LambdaLR): + def __init__( + self, + optimizer, + milestones, + total_steps, + gamma=0.1, + warmup_rate=0.05, + warmup_scale=1e-6, + last_epoch=-1, + verbose=False, + ): + milestones = [rate * total_steps for rate in milestones] + + def multi_step_with_warmup(s): + factor = 1.0 + for i in range(len(milestones)): + if s < milestones[i]: + break + factor *= gamma + + if s <= warmup_rate * total_steps: + warmup_coefficient = 1 - (1 - s / warmup_rate / total_steps) * ( + 1 - warmup_scale + ) + else: + warmup_coefficient = 1.0 + return warmup_coefficient * factor + + super().__init__( + optimizer=optimizer, + lr_lambda=multi_step_with_warmup, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class PolyLR(lr_scheduler.LambdaLR): + def __init__(self, optimizer, total_steps, power=0.9, last_epoch=-1, verbose=False): + super().__init__( + optimizer=optimizer, + lr_lambda=lambda s: (1 - s / (total_steps + 1)) ** power, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class ExpLR(lr_scheduler.LambdaLR): + def __init__(self, optimizer, total_steps, gamma=0.9, last_epoch=-1, verbose=False): + super().__init__( + optimizer=optimizer, + lr_lambda=lambda s: gamma ** (s / total_steps), + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class CosineAnnealingLR(lr_scheduler.CosineAnnealingLR): + def __init__(self, optimizer, total_steps, eta_min=0, last_epoch=-1, verbose=False): + super().__init__( + optimizer=optimizer, + T_max=total_steps, + eta_min=eta_min, + last_epoch=last_epoch, + verbose=verbose, + ) + + +@SCHEDULERS.register_module() +class OneCycleLR(lr_scheduler.OneCycleLR): + r""" + torch.optim.lr_scheduler.OneCycleLR, Block total_steps + """ + + def __init__( + self, + optimizer, + max_lr, + total_steps=None, + pct_start=0.3, + anneal_strategy="cos", + cycle_momentum=True, + base_momentum=0.85, + max_momentum=0.95, + div_factor=25.0, + final_div_factor=1e4, + three_phase=False, + last_epoch=-1, + verbose=False, + ): + super().__init__( + optimizer=optimizer, + max_lr=max_lr, + total_steps=total_steps, + pct_start=pct_start, + anneal_strategy=anneal_strategy, + cycle_momentum=cycle_momentum, + base_momentum=base_momentum, + max_momentum=max_momentum, + div_factor=div_factor, + final_div_factor=final_div_factor, + three_phase=three_phase, + last_epoch=last_epoch, + verbose=verbose, + ) + + +def build_scheduler(cfg, optimizer): + cfg.optimizer = optimizer + return SCHEDULERS.build(cfg=cfg) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/timer.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/timer.py new file mode 100644 index 0000000000000000000000000000000000000000..3de4a16e33c43fe61ea3088f82216fd62eb6e959 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/timer.py @@ -0,0 +1,70 @@ +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# -*- coding: utf-8 -*- + +from time import perf_counter +from typing import Optional + + +class Timer: + """ + A timer which computes the time elapsed since the start/reset of the timer. + """ + + def __init__(self) -> None: + self.reset() + + def reset(self) -> None: + """ + Reset the timer. + """ + self._start = perf_counter() + self._paused: Optional[float] = None + self._total_paused = 0 + self._count_start = 1 + + def pause(self) -> None: + """ + Pause the timer. + """ + if self._paused is not None: + raise ValueError("Trying to pause a Timer that is already paused!") + self._paused = perf_counter() + + def is_paused(self) -> bool: + """ + Returns: + bool: whether the timer is currently paused + """ + return self._paused is not None + + def resume(self) -> None: + """ + Resume the timer. + """ + if self._paused is None: + raise ValueError("Trying to resume a Timer that is not paused!") + # pyre-fixme[58]: `-` is not supported for operand types `float` and + # `Optional[float]`. + self._total_paused += perf_counter() - self._paused + self._paused = None + self._count_start += 1 + + def seconds(self) -> float: + """ + Returns: + (float): the total number of seconds since the start/reset of the + timer, excluding the time when the timer is paused. + """ + if self._paused is not None: + end_time: float = self._paused # type: ignore + else: + end_time = perf_counter() + return end_time - self._start - self._total_paused + + def avg_seconds(self) -> float: + """ + Returns: + (float): the average number of seconds between every start/reset and + pause. + """ + return self.seconds() / self._count_start diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/visualization.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/visualization.py new file mode 100644 index 0000000000000000000000000000000000000000..7a010dd8289f60119d1bfbccdff65edb908e24f6 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/pointcept/utils/visualization.py @@ -0,0 +1,89 @@ +""" +Visualization Utils + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import open3d as o3d +import numpy as np +import torch + + +def to_numpy(x): + if isinstance(x, torch.Tensor): + x = x.clone().detach().cpu().numpy() + assert isinstance(x, np.ndarray) + return x + + +def save_point_cloud(coord, color=None, file_path="pc.ply", logger=None): + os.makedirs(os.path.dirname(file_path), exist_ok=True) + coord = to_numpy(coord) + if color is not None: + color = to_numpy(color) + pcd = o3d.geometry.PointCloud() + pcd.points = o3d.utility.Vector3dVector(coord) + pcd.colors = o3d.utility.Vector3dVector( + np.ones_like(coord) if color is None else color + ) + o3d.io.write_point_cloud(file_path, pcd) + if logger is not None: + logger.info(f"Save Point Cloud to: {file_path}") + + +def save_bounding_boxes( + bboxes_corners, color=(1.0, 0.0, 0.0), file_path="bbox.ply", logger=None +): + bboxes_corners = to_numpy(bboxes_corners) + # point list + points = bboxes_corners.reshape(-1, 3) + # line list + box_lines = np.array( + [ + [0, 1], + [1, 2], + [2, 3], + [3, 0], + [4, 5], + [5, 6], + [6, 7], + [7, 0], + [0, 4], + [1, 5], + [2, 6], + [3, 7], + ] + ) + lines = [] + for i, _ in enumerate(bboxes_corners): + lines.append(box_lines + i * 8) + lines = np.concatenate(lines) + # color list + color = np.array([color for _ in range(len(lines))]) + # generate line set + line_set = o3d.geometry.LineSet() + line_set.points = o3d.utility.Vector3dVector(points) + line_set.lines = o3d.utility.Vector2iVector(lines) + line_set.colors = o3d.utility.Vector3dVector(color) + o3d.io.write_line_set(file_path, line_set) + + if logger is not None: + logger.info(f"Save Boxes to: {file_path}") + + +def save_lines( + points, lines, color=(1.0, 0.0, 0.0), file_path="lines.ply", logger=None +): + points = to_numpy(points) + lines = to_numpy(lines) + colors = np.array([color for _ in range(len(lines))]) + line_set = o3d.geometry.LineSet() + line_set.points = o3d.utility.Vector3dVector(points) + line_set.lines = o3d.utility.Vector2iVector(lines) + line_set.colors = o3d.utility.Vector3dVector(colors) + o3d.io.write_line_set(file_path, line_set) + + if logger is not None: + logger.info(f"Save Lines to: {file_path}") diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/build_image.sh b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/build_image.sh new file mode 100644 index 0000000000000000000000000000000000000000..31a6a7fc23e57b3b738450d5c42fed4cc45b9b65 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/build_image.sh @@ -0,0 +1,83 @@ +TORCH_VERSION=2.0.1 +CUDA_VERSION=11.7 +CUDNN_VERSION=8 + +ARGS=`getopt -o t:c: -l torch:,cuda:,cudnn: -n "$0" -- "$@"` +[ $? != 0 ] && exit 1 +eval set -- "${ARGS}" +while true ; do + case "$1" in + -t | --torch) + TORCH_VERSION=$2 + shift 2 + ;; + -c | --cuda) + CUDA_VERSION=$2 + shift 2 + ;; + --cudnn) + CUDNN_VERSION=$2 + shift 2 + ;; + --) + break + ;; + *) + echo "Invalid option: $1" + exit 1 + ;; + esac +done + +CUDA_VERSION_NO_DOT=`echo ${CUDA_VERSION} | tr -d "."` +BASE_TORCH_TAG=${TORCH_VERSION}-cuda${CUDA_VERSION}-cudnn${CUDNN_VERSION}-devel +IMG_TAG=pointcept/pointcept:pytorch${BASE_TORCH_TAG} + +echo "TORCH VERSION: ${TORCH_VERSION}" +echo "CUDA VERSION: ${CUDA_VERSION}" +echo "CUDNN VERSION: ${CUDNN_VERSION}" + + +cat > ./Dockerfile <<- EOM +FROM pytorch/pytorch:${BASE_TORCH_TAG} + +# Fix nvidia-key error issue (NO_PUBKEY A4B469963BF863CC) +RUN rm /etc/apt/sources.list.d/*.list + +# Installing apt packages +RUN export DEBIAN_FRONTEND=noninteractive \ + && apt -y update --no-install-recommends \ + && apt -y install --no-install-recommends \ + git wget tmux vim zsh build-essential cmake ninja-build libopenblas-dev libsparsehash-dev \ + && apt autoremove -y \ + && apt clean -y \ + && export DEBIAN_FRONTEND=dialog + +# Install Pointcept environment +RUN conda install h5py pyyaml -c anaconda -y +RUN conda install sharedarray tensorboard tensorboardx yapf addict einops scipy plyfile termcolor timm -c conda-forge -y +RUN conda install pytorch-cluster pytorch-scatter pytorch-sparse -c pyg -y + +RUN pip install --upgrade pip +RUN pip install torch-geometric +RUN pip install spconv-cu${CUDA_VERSION_NO_DOT} +RUN pip install open3d + +# Build MinkowskiEngine +RUN git clone https://github.com/NVIDIA/MinkowskiEngine.git +WORKDIR /workspace/MinkowskiEngine +RUN TORCH_CUDA_ARCH_LIST="5.2 6.0 6.1 7.0+PTX 8.0" python setup.py install --blas=openblas --force_cuda +WORKDIR /workspace + +# Build pointops +RUN git clone https://github.com/Pointcept/Pointcept.git +RUN TORCH_CUDA_ARCH_LIST="5.2 6.0 6.1 7.0+PTX 8.0" pip install Pointcept/libs/pointops -v + +# Build pointgroup_ops +RUN TORCH_CUDA_ARCH_LIST="5.2 6.0 6.1 7.0+PTX 8.0" pip install Pointcept/libs/pointgroup_ops -v + +# Build swin3d +RUN TORCH_CUDA_ARCH_LIST="6.0 6.1 7.0+PTX 8.0" pip install -U git+https://github.com/microsoft/Swin3D.git -v +EOM + +docker build . -f ./Dockerfile -t $IMG_TAG \ No newline at end of file diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/create_tars.sh b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/create_tars.sh new file mode 100644 index 0000000000000000000000000000000000000000..8bd990b2fc6d3448202a04db63c2adb707c2652b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/create_tars.sh @@ -0,0 +1,67 @@ +#!/bin/sh + +# Variables +SOURCE_DIR=$1 +DEST_DIR=$2 +MAX_SIZE=$(awk "BEGIN {printf \"%d\", $3 * 1024 * 1024}") # Convert GB to KB as an integer + +# Get the base name of the source directory to use as TAR_NAME +TAR_NAME=$(basename "$SOURCE_DIR") + +# Create destination directory if it doesn't exist +mkdir -p "$DEST_DIR" + +# Function to create a new tar file +create_tar() { + tar_number=$1 + file_list=$2 + tar_name=$(printf "%s/${TAR_NAME}_%0${width}d.tar.gz" "$DEST_DIR" "$tar_number") + tar -zcvf "$tar_name" -C "$SOURCE_DIR" -T "$file_list" +} + +# Initialize +tar_number=1 +current_size=0 +temp_dir=$(mktemp -d) +file_list="$temp_dir/file_list_$tar_number" +echo Start indexing "file_list_$tar_number" + +cd "$SOURCE_DIR" || exit 1 + +# Iterate over all files in the source directory +find . -type f | while IFS= read -r file; do + file_size=$(du -k "$file" | cut -f1) + + if [ $(( current_size + file_size )) -gt $MAX_SIZE ]; then + tar_number=$((tar_number + 1)) + file_list="$temp_dir/file_list_$tar_number" + echo Start indexing "file_list_$tar_number" + current_size=0 + fi + + echo "$file" >> "$file_list" + current_size=$((current_size + file_size)) +done + +# Determine the width for the tar file numbers +total_files=$(find "$temp_dir" -name 'file_list_*' | wc -l) +width=${#total_files} + +# Set PARALLEL_PROCESSES to the number of file lists if not provided +PARALLEL_PROCESSES=${4:-$total_files} + +# Debug information +echo "Total files: $total_files" +echo "Width: $width" +echo "Parallel processes: $PARALLEL_PROCESSES" + +# Run tar creation in parallel +find "$temp_dir" -name 'file_list_*' | xargs -P "$PARALLEL_PROCESSES" -I {} sh -c ' + file_list={} + tar_number=$(basename "$file_list" | cut -d_ -f3) + tar_name=$(printf "%s/'"$TAR_NAME"'_%0'"$width"'d.tar.gz" "'"$DEST_DIR"'" "$tar_number") + tar -zcvf "$tar_name" -C "'"$SOURCE_DIR"'" -T "$file_list" +' + +# Clean up +rm -rf "$temp_dir" \ No newline at end of file diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/test.sh b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/test.sh new file mode 100644 index 0000000000000000000000000000000000000000..a104f98e67873c7741711b63da6cdbd8c88b73f4 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/test.sh @@ -0,0 +1,74 @@ +#!/bin/sh + +cd $(dirname $(dirname "$0")) || exit +PYTHON=python + +TEST_CODE=test.py + +DATASET=scannet +CONFIG="None" +EXP_NAME=debug +WEIGHT=model_best +GPU=None + +while getopts "p:d:c:n:w:g:" opt; do + case $opt in + p) + PYTHON=$OPTARG + ;; + d) + DATASET=$OPTARG + ;; + c) + CONFIG=$OPTARG + ;; + n) + EXP_NAME=$OPTARG + ;; + w) + WEIGHT=$OPTARG + ;; + g) + GPU=$OPTARG + ;; + \?) + echo "Invalid option: -$OPTARG" + ;; + esac +done + +if [ "${NUM_GPU}" = 'None' ] +then + NUM_GPU=`$PYTHON -c 'import torch; print(torch.cuda.device_count())'` +fi + +echo "Experiment name: $EXP_NAME" +echo "Python interpreter dir: $PYTHON" +echo "Dataset: $DATASET" +echo "GPU Num: $GPU" + +EXP_DIR=exp/${DATASET}/${EXP_NAME} +MODEL_DIR=${EXP_DIR}/model +CODE_DIR=${EXP_DIR}/code +CONFIG_DIR=${EXP_DIR}/config.py + +if [ "${CONFIG}" = "None" ] +then + CONFIG_DIR=${EXP_DIR}/config.py +else + CONFIG_DIR=configs/${DATASET}/${CONFIG}.py +fi + +echo "Loading config in:" $CONFIG_DIR +#export PYTHONPATH=./$CODE_DIR +export PYTHONPATH=./ +echo "Running code in: $CODE_DIR" + + +echo " =========> RUN TASK <=========" + +#$PYTHON -u "$CODE_DIR"/tools/$TEST_CODE \ +$PYTHON -u tools/$TEST_CODE \ + --config-file "$CONFIG_DIR" \ + --num-gpus "$GPU" \ + --options save_path="$EXP_DIR" weight="${MODEL_DIR}"/"${WEIGHT}".pth diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/train.sh b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/train.sh new file mode 100644 index 0000000000000000000000000000000000000000..2910ba1e92423ce8decf40eeeb4d5115da60b8b9 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/scripts/train.sh @@ -0,0 +1,92 @@ +#!/bin/sh + +cd $(dirname $(dirname "$0")) || exit +ROOT_DIR=$(pwd) +PYTHON=python + +TRAIN_CODE=train.py + +DATASET=scannet +CONFIG="None" +EXP_NAME=debug +WEIGHT="None" +RESUME=false +GPU=None + + +while getopts "p:d:c:n:w:g:r:" opt; do + case $opt in + p) + PYTHON=$OPTARG + ;; + d) + DATASET=$OPTARG + ;; + c) + CONFIG=$OPTARG + ;; + n) + EXP_NAME=$OPTARG + ;; + w) + WEIGHT=$OPTARG + ;; + r) + RESUME=$OPTARG + ;; + g) + GPU=$OPTARG + ;; + \?) + echo "Invalid option: -$OPTARG" + ;; + esac +done + +if [ "${NUM_GPU}" = 'None' ] +then + NUM_GPU=`$PYTHON -c 'import torch; print(torch.cuda.device_count())'` +fi + +echo "Experiment name: $EXP_NAME" +echo "Python interpreter dir: $PYTHON" +echo "Dataset: $DATASET" +echo "Config: $CONFIG" +echo "GPU Num: $GPU" + +EXP_DIR=exp/${DATASET}/${EXP_NAME} +MODEL_DIR=${EXP_DIR}/model +CODE_DIR=${EXP_DIR}/code +CONFIG_DIR=configs/${DATASET}/${CONFIG}.py + + +echo " =========> CREATE EXP DIR <=========" +echo "Experiment dir: $ROOT_DIR/$EXP_DIR" +if ${RESUME} +then + CONFIG_DIR=${EXP_DIR}/config.py + WEIGHT=$MODEL_DIR/model_last.pth +else + mkdir -p "$MODEL_DIR" "$CODE_DIR" + cp -r scripts tools pointcept "$CODE_DIR" +fi + +echo "Loading config in:" $CONFIG_DIR +export PYTHONPATH=./$CODE_DIR +echo "Running code in: $CODE_DIR" + + +echo " =========> RUN TASK <=========" + +if [ "${WEIGHT}" = "None" ] +then + $PYTHON "$CODE_DIR"/tools/$TRAIN_CODE \ + --config-file "$CONFIG_DIR" \ + --num-gpus "$GPU" \ + --options save_path="$EXP_DIR" +else + $PYTHON "$CODE_DIR"/tools/$TRAIN_CODE \ + --config-file "$CONFIG_DIR" \ + --num-gpus "$GPU" \ + --options save_path="$EXP_DIR" resume="$RESUME" weight="$WEIGHT" +fi \ No newline at end of file diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/create_waymo_semseg_submission.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/create_waymo_semseg_submission.py new file mode 100644 index 0000000000000000000000000000000000000000..ded9f68bde40015a1bc7d1b7197ae909ff5831fe --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/create_waymo_semseg_submission.py @@ -0,0 +1,131 @@ +""" +Script for Creating Waymo Semantic Segmentation Submission + +The Waymo dataset toolkit relies on an old version of Tensorflow +which share a conflicting dependency with the Pointcept environment, +therefore we detach the submission generation from the test process +and the script require the following environment: + +```bash +conda create -n waymo python=3.8 -y +conda activate waymo +pip3 install waymo-open-dataset-tf-2-11-0 +``` + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import os +import tqdm +import argparse +import numpy as np +import zlib +import waymo_open_dataset.dataset_pb2 as open_dataset +from waymo_open_dataset.protos import segmentation_metrics_pb2 +from waymo_open_dataset.protos import segmentation_submission_pb2 + + +def compress_array(array: np.ndarray, is_int32: bool = False): + """Compress a numpy array to ZLIP compressed serialized MatrixFloat/Int32. + + Args: + array: A numpy array. + is_int32: If true, use MatrixInt32, otherwise use MatrixFloat. + + Returns: + The compressed bytes. + """ + if is_int32: + m = open_dataset.MatrixInt32() + else: + m = open_dataset.MatrixFloat() + m.shape.dims.extend(list(array.shape)) + m.data.extend(array.reshape([-1]).tolist()) + return zlib.compress(m.SerializeToString()) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--record_path", + required=True, + help="Path to the prediction result folder of Waymo dataset", + ) + parser.add_argument( + "--dataset_path", + required=True, + help="Path to the processed Waymo dataset", + ) + parser.add_argument( + "--split", + required=True, + choices=["validation", "testing"], + help="Split of the prediction ([training, validation, testing]).", + ) + args = parser.parse_args() + file_list = [file for file in os.listdir(args.record_path) if file.endswith(".npy")] + submission = segmentation_submission_pb2.SemanticSegmentationSubmission() + frames = segmentation_metrics_pb2.SegmentationFrameList() + bar = tqdm.tqdm(file_list) + for file in bar: + bar.set_postfix(file=file) + context_name, frame_timestamp_micros = file.strip("segment-*_pred.npy").split( + "_with_camera_labels_" + ) + # Load prediction. + # In Pointcept waymo dataset, we minus 1 to label to ignore UNLABELLED class (0 -> -1) + pred = np.load(os.path.join(args.record_path, file)) + 1 + masks = np.load( + os.path.join( + args.dataset_path, + args.split, + f"segment-{context_name}_with_camera_labels", + frame_timestamp_micros, + "mask.npy", + ), + allow_pickle=True, + ) + offset = np.cumsum([mask.sum() for mask in masks.reshape(-1)]) + pred = np.split(pred[: offset[-1]], offset[:-1]) + pred_ri1 = pred[0] + pred_ri2 = pred[5] + mask_ri1 = np.expand_dims(masks[0, 0], -1) + mask_ri2 = np.expand_dims(masks[1, 0], -1) + range_dummy = np.zeros_like(mask_ri1, dtype=np.int32) + range_pred_ri1 = np.zeros_like(mask_ri1, dtype=np.int32) + range_pred_ri1[mask_ri1] = pred_ri1 + range_pred_ri1 = np.concatenate([range_dummy, range_pred_ri1], axis=-1) + range_pred_ri2 = np.zeros_like(mask_ri2, dtype=np.int32) + range_pred_ri2[mask_ri2] = pred_ri2 + range_pred_ri2 = np.concatenate([range_dummy, range_pred_ri2], axis=-1) + + # generate frame submission + segmentation_label = open_dataset.Laser() + segmentation_label.name = open_dataset.LaserName.TOP + segmentation_label.ri_return1.segmentation_label_compressed = compress_array( + range_pred_ri1, is_int32=True + ) + segmentation_label.ri_return2.segmentation_label_compressed = compress_array( + range_pred_ri2, is_int32=True + ) + frame = segmentation_metrics_pb2.SegmentationFrame() + frame.segmentation_labels.append(segmentation_label) + frame.context_name = context_name + frame.frame_timestamp_micros = int(frame_timestamp_micros) + frames.frames.append(frame) + submission.account_name = "***" + submission.unique_method_name = "***" + submission.authors.append("***") + submission.affiliation = "***" + submission.method_link = "***" + submission.sensor_type = ( + segmentation_submission_pb2.SemanticSegmentationSubmission.LIDAR_ALL + ) + submission.number_past_frames_exclude_current = 0 + submission.number_future_frames_exclude_current = 0 + submission.inference_results.CopyFrom(frames) + output_filename = os.path.join(args.record_path, "submission.bin") + f = open(output_filename, "wb") + f.write(submission.SerializeToString()) + f.close() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/test.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/test.py new file mode 100644 index 0000000000000000000000000000000000000000..c66708d417082451f23cb635bf4dd1c59082f625 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/test.py @@ -0,0 +1,38 @@ +""" +Main Testing Script + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.engines.defaults import ( + default_argument_parser, + default_config_parser, + default_setup, +) +from pointcept.engines.test import TESTERS +from pointcept.engines.launch import launch + + +def main_worker(cfg): + cfg = default_setup(cfg) + tester = TESTERS.build(dict(type=cfg.test.type, cfg=cfg)) + tester.test() + + +def main(): + args = default_argument_parser().parse_args() + cfg = default_config_parser(args.config_file, args.options) + + launch( + main_worker, + num_gpus_per_machine=args.num_gpus, + num_machines=args.num_machines, + machine_rank=args.machine_rank, + dist_url=args.dist_url, + cfg=(cfg,), + ) + + +if __name__ == "__main__": + main() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/test_s3dis_6fold.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/test_s3dis_6fold.py new file mode 100644 index 0000000000000000000000000000000000000000..711ad42c956412cb9cb68adf596b679e25f48d19 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/test_s3dis_6fold.py @@ -0,0 +1,102 @@ +""" +Test script for S3DIS 6-fold cross validation + +Gathering Area_X.pth from result folder of experiment record of each area as follows: +|- RECORDS_PATH + |- Area_1.pth + |- Area_2.pth + |- Area_3.pth + |- Area_4.pth + |- Area_5.pth + |- Area_6.pth + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +import argparse +import os + +import torch +import numpy as np +import glob +from pointcept.utils.logger import get_root_logger + +CLASS_NAMES = [ + "ceiling", + "floor", + "wall", + "beam", + "column", + "window", + "door", + "table", + "chair", + "sofa", + "bookcase", + "board", + "clutter", +] + + +def evaluation(intersection, union, target, logger=None): + iou_class = intersection / (union + 1e-10) + accuracy_class = intersection / (target + 1e-10) + mIoU = np.mean(iou_class) + mAcc = np.mean(accuracy_class) + allAcc = sum(intersection) / (sum(target) + 1e-10) + + if logger is not None: + logger.info( + "Val result: mIoU/mAcc/allAcc {:.4f}/{:.4f}/{:.4f}".format( + mIoU, mAcc, allAcc + ) + ) + for i in range(len(CLASS_NAMES)): + logger.info( + "Class_{idx} - {name} Result: iou/accuracy {iou:.4f}/{accuracy:.4f}".format( + idx=i, + name=CLASS_NAMES[i], + iou=iou_class[i], + accuracy=accuracy_class[i], + ) + ) + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument( + "--record_root", + required=True, + help="Path to the S3DIS record of each split", + ) + config = parser.parse_args() + logger = get_root_logger( + log_file=os.path.join(config.record_root, "6-fold.log"), + file_mode="w", + ) + + records = sorted(glob.glob(os.path.join(config.record_root, "Area_*.pth"))) + assert len(records) == 6 + intersection_ = np.zeros(len(CLASS_NAMES), dtype=int) + union_ = np.zeros(len(CLASS_NAMES), dtype=int) + target_ = np.zeros(len(CLASS_NAMES), dtype=int) + + for record in records: + area = os.path.basename(record).split(".")[0] + info = torch.load(record) + logger.info(f"<<<<<<<<<<<<<<<<< Parsing {area} <<<<<<<<<<<<<<<<<") + intersection = info["intersection"] + union = info["union"] + target = info["target"] + evaluation(intersection, union, target, logger=logger) + intersection_ += intersection + union_ += union + target_ += target + + logger.info(f"<<<<<<<<<<<<<<<<< Parsing 6-fold <<<<<<<<<<<<<<<<<") + evaluation(intersection_, union_, target_, logger=logger) + + +if __name__ == "__main__": + main() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/train.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/train.py new file mode 100644 index 0000000000000000000000000000000000000000..e3ed749c4d0bae2c3ad26487d92c46c5695341a2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/code/tools/train.py @@ -0,0 +1,38 @@ +""" +Main Training Script + +Author: Xiaoyang Wu (xiaoyang.wu.cs@gmail.com) +Please cite our work if the code is helpful to you. +""" + +from pointcept.engines.defaults import ( + default_argument_parser, + default_config_parser, + default_setup, +) +from pointcept.engines.train import TRAINERS +from pointcept.engines.launch import launch + + +def main_worker(cfg): + cfg = default_setup(cfg) + trainer = TRAINERS.build(dict(type=cfg.train.type, cfg=cfg)) + trainer.train() + + +def main(): + args = default_argument_parser().parse_args() + cfg = default_config_parser(args.config_file, args.options) + + launch( + main_worker, + num_gpus_per_machine=args.num_gpus, + num_machines=args.num_machines, + machine_rank=args.machine_rank, + dist_url=args.dist_url, + cfg=(cfg,), + ) + + +if __name__ == "__main__": + main() diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/config.py b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/config.py new file mode 100644 index 0000000000000000000000000000000000000000..78c0f5c3e70cce56082d67276eb391e2e25f0739 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/config.py @@ -0,0 +1,613 @@ +weight = 'exp/scannet/semseg-pt-v3m1-1-ppt-extreme-alc-20240823-massive-no-val/model/model_last.pth' +resume = False +evaluate = True +test_only = False +seed = 39084076 +save_path = 'exp/scannet/semseg-pt-v3m1-1-ppt-extreme-alc-20240823-massive-no-val' +num_worker = 32 +batch_size = 16 +batch_size_val = None +batch_size_test = None +epoch = 800 +eval_epoch = 100 +sync_bn = False +enable_amp = True +empty_cache = False +empty_cache_per_epoch = False +find_unused_parameters = True +mix_prob = 0.8 +param_dicts = [dict(keyword='block', lr=0.0005)] +hooks = [ + dict(type='CheckpointLoader'), + dict(type='IterationTimer', warmup_iter=2), + dict(type='InformationWriter'), + dict(type='SemSegEvaluator'), + dict(type='CheckpointSaver', save_freq=None), + dict(type='PreciseEvaluator', test_last=False) +] +train = dict(type='MultiDatasetTrainer') +test = dict(type='SemSegTester', verbose=True) +CLASS_LABELS_200 = ( + 'wall', 'chair', 'floor', 'table', 'door', 'couch', 'cabinet', 'shelf', + 'desk', 'office chair', 'bed', 'pillow', 'sink', 'picture', 'window', + 'toilet', 'bookshelf', 'monitor', 'curtain', 'book', 'armchair', + 'coffee table', 'box', 'refrigerator', 'lamp', 'kitchen cabinet', 'towel', + 'clothes', 'tv', 'nightstand', 'counter', 'dresser', 'stool', 'cushion', + 'plant', 'ceiling', 'bathtub', 'end table', 'dining table', 'keyboard', + 'bag', 'backpack', 'toilet paper', 'printer', 'tv stand', 'whiteboard', + 'blanket', 'shower curtain', 'trash can', 'closet', 'stairs', 'microwave', + 'stove', 'shoe', 'computer tower', 'bottle', 'bin', 'ottoman', 'bench', + 'board', 'washing machine', 'mirror', 'copier', 'basket', 'sofa chair', + 'file cabinet', 'fan', 'laptop', 'shower', 'paper', 'person', + 'paper towel dispenser', 'oven', 'blinds', 'rack', 'plate', 'blackboard', + 'piano', 'suitcase', 'rail', 'radiator', 'recycling bin', 'container', + 'wardrobe', 'soap dispenser', 'telephone', 'bucket', 'clock', 'stand', + 'light', 'laundry basket', 'pipe', 'clothes dryer', 'guitar', + 'toilet paper holder', 'seat', 'speaker', 'column', 'bicycle', 'ladder', + 'bathroom stall', 'shower wall', 'cup', 'jacket', 'storage bin', + 'coffee maker', 'dishwasher', 'paper towel roll', 'machine', 'mat', + 'windowsill', 'bar', 'toaster', 'bulletin board', 'ironing board', + 'fireplace', 'soap dish', 'kitchen counter', 'doorframe', + 'toilet paper dispenser', 'mini fridge', 'fire extinguisher', 'ball', + 'hat', 'shower curtain rod', 'water cooler', 'paper cutter', 'tray', + 'shower door', 'pillar', 'ledge', 'toaster oven', 'mouse', + 'toilet seat cover dispenser', 'furniture', 'cart', 'storage container', + 'scale', 'tissue box', 'light switch', 'crate', 'power outlet', + 'decoration', 'sign', 'projector', 'closet door', 'vacuum cleaner', + 'candle', 'plunger', 'stuffed animal', 'headphones', 'dish rack', 'broom', + 'guitar case', 'range hood', 'dustpan', 'hair dryer', 'water bottle', + 'handicap bar', 'purse', 'vent', 'shower floor', 'water pitcher', + 'mailbox', 'bowl', 'paper bag', 'alarm clock', 'music stand', + 'projector screen', 'divider', 'laundry detergent', 'bathroom counter', + 'object', 'bathroom vanity', 'closet wall', 'laundry hamper', + 'bathroom stall door', 'ceiling light', 'trash bin', 'dumbbell', + 'stair rail', 'tube', 'bathroom cabinet', 'cd case', 'closet rod', + 'coffee kettle', 'structure', 'shower head', 'keyboard piano', + 'case of water bottles', 'coat rack', 'storage organizer', 'folded chair', + 'fire alarm', 'power strip', 'calendar', 'poster', 'potted plant', + 'luggage', 'mattress') +model = dict( + type='PPT-v1m2', + backbone=dict( + type='PT-v3m1', + in_channels=6, + order=('z', 'z-trans', 'hilbert', 'hilbert-trans'), + stride=(2, 2, 2, 2), + enc_depths=(3, 3, 3, 6, 3), + enc_channels=(48, 96, 192, 384, 512), + enc_num_head=(3, 6, 12, 24, 32), + enc_patch_size=(1024, 1024, 1024, 1024, 1024), + dec_depths=(3, 3, 3, 3), + dec_channels=(64, 96, 192, 384), + dec_num_head=(4, 6, 12, 24), + dec_patch_size=(1024, 1024, 1024, 1024), + mlp_ratio=4, + qkv_bias=True, + qk_scale=None, + attn_drop=0.0, + proj_drop=0.0, + drop_path=0.3, + shuffle_orders=True, + pre_norm=True, + enable_rpe=False, + enable_flash=True, + upcast_attention=False, + upcast_softmax=False, + cls_mode=False, + pdnorm_bn=True, + pdnorm_ln=True, + pdnorm_decouple=True, + pdnorm_adaptive=False, + pdnorm_affine=True, + pdnorm_conditions=('ScanNet', 'ScanNet200', 'ScanNet++', + 'Structured3D', 'ALC')), + criteria=[ + dict(type='CrossEntropyLoss', loss_weight=1.0, ignore_index=-1), + dict( + type='LovaszLoss', + mode='multiclass', + loss_weight=1.0, + ignore_index=-1) + ], + backbone_out_channels=64, + context_channels=256, + conditions=('ScanNet', 'ScanNet200', 'ScanNet++', 'Structured3D', 'ALC'), + num_classes=(20, 200, 100, 25, 185)) +optimizer = dict(type='AdamW', lr=0.005, weight_decay=0.05) +scheduler = dict( + type='OneCycleLR', + max_lr=[0.005, 0.0005], + pct_start=0.05, + anneal_strategy='cos', + div_factor=10.0, + final_div_factor=1000.0) +data = dict( + num_classes=200, + ignore_index=-1, + names=( + 'wall', 'chair', 'floor', 'table', 'door', 'couch', 'cabinet', 'shelf', + 'desk', 'office chair', 'bed', 'pillow', 'sink', 'picture', 'window', + 'toilet', 'bookshelf', 'monitor', 'curtain', 'book', 'armchair', + 'coffee table', 'box', 'refrigerator', 'lamp', 'kitchen cabinet', + 'towel', 'clothes', 'tv', 'nightstand', 'counter', 'dresser', 'stool', + 'cushion', 'plant', 'ceiling', 'bathtub', 'end table', 'dining table', + 'keyboard', 'bag', 'backpack', 'toilet paper', 'printer', 'tv stand', + 'whiteboard', 'blanket', 'shower curtain', 'trash can', 'closet', + 'stairs', 'microwave', 'stove', 'shoe', 'computer tower', 'bottle', + 'bin', 'ottoman', 'bench', 'board', 'washing machine', 'mirror', + 'copier', 'basket', 'sofa chair', 'file cabinet', 'fan', 'laptop', + 'shower', 'paper', 'person', 'paper towel dispenser', 'oven', 'blinds', + 'rack', 'plate', 'blackboard', 'piano', 'suitcase', 'rail', 'radiator', + 'recycling bin', 'container', 'wardrobe', 'soap dispenser', + 'telephone', 'bucket', 'clock', 'stand', 'light', 'laundry basket', + 'pipe', 'clothes dryer', 'guitar', 'toilet paper holder', 'seat', + 'speaker', 'column', 'bicycle', 'ladder', 'bathroom stall', + 'shower wall', 'cup', 'jacket', 'storage bin', 'coffee maker', + 'dishwasher', 'paper towel roll', 'machine', 'mat', 'windowsill', + 'bar', 'toaster', 'bulletin board', 'ironing board', 'fireplace', + 'soap dish', 'kitchen counter', 'doorframe', 'toilet paper dispenser', + 'mini fridge', 'fire extinguisher', 'ball', 'hat', + 'shower curtain rod', 'water cooler', 'paper cutter', 'tray', + 'shower door', 'pillar', 'ledge', 'toaster oven', 'mouse', + 'toilet seat cover dispenser', 'furniture', 'cart', + 'storage container', 'scale', 'tissue box', 'light switch', 'crate', + 'power outlet', 'decoration', 'sign', 'projector', 'closet door', + 'vacuum cleaner', 'candle', 'plunger', 'stuffed animal', 'headphones', + 'dish rack', 'broom', 'guitar case', 'range hood', 'dustpan', + 'hair dryer', 'water bottle', 'handicap bar', 'purse', 'vent', + 'shower floor', 'water pitcher', 'mailbox', 'bowl', 'paper bag', + 'alarm clock', 'music stand', 'projector screen', 'divider', + 'laundry detergent', 'bathroom counter', 'object', 'bathroom vanity', + 'closet wall', 'laundry hamper', 'bathroom stall door', + 'ceiling light', 'trash bin', 'dumbbell', 'stair rail', 'tube', + 'bathroom cabinet', 'cd case', 'closet rod', 'coffee kettle', + 'structure', 'shower head', 'keyboard piano', 'case of water bottles', + 'coat rack', 'storage organizer', 'folded chair', 'fire alarm', + 'power strip', 'calendar', 'poster', 'potted plant', 'luggage', + 'mattress'), + train=dict( + type='ConcatDataset', + datasets=[ + dict( + type='ScanNetDataset', + split='train', + data_root='data/scannet', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='RandomDropout', + dropout_ratio=0.2, + dropout_application_ratio=0.2), + dict( + type='RandomRotate', + angle=[-1, 1], + axis='z', + center=[0, 0, 0], + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='x', + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='y', + p=0.5), + dict(type='RandomScale', scale=[0.9, 1.1]), + dict(type='RandomFlip', p=0.5), + dict(type='RandomJitter', sigma=0.005, clip=0.02), + dict( + type='ElasticDistortion', + distortion_params=[[0.2, 0.4], [0.8, 1.6]]), + dict( + type='ChromaticAutoContrast', p=0.2, + blend_factor=None), + dict(type='ChromaticTranslation', p=0.95, ratio=0.05), + dict(type='ChromaticJitter', p=0.95, std=0.05), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True), + dict(type='SphereCrop', point_max=102400, mode='random'), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict(type='ShufflePoint'), + dict(type='Add', keys_dict=dict(condition='ScanNet')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False, + loop=1), + dict( + type='ScanNetPPDataset', + split=[ + 'train_grid1mm_chunk6x6_stride3x3', + 'val_grid1mm_chunk6x6_stride3x3' + ], + data_root='data/scannetpp', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='RandomDropout', + dropout_ratio=0.2, + dropout_application_ratio=0.2), + dict( + type='RandomRotate', + angle=[-1, 1], + axis='z', + center=[0, 0, 0], + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='x', + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='y', + p=0.5), + dict(type='RandomScale', scale=[0.9, 1.1]), + dict(type='RandomFlip', p=0.5), + dict(type='RandomJitter', sigma=0.005, clip=0.02), + dict( + type='ElasticDistortion', + distortion_params=[[0.2, 0.4], [0.8, 1.6]]), + dict( + type='ChromaticAutoContrast', p=0.2, + blend_factor=None), + dict(type='ChromaticTranslation', p=0.95, ratio=0.05), + dict(type='ChromaticJitter', p=0.95, std=0.05), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True), + dict(type='SphereCrop', point_max=204800, mode='random'), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict(type='Add', keys_dict=dict(condition='ScanNet++')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False, + loop=1), + dict( + type='Structured3DDataset', + split=['train', 'test'], + data_root='data/structured3d', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='RandomDropout', + dropout_ratio=0.2, + dropout_application_ratio=0.2), + dict( + type='RandomRotate', + angle=[-1, 1], + axis='z', + center=[0, 0, 0], + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='x', + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='y', + p=0.5), + dict(type='RandomScale', scale=[0.9, 1.1]), + dict(type='RandomFlip', p=0.5), + dict(type='RandomJitter', sigma=0.005, clip=0.02), + dict( + type='ElasticDistortion', + distortion_params=[[0.2, 0.4], [0.8, 1.6]]), + dict( + type='ChromaticAutoContrast', p=0.2, + blend_factor=None), + dict(type='ChromaticTranslation', p=0.95, ratio=0.05), + dict(type='ChromaticJitter', p=0.95, std=0.05), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True), + dict(type='SphereCrop', sample_rate=0.8, mode='random'), + dict(type='SphereCrop', point_max=102400, mode='random'), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict(type='Add', keys_dict=dict(condition='Structured3D')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False, + loop=2), + dict( + type='ScanNet200Dataset', + split='train', + data_root='data/scannet', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='RandomDropout', + dropout_ratio=0.2, + dropout_application_ratio=0.2), + dict( + type='RandomRotate', + angle=[-1, 1], + axis='z', + center=[0, 0, 0], + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='x', + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='y', + p=0.5), + dict(type='RandomScale', scale=[0.9, 1.1]), + dict(type='RandomFlip', p=0.5), + dict(type='RandomJitter', sigma=0.005, clip=0.02), + dict( + type='ElasticDistortion', + distortion_params=[[0.2, 0.4], [0.8, 1.6]]), + dict( + type='ChromaticAutoContrast', p=0.2, + blend_factor=None), + dict(type='ChromaticTranslation', p=0.95, ratio=0.05), + dict(type='ChromaticJitter', p=0.95, std=0.05), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True), + dict(type='SphereCrop', point_max=102400, mode='random'), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict(type='ShufflePoint'), + dict(type='Add', keys_dict=dict(condition='ScanNet200')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False, + loop=1), + dict( + type='ARKitScenesLabelMakerConsensusDataset', + split=['train', 'val'], + data_root='data/alc', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='RandomDropout', + dropout_ratio=0.2, + dropout_application_ratio=0.2), + dict( + type='RandomRotate', + angle=[-1, 1], + axis='z', + center=[0, 0, 0], + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='x', + p=0.5), + dict( + type='RandomRotate', + angle=[-0.015625, 0.015625], + axis='y', + p=0.5), + dict(type='RandomScale', scale=[0.9, 1.1]), + dict(type='RandomFlip', p=0.5), + dict(type='RandomJitter', sigma=0.005, clip=0.02), + dict( + type='ElasticDistortion', + distortion_params=[[0.2, 0.4], [0.8, 1.6]]), + dict( + type='ChromaticAutoContrast', p=0.2, + blend_factor=None), + dict(type='ChromaticTranslation', p=0.95, ratio=0.05), + dict(type='ChromaticJitter', p=0.95, std=0.05), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True), + dict(type='SphereCrop', point_max=102400, mode='random'), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict(type='Add', keys_dict=dict(condition='ALC')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False, + loop=2) + ], + loop=8), + val=dict( + type='ScanNetDataset', + split='val', + data_root='data/scannet', + transform=[ + dict(type='CenterShift', apply_z=True), + dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='train', + return_grid_coord=True), + dict(type='CenterShift', apply_z=False), + dict(type='NormalizeColor'), + dict(type='ToTensor'), + dict(type='Add', keys_dict=dict(condition='ScanNet')), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'segment', 'condition'), + feat_keys=('color', 'normal')) + ], + test_mode=False), + test=dict( + type='ScanNet200Dataset', + split='val', + data_root='data/scannet', + transform=[ + dict(type='CenterShift', apply_z=True), + dict(type='NormalizeColor') + ], + test_mode=True, + test_cfg=dict( + voxelize=dict( + type='GridSample', + grid_size=0.02, + hash_type='fnv', + mode='test', + keys=('coord', 'color', 'normal'), + return_grid_coord=True), + crop=None, + post_transform=[ + dict(type='CenterShift', apply_z=False), + dict(type='Add', keys_dict=dict(condition='ScanNet200')), + dict(type='ToTensor'), + dict( + type='Collect', + keys=('coord', 'grid_coord', 'index', 'condition'), + feat_keys=('color', 'normal')) + ], + aug_transform=[[{ + 'type': 'RandomRotateTargetAngle', + 'angle': [0], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [0.5], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [1], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [1.5], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [0], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [0.95, 0.95] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [0.5], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [0.95, 0.95] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [1], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [0.95, 0.95] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [1.5], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [0.95, 0.95] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [0], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [1.05, 1.05] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [0.5], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [1.05, 1.05] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [1], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [1.05, 1.05] + }], + [{ + 'type': 'RandomRotateTargetAngle', + 'angle': [1.5], + 'axis': 'z', + 'center': [0, 0, 0], + 'p': 1 + }, { + 'type': 'RandomScale', + 'scale': [1.05, 1.05] + }], [{ + 'type': 'RandomFlip', + 'p': 1 + }]]))) diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728045179.eu-g4-014 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728045179.eu-g4-014 new file mode 100644 index 0000000000000000000000000000000000000000..fceae44cabdb1840177259aa5b137768416fc263 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728045179.eu-g4-014 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:913ce55a2a906c65568edcedd5a082ef2ac807c82776b9f2e36b874f0ea28e85 +size 7351084 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728212217.eu-g4-025 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728212217.eu-g4-025 new file mode 100644 index 0000000000000000000000000000000000000000..1323052323e4555aa328c5c54944dfffc7903230 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728212217.eu-g4-025 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2b714b76d04d6af79c08e4d13dc5d73d0f69dd665d448a5a4e871c51f56a3c5 +size 1235542 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728248293.eu-g4-024 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728248293.eu-g4-024 new file mode 100644 index 0000000000000000000000000000000000000000..3f18e04c961bdb8953d26f6d31242e86dd5863fa --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728248293.eu-g4-024 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7539698f6cea2ddad0156cfe3711037b1350da0eefc103ddbaa43476da3e0540 +size 522320 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728279942.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728279942.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..286dafcc2954318f9c0358788ea7cabdbb0d026d --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728279942.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9757c95284387ef533e98bc96f492478177fed7857a0381c12001fa3941e7524 +size 588666 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728371592.eu-g4-009 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728371592.eu-g4-009 new file mode 100644 index 0000000000000000000000000000000000000000..5647cbd34617855d3664939f6dc3d80a40674918 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728371592.eu-g4-009 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b203b8fcf70c7955930400913198bdb282ffaf67e68d4b61f62151825449dfe1 +size 431278 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728377397.eu-g4-009 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728377397.eu-g4-009 new file mode 100644 index 0000000000000000000000000000000000000000..30c9a379d69f858b3201d5d7c90d8440f3cce61a --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728377397.eu-g4-009 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20cc973c249a782bfa31b51300cdc29355b8158fb008956eac5fe2b524bc29e6 +size 1118 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728377718.eu-g4-009 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728377718.eu-g4-009 new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728378048.eu-g4-009 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728378048.eu-g4-009 new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728378285.eu-g4-009 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728378285.eu-g4-009 new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728389628.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728389628.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..130fe75a8f84646e740893c0bf50ed02c3e206aa --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728389628.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5b4c9f5d057d45c150923666175c0dc611f68ac57b92d86fdaeee0582bfb455 +size 1112612 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728402049.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728402049.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..29d95149367fe96f38e4ac7df89c9e902ed149cd --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728402049.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e4ecd42b3de6507266b3bea8481bc93e8ef9bcee958f0baa273cb205296149b +size 278850 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728405639.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728405639.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..3378960912742a752def6c13d356fb4282129a5d --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728405639.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03ae2b1e1bb92549d184065edcdd77cb7dda17d4fe3e82428d50f4dc8f98dcad +size 1426152 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728420601.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728420601.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..48ff088be39b9398d5eb1dc9eaa3301abed14e9a --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728420601.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2e6ae016c37c4e0bc5a3eec03ef66810eea6d1d701c636cece68bc04efe0c90 +size 627376 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728427245.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728427245.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..03a8707a05f7c6d069dc42655c8490819ca62e9d --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728427245.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec81f30e243c58ef515b0ad6045daa90c68d2739ccbacfdfa1c2d6c56dd5965a +size 482238 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728443046.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728443046.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..c5e32debb43ae0797e5d4d5ac425036e4c832755 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728443046.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:375f5047eb9068f5b3e500fc7723fbd7e472674f0157fefe79fde2e2b2b738f4 +size 202998 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728445743.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728445743.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..54238248b736fb181f34a723b1d6315c8d5992fe --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728445743.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dd2356596570d09d75f227b0f8394ab9dedf663b82ec847fee19fa4aee2ba35 +size 874472 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728456056.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728456056.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..63ade3dfa77a34198400a5ada326cc7595544e2b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728456056.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33b4acbb6dd99facdbdec26ba2fcc32f5b4bb2bde5011a7a95068c02ae6dc461 +size 297078 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728459715.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728459715.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..a531fb8274f7878f0fee8f56af54c80cdc3a03cf --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728459715.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d0f208015e111a7417d5585b63e5664f19372a158e011a5c7eec531e33d2064 +size 3825028 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728505696.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728505696.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..76061e6f0822e5815754a9d96f474a6b5f4f8bfe --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728505696.eu-g4-001 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e0253474b4bb83d64278eb2b2f1ecd4c2a7a4aa295fec157263e7863d26cae5 +size 24298246 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728809154.eu-g4-001 b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/events.out.tfevents.1728809154.eu-g4-001 new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/model/model_best.pth b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/model/model_best.pth new file mode 100644 index 0000000000000000000000000000000000000000..972715558851fb905711fc1ddb1b1f78340ccdd2 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/model/model_best.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90dbae5f2d87ea5adf1050c03cb3a5c8e60f4f2b9d478dc16384551a09d6b1a7 +size 1172524502 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/model/model_last.pth b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/model/model_last.pth new file mode 100644 index 0000000000000000000000000000000000000000..498b65299b4a1659dec79c9a2602ae95a797e5d8 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/model/model_last.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aec56fe35243a82628e29744c90de299bc3bde9fdf9b0017cd983ea54b3c0019 +size 1172524502 diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/test.log b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/test.log new file mode 100644 index 0000000000000000000000000000000000000000..8b13be133d4a37f3638a997fac8f71b3dee2d31b --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/test.log @@ -0,0 +1,41674 @@ +[2024-10-13 15:29:04,932 INFO test.py line 41 25394] => Loading config ... +[2024-10-13 15:29:04,932 INFO test.py line 48 25394] => Building model ... +[2024-10-13 15:29:05,525 INFO test.py line 61 25394] Num params: 97544258 +[2024-10-13 15:29:05,836 INFO test.py line 68 25394] Loading weight at: exp/scannet/semseg-pt-v3m1-1-ppt-extreme-alc-20240823-massive-no-val/model/model_last.pth +[2024-10-13 15:29:16,210 INFO test.py line 80 25394] => Loaded weight 'exp/scannet/semseg-pt-v3m1-1-ppt-extreme-alc-20240823-massive-no-val/model/model_last.pth' (epoch 100) +[2024-10-13 15:29:16,217 INFO test.py line 53 25394] => Building test dataset & dataloader ... +[2024-10-13 15:29:16,222 INFO scannet.py line 65 25394] Totally 312 x 1 samples in val set. +[2024-10-13 15:29:16,222 INFO test.py line 116 25394] >>>>>>>>>>>>>>>> Start Evaluation >>>>>>>>>>>>>>>> +[2024-10-13 15:29:21,004 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 0/112 +[2024-10-13 15:29:21,081 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 1/112 +[2024-10-13 15:29:21,151 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 2/112 +[2024-10-13 15:29:21,224 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 3/112 +[2024-10-13 15:29:21,294 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 4/112 +[2024-10-13 15:29:21,362 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 5/112 +[2024-10-13 15:29:21,430 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 6/112 +[2024-10-13 15:29:21,498 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 7/112 +[2024-10-13 15:29:21,566 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 8/112 +[2024-10-13 15:29:21,635 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 9/112 +[2024-10-13 15:29:22,173 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 10/112 +[2024-10-13 15:29:22,561 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 11/112 +[2024-10-13 15:29:22,634 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 12/112 +[2024-10-13 15:29:22,706 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 13/112 +[2024-10-13 15:29:22,777 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 14/112 +[2024-10-13 15:29:22,848 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 15/112 +[2024-10-13 15:29:22,919 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 16/112 +[2024-10-13 15:29:22,990 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 17/112 +[2024-10-13 15:29:23,061 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 18/112 +[2024-10-13 15:29:23,133 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 19/112 +[2024-10-13 15:29:23,208 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 20/112 +[2024-10-13 15:29:23,276 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 21/112 +[2024-10-13 15:29:23,344 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 22/112 +[2024-10-13 15:29:23,412 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 23/112 +[2024-10-13 15:29:23,480 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 24/112 +[2024-10-13 15:29:23,548 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 25/112 +[2024-10-13 15:29:23,616 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 26/112 +[2024-10-13 15:29:23,685 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 27/112 +[2024-10-13 15:29:23,753 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 28/112 +[2024-10-13 15:29:23,820 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 29/112 +[2024-10-13 15:29:23,888 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 30/112 +[2024-10-13 15:29:23,957 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 31/112 +[2024-10-13 15:29:24,045 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 32/112 +[2024-10-13 15:29:24,110 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 33/112 +[2024-10-13 15:29:24,175 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 34/112 +[2024-10-13 15:29:24,240 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 35/112 +[2024-10-13 15:29:24,306 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 36/112 +[2024-10-13 15:29:24,383 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 37/112 +[2024-10-13 15:29:24,448 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 38/112 +[2024-10-13 15:29:24,513 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 39/112 +[2024-10-13 15:29:24,579 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 40/112 +[2024-10-13 15:29:24,644 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 41/112 +[2024-10-13 15:29:24,710 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 42/112 +[2024-10-13 15:29:24,776 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 43/112 +[2024-10-13 15:29:24,842 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 44/112 +[2024-10-13 15:29:25,193 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 45/112 +[2024-10-13 15:29:25,613 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 46/112 +[2024-10-13 15:29:25,680 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 47/112 +[2024-10-13 15:29:25,747 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 48/112 +[2024-10-13 15:29:25,813 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 49/112 +[2024-10-13 15:29:25,878 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 50/112 +[2024-10-13 15:29:25,944 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 51/112 +[2024-10-13 15:29:26,010 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 52/112 +[2024-10-13 15:29:26,076 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 53/112 +[2024-10-13 15:29:26,141 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 54/112 +[2024-10-13 15:29:26,207 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 55/112 +[2024-10-13 15:29:26,273 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 56/112 +[2024-10-13 15:29:26,338 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 57/112 +[2024-10-13 15:29:26,404 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 58/112 +[2024-10-13 15:29:26,470 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 59/112 +[2024-10-13 15:29:26,535 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 60/112 +[2024-10-13 15:29:26,601 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 61/112 +[2024-10-13 15:29:26,667 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 62/112 +[2024-10-13 15:29:26,732 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 63/112 +[2024-10-13 15:29:26,798 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 64/112 +[2024-10-13 15:29:26,864 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 65/112 +[2024-10-13 15:29:26,930 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 66/112 +[2024-10-13 15:29:26,996 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 67/112 +[2024-10-13 15:29:27,061 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 68/112 +[2024-10-13 15:29:27,127 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 69/112 +[2024-10-13 15:29:27,193 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 70/112 +[2024-10-13 15:29:27,259 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 71/112 +[2024-10-13 15:29:27,331 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 72/112 +[2024-10-13 15:29:27,402 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 73/112 +[2024-10-13 15:29:27,474 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 74/112 +[2024-10-13 15:29:27,546 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 75/112 +[2024-10-13 15:29:27,618 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 76/112 +[2024-10-13 15:29:27,689 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 77/112 +[2024-10-13 15:29:27,761 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 78/112 +[2024-10-13 15:29:27,833 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 79/112 +[2024-10-13 15:29:27,905 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 80/112 +[2024-10-13 15:29:27,977 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 81/112 +[2024-10-13 15:29:28,048 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 82/112 +[2024-10-13 15:29:28,121 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 83/112 +[2024-10-13 15:29:28,193 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 84/112 +[2024-10-13 15:29:28,264 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 85/112 +[2024-10-13 15:29:28,336 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 86/112 +[2024-10-13 15:29:28,408 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 87/112 +[2024-10-13 15:29:28,480 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 88/112 +[2024-10-13 15:29:28,553 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 89/112 +[2024-10-13 15:29:28,624 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 90/112 +[2024-10-13 15:29:28,696 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 91/112 +[2024-10-13 15:29:28,768 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 92/112 +[2024-10-13 15:29:28,840 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 93/112 +[2024-10-13 15:29:28,913 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 94/112 +[2024-10-13 15:29:28,984 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 95/112 +[2024-10-13 15:29:29,057 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 96/112 +[2024-10-13 15:29:29,128 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 97/112 +[2024-10-13 15:29:29,201 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 98/112 +[2024-10-13 15:29:29,273 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 99/112 +[2024-10-13 15:29:29,344 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 100/112 +[2024-10-13 15:29:29,416 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 101/112 +[2024-10-13 15:29:29,488 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 102/112 +[2024-10-13 15:29:29,561 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 103/112 +[2024-10-13 15:29:29,629 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 104/112 +[2024-10-13 15:29:29,697 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 105/112 +[2024-10-13 15:29:29,765 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 106/112 +[2024-10-13 15:29:29,833 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 107/112 +[2024-10-13 15:29:29,901 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 108/112 +[2024-10-13 15:29:29,969 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 109/112 +[2024-10-13 15:29:30,038 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 110/112 +[2024-10-13 15:29:30,105 INFO test.py line 186 25394] Test: 1/312-scene0461_00, Batch: 111/112 +[2024-10-13 15:29:30,191 INFO test.py line 272 25394] Test: scene0461_00 [1/312]-59134 Batch 11.701 (11.701) Accuracy 0.9392 (0.0286) mIoU 0.7408 (0.0259) +[2024-10-13 15:29:30,333 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 0/135 +[2024-10-13 15:29:30,455 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 1/135 +[2024-10-13 15:29:30,581 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 2/135 +[2024-10-13 15:29:30,707 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 3/135 +[2024-10-13 15:29:30,831 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 4/135 +[2024-10-13 15:29:30,954 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 5/135 +[2024-10-13 15:29:31,076 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 6/135 +[2024-10-13 15:29:31,199 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 7/135 +[2024-10-13 15:29:31,321 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 8/135 +[2024-10-13 15:29:31,443 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 9/135 +[2024-10-13 15:29:31,565 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 10/135 +[2024-10-13 15:29:31,689 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 11/135 +[2024-10-13 15:29:31,812 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 12/135 +[2024-10-13 15:29:31,935 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 13/135 +[2024-10-13 15:29:32,059 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 14/135 +[2024-10-13 15:29:32,182 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 15/135 +[2024-10-13 15:29:32,305 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 16/135 +[2024-10-13 15:29:32,428 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 17/135 +[2024-10-13 15:29:32,551 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 18/135 +[2024-10-13 15:29:32,675 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 19/135 +[2024-10-13 15:29:32,798 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 20/135 +[2024-10-13 15:29:32,921 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 21/135 +[2024-10-13 15:29:33,043 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 22/135 +[2024-10-13 15:29:33,166 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 23/135 +[2024-10-13 15:29:33,288 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 24/135 +[2024-10-13 15:29:33,410 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 25/135 +[2024-10-13 15:29:33,532 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 26/135 +[2024-10-13 15:29:33,659 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 27/135 +[2024-10-13 15:29:33,781 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 28/135 +[2024-10-13 15:29:33,903 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 29/135 +[2024-10-13 15:29:34,025 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 30/135 +[2024-10-13 15:29:34,399 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 31/135 +[2024-10-13 15:29:34,751 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 32/135 +[2024-10-13 15:29:34,876 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 33/135 +[2024-10-13 15:29:34,999 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 34/135 +[2024-10-13 15:29:35,122 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 35/135 +[2024-10-13 15:29:35,244 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 36/135 +[2024-10-13 15:29:35,368 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 37/135 +[2024-10-13 15:29:35,491 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 38/135 +[2024-10-13 15:29:35,615 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 39/135 +[2024-10-13 15:29:35,738 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 40/135 +[2024-10-13 15:29:35,860 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 41/135 +[2024-10-13 15:29:35,984 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 42/135 +[2024-10-13 15:29:36,107 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 43/135 +[2024-10-13 15:29:36,222 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 44/135 +[2024-10-13 15:29:36,337 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 45/135 +[2024-10-13 15:29:36,452 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 46/135 +[2024-10-13 15:29:36,567 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 47/135 +[2024-10-13 15:29:36,682 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 48/135 +[2024-10-13 15:29:36,797 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 49/135 +[2024-10-13 15:29:36,911 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 50/135 +[2024-10-13 15:29:37,026 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 51/135 +[2024-10-13 15:29:37,141 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 52/135 +[2024-10-13 15:29:37,256 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 53/135 +[2024-10-13 15:29:37,371 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 54/135 +[2024-10-13 15:29:37,485 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 55/135 +[2024-10-13 15:29:37,600 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 56/135 +[2024-10-13 15:29:37,715 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 57/135 +[2024-10-13 15:29:37,830 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 58/135 +[2024-10-13 15:29:37,944 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 59/135 +[2024-10-13 15:29:38,059 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 60/135 +[2024-10-13 15:29:38,173 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 61/135 +[2024-10-13 15:29:38,288 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 62/135 +[2024-10-13 15:29:38,403 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 63/135 +[2024-10-13 15:29:38,519 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 64/135 +[2024-10-13 15:29:38,633 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 65/135 +[2024-10-13 15:29:38,748 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 66/135 +[2024-10-13 15:29:38,863 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 67/135 +[2024-10-13 15:29:38,977 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 68/135 +[2024-10-13 15:29:39,092 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 69/135 +[2024-10-13 15:29:39,206 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 70/135 +[2024-10-13 15:29:39,321 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 71/135 +[2024-10-13 15:29:39,436 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 72/135 +[2024-10-13 15:29:39,550 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 73/135 +[2024-10-13 15:29:39,665 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 74/135 +[2024-10-13 15:29:39,780 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 75/135 +[2024-10-13 15:29:39,894 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 76/135 +[2024-10-13 15:29:40,009 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 77/135 +[2024-10-13 15:29:40,123 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 78/135 +[2024-10-13 15:29:40,238 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 79/135 +[2024-10-13 15:29:40,353 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 80/135 +[2024-10-13 15:29:40,467 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 81/135 +[2024-10-13 15:29:40,582 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 82/135 +[2024-10-13 15:29:40,697 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 83/135 +[2024-10-13 15:29:40,811 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 84/135 +[2024-10-13 15:29:40,926 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 85/135 +[2024-10-13 15:29:41,041 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 86/135 +[2024-10-13 15:29:41,155 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 87/135 +[2024-10-13 15:29:41,284 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 88/135 +[2024-10-13 15:29:41,413 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 89/135 +[2024-10-13 15:29:41,542 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 90/135 +[2024-10-13 15:29:41,671 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 91/135 +[2024-10-13 15:29:41,799 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 92/135 +[2024-10-13 15:29:41,928 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 93/135 +[2024-10-13 15:29:42,057 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 94/135 +[2024-10-13 15:29:42,185 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 95/135 +[2024-10-13 15:29:42,314 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 96/135 +[2024-10-13 15:29:42,443 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 97/135 +[2024-10-13 15:29:42,572 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 98/135 +[2024-10-13 15:29:42,701 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 99/135 +[2024-10-13 15:29:42,829 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 100/135 +[2024-10-13 15:29:42,958 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 101/135 +[2024-10-13 15:29:43,087 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 102/135 +[2024-10-13 15:29:43,216 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 103/135 +[2024-10-13 15:29:43,345 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 104/135 +[2024-10-13 15:29:43,474 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 105/135 +[2024-10-13 15:29:43,603 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 106/135 +[2024-10-13 15:29:43,733 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 107/135 +[2024-10-13 15:29:43,863 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 108/135 +[2024-10-13 15:29:43,993 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 109/135 +[2024-10-13 15:29:44,122 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 110/135 +[2024-10-13 15:29:44,251 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 111/135 +[2024-10-13 15:29:44,380 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 112/135 +[2024-10-13 15:29:44,508 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 113/135 +[2024-10-13 15:29:44,637 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 114/135 +[2024-10-13 15:29:44,766 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 115/135 +[2024-10-13 15:29:44,894 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 116/135 +[2024-10-13 15:29:45,022 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 117/135 +[2024-10-13 15:29:45,151 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 118/135 +[2024-10-13 15:29:45,279 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 119/135 +[2024-10-13 15:29:45,408 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 120/135 +[2024-10-13 15:29:45,536 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 121/135 +[2024-10-13 15:29:45,664 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 122/135 +[2024-10-13 15:29:45,793 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 123/135 +[2024-10-13 15:29:45,914 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 124/135 +[2024-10-13 15:29:46,035 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 125/135 +[2024-10-13 15:29:46,156 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 126/135 +[2024-10-13 15:29:46,277 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 127/135 +[2024-10-13 15:29:46,398 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 128/135 +[2024-10-13 15:29:46,519 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 129/135 +[2024-10-13 15:29:46,640 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 130/135 +[2024-10-13 15:29:46,761 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 131/135 +[2024-10-13 15:29:46,883 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 132/135 +[2024-10-13 15:29:47,004 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 133/135 +[2024-10-13 15:29:47,125 INFO test.py line 186 25394] Test: 2/312-scene0655_00, Batch: 134/135 +[2024-10-13 15:29:47,304 INFO test.py line 272 25394] Test: scene0655_00 [2/312]-139138 Batch 17.113 (14.407) Accuracy 0.7620 (0.0384) mIoU 0.4946 (0.0311) +[2024-10-13 15:29:47,442 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 0/134 +[2024-10-13 15:29:47,565 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 1/134 +[2024-10-13 15:29:47,686 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 2/134 +[2024-10-13 15:29:47,807 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 3/134 +[2024-10-13 15:29:47,927 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 4/134 +[2024-10-13 15:29:48,048 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 5/134 +[2024-10-13 15:29:48,168 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 6/134 +[2024-10-13 15:29:48,289 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 7/134 +[2024-10-13 15:29:48,409 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 8/134 +[2024-10-13 15:29:48,530 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 9/134 +[2024-10-13 15:29:48,651 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 10/134 +[2024-10-13 15:29:48,773 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 11/134 +[2024-10-13 15:29:48,913 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 12/134 +[2024-10-13 15:29:49,038 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 13/134 +[2024-10-13 15:29:49,160 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 14/134 +[2024-10-13 15:29:49,280 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 15/134 +[2024-10-13 15:29:49,400 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 16/134 +[2024-10-13 15:29:49,520 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 17/134 +[2024-10-13 15:29:49,640 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 18/134 +[2024-10-13 15:29:49,761 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 19/134 +[2024-10-13 15:29:49,881 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 20/134 +[2024-10-13 15:29:50,002 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 21/134 +[2024-10-13 15:29:50,122 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 22/134 +[2024-10-13 15:29:50,242 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 23/134 +[2024-10-13 15:29:50,362 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 24/134 +[2024-10-13 15:29:50,482 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 25/134 +[2024-10-13 15:29:50,603 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 26/134 +[2024-10-13 15:29:50,723 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 27/134 +[2024-10-13 15:29:50,843 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 28/134 +[2024-10-13 15:29:50,963 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 29/134 +[2024-10-13 15:29:51,084 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 30/134 +[2024-10-13 15:29:51,204 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 31/134 +[2024-10-13 15:29:51,325 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 32/134 +[2024-10-13 15:29:51,445 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 33/134 +[2024-10-13 15:29:51,566 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 34/134 +[2024-10-13 15:29:51,686 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 35/134 +[2024-10-13 15:29:51,807 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 36/134 +[2024-10-13 15:29:51,927 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 37/134 +[2024-10-13 15:29:52,047 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 38/134 +[2024-10-13 15:29:52,168 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 39/134 +[2024-10-13 15:29:52,283 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 40/134 +[2024-10-13 15:29:52,398 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 41/134 +[2024-10-13 15:29:52,512 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 42/134 +[2024-10-13 15:29:52,627 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 43/134 +[2024-10-13 15:29:52,742 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 44/134 +[2024-10-13 15:29:52,857 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 45/134 +[2024-10-13 15:29:52,972 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 46/134 +[2024-10-13 15:29:53,087 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 47/134 +[2024-10-13 15:29:53,201 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 48/134 +[2024-10-13 15:29:53,316 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 49/134 +[2024-10-13 15:29:53,431 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 50/134 +[2024-10-13 15:29:53,546 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 51/134 +[2024-10-13 15:29:53,658 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 52/134 +[2024-10-13 15:29:53,770 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 53/134 +[2024-10-13 15:29:53,883 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 54/134 +[2024-10-13 15:29:53,995 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 55/134 +[2024-10-13 15:29:54,107 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 56/134 +[2024-10-13 15:29:54,219 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 57/134 +[2024-10-13 15:29:54,332 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 58/134 +[2024-10-13 15:29:54,444 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 59/134 +[2024-10-13 15:29:54,555 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 60/134 +[2024-10-13 15:29:54,668 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 61/134 +[2024-10-13 15:29:54,780 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 62/134 +[2024-10-13 15:29:54,892 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 63/134 +[2024-10-13 15:29:55,004 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 64/134 +[2024-10-13 15:29:55,116 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 65/134 +[2024-10-13 15:29:55,229 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 66/134 +[2024-10-13 15:29:55,341 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 67/134 +[2024-10-13 15:29:55,453 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 68/134 +[2024-10-13 15:29:55,565 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 69/134 +[2024-10-13 15:29:55,677 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 70/134 +[2024-10-13 15:29:55,790 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 71/134 +[2024-10-13 15:29:55,902 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 72/134 +[2024-10-13 15:29:56,015 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 73/134 +[2024-10-13 15:29:56,127 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 74/134 +[2024-10-13 15:29:56,239 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 75/134 +[2024-10-13 15:29:56,353 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 76/134 +[2024-10-13 15:29:56,467 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 77/134 +[2024-10-13 15:29:56,581 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 78/134 +[2024-10-13 15:29:56,695 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 79/134 +[2024-10-13 15:29:56,809 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 80/134 +[2024-10-13 15:29:56,923 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 81/134 +[2024-10-13 15:29:57,037 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 82/134 +[2024-10-13 15:29:57,151 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 83/134 +[2024-10-13 15:29:57,265 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 84/134 +[2024-10-13 15:29:57,379 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 85/134 +[2024-10-13 15:29:57,494 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 86/134 +[2024-10-13 15:29:57,608 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 87/134 +[2024-10-13 15:29:57,757 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 88/134 +[2024-10-13 15:29:57,885 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 89/134 +[2024-10-13 15:29:58,013 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 90/134 +[2024-10-13 15:29:58,141 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 91/134 +[2024-10-13 15:29:58,269 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 92/134 +[2024-10-13 15:29:58,396 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 93/134 +[2024-10-13 15:29:58,524 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 94/134 +[2024-10-13 15:29:58,653 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 95/134 +[2024-10-13 15:29:58,781 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 96/134 +[2024-10-13 15:29:58,909 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 97/134 +[2024-10-13 15:29:59,038 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 98/134 +[2024-10-13 15:29:59,167 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 99/134 +[2024-10-13 15:29:59,295 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 100/134 +[2024-10-13 15:29:59,424 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 101/134 +[2024-10-13 15:29:59,553 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 102/134 +[2024-10-13 15:29:59,682 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 103/134 +[2024-10-13 15:29:59,810 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 104/134 +[2024-10-13 15:29:59,939 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 105/134 +[2024-10-13 15:30:00,067 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 106/134 +[2024-10-13 15:30:00,196 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 107/134 +[2024-10-13 15:30:00,325 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 108/134 +[2024-10-13 15:30:00,453 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 109/134 +[2024-10-13 15:30:00,582 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 110/134 +[2024-10-13 15:30:00,710 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 111/134 +[2024-10-13 15:30:00,839 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 112/134 +[2024-10-13 15:30:00,967 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 113/134 +[2024-10-13 15:30:01,096 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 114/134 +[2024-10-13 15:30:01,224 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 115/134 +[2024-10-13 15:30:01,352 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 116/134 +[2024-10-13 15:30:01,481 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 117/134 +[2024-10-13 15:30:01,609 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 118/134 +[2024-10-13 15:30:01,737 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 119/134 +[2024-10-13 15:30:01,865 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 120/134 +[2024-10-13 15:30:01,994 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 121/134 +[2024-10-13 15:30:02,122 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 122/134 +[2024-10-13 15:30:02,250 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 123/134 +[2024-10-13 15:30:02,370 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 124/134 +[2024-10-13 15:30:02,490 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 125/134 +[2024-10-13 15:30:02,610 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 126/134 +[2024-10-13 15:30:02,730 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 127/134 +[2024-10-13 15:30:02,850 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 128/134 +[2024-10-13 15:30:02,970 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 129/134 +[2024-10-13 15:30:03,090 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 130/134 +[2024-10-13 15:30:03,210 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 131/134 +[2024-10-13 15:30:03,330 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 132/134 +[2024-10-13 15:30:03,450 INFO test.py line 186 25394] Test: 3/312-scene0300_00, Batch: 133/134 +[2024-10-13 15:30:03,634 INFO test.py line 272 25394] Test: scene0300_00 [3/312]-140216 Batch 16.329 (15.048) Accuracy 0.8101 (0.0587) mIoU 0.5709 (0.0520) +[2024-10-13 15:30:03,797 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 0/138 +[2024-10-13 15:30:03,934 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 1/138 +[2024-10-13 15:30:04,071 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 2/138 +[2024-10-13 15:30:04,208 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 3/138 +[2024-10-13 15:30:04,345 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 4/138 +[2024-10-13 15:30:04,482 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 5/138 +[2024-10-13 15:30:04,620 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 6/138 +[2024-10-13 15:30:04,757 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 7/138 +[2024-10-13 15:30:04,920 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 8/138 +[2024-10-13 15:30:05,058 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 9/138 +[2024-10-13 15:30:05,195 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 10/138 +[2024-10-13 15:30:05,332 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 11/138 +[2024-10-13 15:30:05,469 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 12/138 +[2024-10-13 15:30:05,607 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 13/138 +[2024-10-13 15:30:05,744 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 14/138 +[2024-10-13 15:30:05,881 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 15/138 +[2024-10-13 15:30:06,018 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 16/138 +[2024-10-13 15:30:06,155 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 17/138 +[2024-10-13 15:30:06,292 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 18/138 +[2024-10-13 15:30:06,429 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 19/138 +[2024-10-13 15:30:06,566 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 20/138 +[2024-10-13 15:30:06,703 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 21/138 +[2024-10-13 15:30:06,841 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 22/138 +[2024-10-13 15:30:06,978 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 23/138 +[2024-10-13 15:30:07,115 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 24/138 +[2024-10-13 15:30:07,251 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 25/138 +[2024-10-13 15:30:07,389 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 26/138 +[2024-10-13 15:30:07,526 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 27/138 +[2024-10-13 15:30:07,663 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 28/138 +[2024-10-13 15:30:07,800 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 29/138 +[2024-10-13 15:30:07,936 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 30/138 +[2024-10-13 15:30:08,073 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 31/138 +[2024-10-13 15:30:08,210 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 32/138 +[2024-10-13 15:30:08,347 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 33/138 +[2024-10-13 15:30:08,484 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 34/138 +[2024-10-13 15:30:08,621 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 35/138 +[2024-10-13 15:30:08,758 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 36/138 +[2024-10-13 15:30:08,895 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 37/138 +[2024-10-13 15:30:09,032 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 38/138 +[2024-10-13 15:30:09,168 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 39/138 +[2024-10-13 15:30:09,296 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 40/138 +[2024-10-13 15:30:09,424 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 41/138 +[2024-10-13 15:30:09,552 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 42/138 +[2024-10-13 15:30:09,680 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 43/138 +[2024-10-13 15:30:09,808 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 44/138 +[2024-10-13 15:30:09,937 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 45/138 +[2024-10-13 15:30:10,065 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 46/138 +[2024-10-13 15:30:10,192 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 47/138 +[2024-10-13 15:30:10,321 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 48/138 +[2024-10-13 15:30:10,448 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 49/138 +[2024-10-13 15:30:10,576 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 50/138 +[2024-10-13 15:30:10,704 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 51/138 +[2024-10-13 15:30:10,832 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 52/138 +[2024-10-13 15:30:10,960 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 53/138 +[2024-10-13 15:30:11,088 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 54/138 +[2024-10-13 15:30:11,217 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 55/138 +[2024-10-13 15:30:11,345 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 56/138 +[2024-10-13 15:30:11,473 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 57/138 +[2024-10-13 15:30:11,601 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 58/138 +[2024-10-13 15:30:11,729 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 59/138 +[2024-10-13 15:30:11,857 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 60/138 +[2024-10-13 15:30:11,985 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 61/138 +[2024-10-13 15:30:12,113 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 62/138 +[2024-10-13 15:30:12,242 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 63/138 +[2024-10-13 15:30:12,370 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 64/138 +[2024-10-13 15:30:12,499 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 65/138 +[2024-10-13 15:30:12,627 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 66/138 +[2024-10-13 15:30:12,755 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 67/138 +[2024-10-13 15:30:12,884 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 68/138 +[2024-10-13 15:30:13,012 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 69/138 +[2024-10-13 15:30:13,141 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 70/138 +[2024-10-13 15:30:13,269 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 71/138 +[2024-10-13 15:30:13,398 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 72/138 +[2024-10-13 15:30:13,526 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 73/138 +[2024-10-13 15:30:13,654 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 74/138 +[2024-10-13 15:30:13,783 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 75/138 +[2024-10-13 15:30:13,912 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 76/138 +[2024-10-13 15:30:14,041 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 77/138 +[2024-10-13 15:30:14,169 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 78/138 +[2024-10-13 15:30:14,298 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 79/138 +[2024-10-13 15:30:14,427 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 80/138 +[2024-10-13 15:30:14,555 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 81/138 +[2024-10-13 15:30:14,684 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 82/138 +[2024-10-13 15:30:14,812 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 83/138 +[2024-10-13 15:30:14,957 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 84/138 +[2024-10-13 15:30:15,103 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 85/138 +[2024-10-13 15:30:15,248 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 86/138 +[2024-10-13 15:30:15,392 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 87/138 +[2024-10-13 15:30:15,537 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 88/138 +[2024-10-13 15:30:15,682 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 89/138 +[2024-10-13 15:30:15,827 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 90/138 +[2024-10-13 15:30:15,972 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 91/138 +[2024-10-13 15:30:16,117 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 92/138 +[2024-10-13 15:30:16,262 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 93/138 +[2024-10-13 15:30:16,407 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 94/138 +[2024-10-13 15:30:16,552 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 95/138 +[2024-10-13 15:30:16,697 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 96/138 +[2024-10-13 15:30:16,842 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 97/138 +[2024-10-13 15:30:16,987 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 98/138 +[2024-10-13 15:30:17,132 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 99/138 +[2024-10-13 15:30:17,277 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 100/138 +[2024-10-13 15:30:17,421 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 101/138 +[2024-10-13 15:30:17,566 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 102/138 +[2024-10-13 15:30:17,712 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 103/138 +[2024-10-13 15:30:17,856 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 104/138 +[2024-10-13 15:30:18,001 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 105/138 +[2024-10-13 15:30:18,146 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 106/138 +[2024-10-13 15:30:18,291 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 107/138 +[2024-10-13 15:30:18,436 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 108/138 +[2024-10-13 15:30:18,580 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 109/138 +[2024-10-13 15:30:18,725 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 110/138 +[2024-10-13 15:30:18,870 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 111/138 +[2024-10-13 15:30:19,015 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 112/138 +[2024-10-13 15:30:19,160 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 113/138 +[2024-10-13 15:30:19,304 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 114/138 +[2024-10-13 15:30:19,449 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 115/138 +[2024-10-13 15:30:19,594 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 116/138 +[2024-10-13 15:30:19,739 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 117/138 +[2024-10-13 15:30:19,883 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 118/138 +[2024-10-13 15:30:20,028 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 119/138 +[2024-10-13 15:30:20,173 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 120/138 +[2024-10-13 15:30:20,317 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 121/138 +[2024-10-13 15:30:20,462 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 122/138 +[2024-10-13 15:30:20,607 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 123/138 +[2024-10-13 15:30:20,751 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 124/138 +[2024-10-13 15:30:20,896 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 125/138 +[2024-10-13 15:30:21,040 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 126/138 +[2024-10-13 15:30:21,185 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 127/138 +[2024-10-13 15:30:21,323 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 128/138 +[2024-10-13 15:30:21,461 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 129/138 +[2024-10-13 15:30:21,598 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 130/138 +[2024-10-13 15:30:21,735 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 131/138 +[2024-10-13 15:30:21,872 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 132/138 +[2024-10-13 15:30:22,010 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 133/138 +[2024-10-13 15:30:22,147 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 134/138 +[2024-10-13 15:30:22,285 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 135/138 +[2024-10-13 15:30:22,422 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 136/138 +[2024-10-13 15:30:22,560 INFO test.py line 186 25394] Test: 4/312-scene0699_00, Batch: 137/138 +[2024-10-13 15:30:22,756 INFO test.py line 272 25394] Test: scene0699_00 [4/312]-153041 Batch 19.122 (16.066) Accuracy 0.7688 (0.1053) mIoU 0.4014 (0.0911) +[2024-10-13 15:30:22,852 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 0/116 +[2024-10-13 15:30:22,936 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 1/116 +[2024-10-13 15:30:23,020 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 2/116 +[2024-10-13 15:30:23,104 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 3/116 +[2024-10-13 15:30:23,188 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 4/116 +[2024-10-13 15:30:23,272 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 5/116 +[2024-10-13 15:30:23,356 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 6/116 +[2024-10-13 15:30:23,440 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 7/116 +[2024-10-13 15:30:23,524 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 8/116 +[2024-10-13 15:30:23,608 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 9/116 +[2024-10-13 15:30:23,692 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 10/116 +[2024-10-13 15:30:23,776 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 11/116 +[2024-10-13 15:30:23,860 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 12/116 +[2024-10-13 15:30:23,944 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 13/116 +[2024-10-13 15:30:24,027 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 14/116 +[2024-10-13 15:30:24,111 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 15/116 +[2024-10-13 15:30:24,195 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 16/116 +[2024-10-13 15:30:24,279 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 17/116 +[2024-10-13 15:30:24,362 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 18/116 +[2024-10-13 15:30:24,446 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 19/116 +[2024-10-13 15:30:24,529 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 20/116 +[2024-10-13 15:30:24,613 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 21/116 +[2024-10-13 15:30:24,696 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 22/116 +[2024-10-13 15:30:24,780 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 23/116 +[2024-10-13 15:30:24,864 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 24/116 +[2024-10-13 15:30:24,964 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 25/116 +[2024-10-13 15:30:25,067 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 26/116 +[2024-10-13 15:30:25,153 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 27/116 +[2024-10-13 15:30:25,237 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 28/116 +[2024-10-13 15:30:25,321 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 29/116 +[2024-10-13 15:30:25,405 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 30/116 +[2024-10-13 15:30:25,489 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 31/116 +[2024-10-13 15:30:25,570 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 32/116 +[2024-10-13 15:30:25,650 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 33/116 +[2024-10-13 15:30:25,730 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 34/116 +[2024-10-13 15:30:25,811 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 35/116 +[2024-10-13 15:30:25,891 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 36/116 +[2024-10-13 15:30:25,971 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 37/116 +[2024-10-13 15:30:26,052 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 38/116 +[2024-10-13 15:30:26,132 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 39/116 +[2024-10-13 15:30:26,213 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 40/116 +[2024-10-13 15:30:26,294 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 41/116 +[2024-10-13 15:30:26,375 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 42/116 +[2024-10-13 15:30:26,455 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 43/116 +[2024-10-13 15:30:26,536 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 44/116 +[2024-10-13 15:30:26,617 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 45/116 +[2024-10-13 15:30:26,698 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 46/116 +[2024-10-13 15:30:26,779 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 47/116 +[2024-10-13 15:30:26,859 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 48/116 +[2024-10-13 15:30:26,940 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 49/116 +[2024-10-13 15:30:27,020 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 50/116 +[2024-10-13 15:30:27,101 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 51/116 +[2024-10-13 15:30:27,181 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 52/116 +[2024-10-13 15:30:27,261 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 53/116 +[2024-10-13 15:30:27,342 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 54/116 +[2024-10-13 15:30:27,422 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 55/116 +[2024-10-13 15:30:27,502 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 56/116 +[2024-10-13 15:30:27,583 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 57/116 +[2024-10-13 15:30:27,663 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 58/116 +[2024-10-13 15:30:27,744 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 59/116 +[2024-10-13 15:30:27,825 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 60/116 +[2024-10-13 15:30:27,906 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 61/116 +[2024-10-13 15:30:27,987 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 62/116 +[2024-10-13 15:30:28,067 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 63/116 +[2024-10-13 15:30:28,148 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 64/116 +[2024-10-13 15:30:28,229 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 65/116 +[2024-10-13 15:30:28,309 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 66/116 +[2024-10-13 15:30:28,390 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 67/116 +[2024-10-13 15:30:28,477 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 68/116 +[2024-10-13 15:30:28,564 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 69/116 +[2024-10-13 15:30:28,650 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 70/116 +[2024-10-13 15:30:28,737 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 71/116 +[2024-10-13 15:30:28,824 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 72/116 +[2024-10-13 15:30:28,910 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 73/116 +[2024-10-13 15:30:28,997 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 74/116 +[2024-10-13 15:30:29,084 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 75/116 +[2024-10-13 15:30:29,171 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 76/116 +[2024-10-13 15:30:29,257 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 77/116 +[2024-10-13 15:30:29,345 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 78/116 +[2024-10-13 15:30:29,432 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 79/116 +[2024-10-13 15:30:29,518 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 80/116 +[2024-10-13 15:30:29,605 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 81/116 +[2024-10-13 15:30:29,692 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 82/116 +[2024-10-13 15:30:29,779 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 83/116 +[2024-10-13 15:30:29,866 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 84/116 +[2024-10-13 15:30:29,953 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 85/116 +[2024-10-13 15:30:30,040 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 86/116 +[2024-10-13 15:30:30,127 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 87/116 +[2024-10-13 15:30:30,213 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 88/116 +[2024-10-13 15:30:30,300 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 89/116 +[2024-10-13 15:30:30,386 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 90/116 +[2024-10-13 15:30:30,473 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 91/116 +[2024-10-13 15:30:30,560 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 92/116 +[2024-10-13 15:30:30,647 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 93/116 +[2024-10-13 15:30:30,733 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 94/116 +[2024-10-13 15:30:30,820 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 95/116 +[2024-10-13 15:30:30,908 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 96/116 +[2024-10-13 15:30:31,001 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 97/116 +[2024-10-13 15:30:31,087 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 98/116 +[2024-10-13 15:30:31,174 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 99/116 +[2024-10-13 15:30:31,261 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 100/116 +[2024-10-13 15:30:31,347 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 101/116 +[2024-10-13 15:30:31,434 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 102/116 +[2024-10-13 15:30:31,521 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 103/116 +[2024-10-13 15:30:31,607 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 104/116 +[2024-10-13 15:30:31,694 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 105/116 +[2024-10-13 15:30:31,781 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 106/116 +[2024-10-13 15:30:31,867 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 107/116 +[2024-10-13 15:30:31,951 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 108/116 +[2024-10-13 15:30:32,034 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 109/116 +[2024-10-13 15:30:32,118 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 110/116 +[2024-10-13 15:30:32,202 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 111/116 +[2024-10-13 15:30:32,285 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 112/116 +[2024-10-13 15:30:32,369 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 113/116 +[2024-10-13 15:30:32,452 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 114/116 +[2024-10-13 15:30:32,536 INFO test.py line 186 25394] Test: 5/312-scene0063_00, Batch: 115/116 +[2024-10-13 15:30:32,638 INFO test.py line 272 25394] Test: scene0063_00 [5/312]-76966 Batch 9.881 (14.829) Accuracy 0.9410 (0.1239) mIoU 0.5118 (0.1085) +[2024-10-13 15:30:32,715 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 0/108 +[2024-10-13 15:30:32,782 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 1/108 +[2024-10-13 15:30:32,849 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 2/108 +[2024-10-13 15:30:32,916 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 3/108 +[2024-10-13 15:30:32,983 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 4/108 +[2024-10-13 15:30:33,050 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 5/108 +[2024-10-13 15:30:33,117 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 6/108 +[2024-10-13 15:30:33,184 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 7/108 +[2024-10-13 15:30:33,251 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 8/108 +[2024-10-13 15:30:33,317 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 9/108 +[2024-10-13 15:30:33,384 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 10/108 +[2024-10-13 15:30:33,450 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 11/108 +[2024-10-13 15:30:33,517 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 12/108 +[2024-10-13 15:30:33,583 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 13/108 +[2024-10-13 15:30:33,650 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 14/108 +[2024-10-13 15:30:33,717 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 15/108 +[2024-10-13 15:30:33,783 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 16/108 +[2024-10-13 15:30:33,850 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 17/108 +[2024-10-13 15:30:33,917 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 18/108 +[2024-10-13 15:30:33,984 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 19/108 +[2024-10-13 15:30:34,051 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 20/108 +[2024-10-13 15:30:34,117 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 21/108 +[2024-10-13 15:30:34,184 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 22/108 +[2024-10-13 15:30:34,251 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 23/108 +[2024-10-13 15:30:34,317 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 24/108 +[2024-10-13 15:30:34,384 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 25/108 +[2024-10-13 15:30:34,451 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 26/108 +[2024-10-13 15:30:34,518 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 27/108 +[2024-10-13 15:30:34,584 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 28/108 +[2024-10-13 15:30:34,651 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 29/108 +[2024-10-13 15:30:34,718 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 30/108 +[2024-10-13 15:30:34,785 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 31/108 +[2024-10-13 15:30:34,849 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 32/108 +[2024-10-13 15:30:34,913 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 33/108 +[2024-10-13 15:30:34,977 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 34/108 +[2024-10-13 15:30:35,041 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 35/108 +[2024-10-13 15:30:35,105 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 36/108 +[2024-10-13 15:30:35,170 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 37/108 +[2024-10-13 15:30:35,234 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 38/108 +[2024-10-13 15:30:35,298 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 39/108 +[2024-10-13 15:30:35,361 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 40/108 +[2024-10-13 15:30:35,424 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 41/108 +[2024-10-13 15:30:35,488 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 42/108 +[2024-10-13 15:30:35,551 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 43/108 +[2024-10-13 15:30:35,614 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 44/108 +[2024-10-13 15:30:35,678 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 45/108 +[2024-10-13 15:30:35,741 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 46/108 +[2024-10-13 15:30:35,804 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 47/108 +[2024-10-13 15:30:35,868 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 48/108 +[2024-10-13 15:30:35,931 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 49/108 +[2024-10-13 15:30:35,995 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 50/108 +[2024-10-13 15:30:36,058 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 51/108 +[2024-10-13 15:30:36,138 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 52/108 +[2024-10-13 15:30:36,238 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 53/108 +[2024-10-13 15:30:36,307 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 54/108 +[2024-10-13 15:30:36,373 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 55/108 +[2024-10-13 15:30:36,440 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 56/108 +[2024-10-13 15:30:36,504 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 57/108 +[2024-10-13 15:30:36,568 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 58/108 +[2024-10-13 15:30:36,632 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 59/108 +[2024-10-13 15:30:36,696 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 60/108 +[2024-10-13 15:30:36,760 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 61/108 +[2024-10-13 15:30:36,824 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 62/108 +[2024-10-13 15:30:36,889 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 63/108 +[2024-10-13 15:30:36,958 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 64/108 +[2024-10-13 15:30:37,026 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 65/108 +[2024-10-13 15:30:37,096 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 66/108 +[2024-10-13 15:30:37,165 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 67/108 +[2024-10-13 15:30:37,234 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 68/108 +[2024-10-13 15:30:37,303 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 69/108 +[2024-10-13 15:30:37,372 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 70/108 +[2024-10-13 15:30:37,441 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 71/108 +[2024-10-13 15:30:37,510 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 72/108 +[2024-10-13 15:30:37,579 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 73/108 +[2024-10-13 15:30:37,648 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 74/108 +[2024-10-13 15:30:37,717 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 75/108 +[2024-10-13 15:30:37,786 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 76/108 +[2024-10-13 15:30:37,856 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 77/108 +[2024-10-13 15:30:37,925 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 78/108 +[2024-10-13 15:30:37,994 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 79/108 +[2024-10-13 15:30:38,063 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 80/108 +[2024-10-13 15:30:38,133 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 81/108 +[2024-10-13 15:30:38,201 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 82/108 +[2024-10-13 15:30:38,271 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 83/108 +[2024-10-13 15:30:38,339 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 84/108 +[2024-10-13 15:30:38,408 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 85/108 +[2024-10-13 15:30:38,477 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 86/108 +[2024-10-13 15:30:38,546 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 87/108 +[2024-10-13 15:30:38,616 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 88/108 +[2024-10-13 15:30:38,685 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 89/108 +[2024-10-13 15:30:38,754 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 90/108 +[2024-10-13 15:30:38,823 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 91/108 +[2024-10-13 15:30:38,892 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 92/108 +[2024-10-13 15:30:38,961 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 93/108 +[2024-10-13 15:30:39,030 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 94/108 +[2024-10-13 15:30:39,099 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 95/108 +[2024-10-13 15:30:39,168 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 96/108 +[2024-10-13 15:30:39,237 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 97/108 +[2024-10-13 15:30:39,306 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 98/108 +[2024-10-13 15:30:39,375 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 99/108 +[2024-10-13 15:30:39,442 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 100/108 +[2024-10-13 15:30:39,509 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 101/108 +[2024-10-13 15:30:39,575 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 102/108 +[2024-10-13 15:30:39,642 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 103/108 +[2024-10-13 15:30:39,708 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 104/108 +[2024-10-13 15:30:39,775 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 105/108 +[2024-10-13 15:30:39,841 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 106/108 +[2024-10-13 15:30:39,908 INFO test.py line 186 25394] Test: 6/312-scene0574_00, Batch: 107/108 +[2024-10-13 15:30:39,987 INFO test.py line 272 25394] Test: scene0574_00 [6/312]-55521 Batch 7.349 (13.583) Accuracy 0.8276 (0.1484) mIoU 0.4094 (0.1285) +[2024-10-13 15:30:40,093 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 0/121 +[2024-10-13 15:30:40,187 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 1/121 +[2024-10-13 15:30:40,281 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 2/121 +[2024-10-13 15:30:40,374 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 3/121 +[2024-10-13 15:30:40,467 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 4/121 +[2024-10-13 15:30:40,560 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 5/121 +[2024-10-13 15:30:40,653 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 6/121 +[2024-10-13 15:30:40,747 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 7/121 +[2024-10-13 15:30:40,840 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 8/121 +[2024-10-13 15:30:40,933 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 9/121 +[2024-10-13 15:30:41,026 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 10/121 +[2024-10-13 15:30:41,120 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 11/121 +[2024-10-13 15:30:41,216 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 12/121 +[2024-10-13 15:30:41,309 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 13/121 +[2024-10-13 15:30:41,402 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 14/121 +[2024-10-13 15:30:41,495 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 15/121 +[2024-10-13 15:30:41,589 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 16/121 +[2024-10-13 15:30:41,682 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 17/121 +[2024-10-13 15:30:41,775 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 18/121 +[2024-10-13 15:30:41,913 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 19/121 +[2024-10-13 15:30:42,007 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 20/121 +[2024-10-13 15:30:42,102 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 21/121 +[2024-10-13 15:30:42,195 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 22/121 +[2024-10-13 15:30:42,288 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 23/121 +[2024-10-13 15:30:42,381 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 24/121 +[2024-10-13 15:30:42,474 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 25/121 +[2024-10-13 15:30:42,567 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 26/121 +[2024-10-13 15:30:42,661 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 27/121 +[2024-10-13 15:30:42,754 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 28/121 +[2024-10-13 15:30:42,848 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 29/121 +[2024-10-13 15:30:42,941 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 30/121 +[2024-10-13 15:30:43,035 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 31/121 +[2024-10-13 15:30:43,129 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 32/121 +[2024-10-13 15:30:43,222 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 33/121 +[2024-10-13 15:30:43,316 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 34/121 +[2024-10-13 15:30:43,409 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 35/121 +[2024-10-13 15:30:43,499 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 36/121 +[2024-10-13 15:30:43,588 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 37/121 +[2024-10-13 15:30:43,677 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 38/121 +[2024-10-13 15:30:43,766 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 39/121 +[2024-10-13 15:30:43,855 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 40/121 +[2024-10-13 15:30:43,945 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 41/121 +[2024-10-13 15:30:44,034 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 42/121 +[2024-10-13 15:30:44,123 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 43/121 +[2024-10-13 15:30:44,212 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 44/121 +[2024-10-13 15:30:44,302 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 45/121 +[2024-10-13 15:30:44,391 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 46/121 +[2024-10-13 15:30:44,480 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 47/121 +[2024-10-13 15:30:44,569 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 48/121 +[2024-10-13 15:30:44,658 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 49/121 +[2024-10-13 15:30:44,747 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 50/121 +[2024-10-13 15:30:44,836 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 51/121 +[2024-10-13 15:30:44,925 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 52/121 +[2024-10-13 15:30:45,014 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 53/121 +[2024-10-13 15:30:45,103 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 54/121 +[2024-10-13 15:30:45,192 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 55/121 +[2024-10-13 15:30:45,281 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 56/121 +[2024-10-13 15:30:45,370 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 57/121 +[2024-10-13 15:30:45,459 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 58/121 +[2024-10-13 15:30:45,548 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 59/121 +[2024-10-13 15:30:45,637 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 60/121 +[2024-10-13 15:30:45,726 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 61/121 +[2024-10-13 15:30:45,815 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 62/121 +[2024-10-13 15:30:45,904 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 63/121 +[2024-10-13 15:30:45,993 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 64/121 +[2024-10-13 15:30:46,082 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 65/121 +[2024-10-13 15:30:46,171 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 66/121 +[2024-10-13 15:30:46,260 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 67/121 +[2024-10-13 15:30:46,349 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 68/121 +[2024-10-13 15:30:46,438 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 69/121 +[2024-10-13 15:30:46,527 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 70/121 +[2024-10-13 15:30:46,616 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 71/121 +[2024-10-13 15:30:46,705 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 72/121 +[2024-10-13 15:30:46,794 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 73/121 +[2024-10-13 15:30:46,883 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 74/121 +[2024-10-13 15:30:46,972 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 75/121 +[2024-10-13 15:30:47,061 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 76/121 +[2024-10-13 15:30:47,150 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 77/121 +[2024-10-13 15:30:47,239 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 78/121 +[2024-10-13 15:30:47,327 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 79/121 +[2024-10-13 15:30:47,427 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 80/121 +[2024-10-13 15:30:47,528 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 81/121 +[2024-10-13 15:30:47,628 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 82/121 +[2024-10-13 15:30:47,728 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 83/121 +[2024-10-13 15:30:47,828 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 84/121 +[2024-10-13 15:30:47,928 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 85/121 +[2024-10-13 15:30:48,029 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 86/121 +[2024-10-13 15:30:48,129 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 87/121 +[2024-10-13 15:30:48,229 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 88/121 +[2024-10-13 15:30:48,329 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 89/121 +[2024-10-13 15:30:48,428 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 90/121 +[2024-10-13 15:30:48,528 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 91/121 +[2024-10-13 15:30:48,628 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 92/121 +[2024-10-13 15:30:48,728 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 93/121 +[2024-10-13 15:30:48,827 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 94/121 +[2024-10-13 15:30:48,927 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 95/121 +[2024-10-13 15:30:49,027 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 96/121 +[2024-10-13 15:30:49,127 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 97/121 +[2024-10-13 15:30:49,226 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 98/121 +[2024-10-13 15:30:49,326 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 99/121 +[2024-10-13 15:30:49,427 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 100/121 +[2024-10-13 15:30:49,526 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 101/121 +[2024-10-13 15:30:49,626 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 102/121 +[2024-10-13 15:30:49,726 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 103/121 +[2024-10-13 15:30:49,826 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 104/121 +[2024-10-13 15:30:49,926 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 105/121 +[2024-10-13 15:30:50,026 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 106/121 +[2024-10-13 15:30:50,126 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 107/121 +[2024-10-13 15:30:50,226 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 108/121 +[2024-10-13 15:30:50,326 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 109/121 +[2024-10-13 15:30:50,426 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 110/121 +[2024-10-13 15:30:50,526 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 111/121 +[2024-10-13 15:30:50,619 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 112/121 +[2024-10-13 15:30:50,712 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 113/121 +[2024-10-13 15:30:50,805 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 114/121 +[2024-10-13 15:30:50,898 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 115/121 +[2024-10-13 15:30:50,991 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 116/121 +[2024-10-13 15:30:51,084 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 117/121 +[2024-10-13 15:30:51,178 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 118/121 +[2024-10-13 15:30:51,270 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 119/121 +[2024-10-13 15:30:51,364 INFO test.py line 186 25394] Test: 7/312-scene0382_01, Batch: 120/121 +[2024-10-13 15:30:51,494 INFO test.py line 272 25394] Test: scene0382_01 [7/312]-96933 Batch 11.507 (13.286) Accuracy 0.8685 (0.1667) mIoU 0.4938 (0.1421) +[2024-10-13 15:30:51,621 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 0/142 +[2024-10-13 15:30:51,732 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 1/142 +[2024-10-13 15:30:51,844 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 2/142 +[2024-10-13 15:30:51,955 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 3/142 +[2024-10-13 15:30:52,067 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 4/142 +[2024-10-13 15:30:52,178 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 5/142 +[2024-10-13 15:30:52,289 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 6/142 +[2024-10-13 15:30:52,401 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 7/142 +[2024-10-13 15:30:52,512 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 8/142 +[2024-10-13 15:30:52,624 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 9/142 +[2024-10-13 15:30:52,735 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 10/142 +[2024-10-13 15:30:52,848 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 11/142 +[2024-10-13 15:30:52,960 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 12/142 +[2024-10-13 15:30:53,072 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 13/142 +[2024-10-13 15:30:53,184 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 14/142 +[2024-10-13 15:30:53,296 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 15/142 +[2024-10-13 15:30:53,408 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 16/142 +[2024-10-13 15:30:53,520 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 17/142 +[2024-10-13 15:30:53,632 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 18/142 +[2024-10-13 15:30:53,744 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 19/142 +[2024-10-13 15:30:53,855 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 20/142 +[2024-10-13 15:30:53,966 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 21/142 +[2024-10-13 15:30:54,076 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 22/142 +[2024-10-13 15:30:54,187 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 23/142 +[2024-10-13 15:30:54,298 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 24/142 +[2024-10-13 15:30:54,410 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 25/142 +[2024-10-13 15:30:54,541 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 26/142 +[2024-10-13 15:30:54,654 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 27/142 +[2024-10-13 15:30:54,765 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 28/142 +[2024-10-13 15:30:54,875 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 29/142 +[2024-10-13 15:30:54,986 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 30/142 +[2024-10-13 15:30:55,097 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 31/142 +[2024-10-13 15:30:55,208 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 32/142 +[2024-10-13 15:30:55,319 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 33/142 +[2024-10-13 15:30:55,430 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 34/142 +[2024-10-13 15:30:55,541 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 35/142 +[2024-10-13 15:30:55,652 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 36/142 +[2024-10-13 15:30:55,763 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 37/142 +[2024-10-13 15:30:55,874 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 38/142 +[2024-10-13 15:30:55,985 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 39/142 +[2024-10-13 15:30:56,091 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 40/142 +[2024-10-13 15:30:56,198 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 41/142 +[2024-10-13 15:30:56,304 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 42/142 +[2024-10-13 15:30:56,410 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 43/142 +[2024-10-13 15:30:56,517 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 44/142 +[2024-10-13 15:30:56,623 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 45/142 +[2024-10-13 15:30:56,729 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 46/142 +[2024-10-13 15:30:56,835 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 47/142 +[2024-10-13 15:30:56,942 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 48/142 +[2024-10-13 15:30:57,048 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 49/142 +[2024-10-13 15:30:57,154 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 50/142 +[2024-10-13 15:30:57,261 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 51/142 +[2024-10-13 15:30:57,367 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 52/142 +[2024-10-13 15:30:57,473 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 53/142 +[2024-10-13 15:30:57,580 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 54/142 +[2024-10-13 15:30:57,686 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 55/142 +[2024-10-13 15:30:57,793 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 56/142 +[2024-10-13 15:30:57,899 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 57/142 +[2024-10-13 15:30:58,006 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 58/142 +[2024-10-13 15:30:58,112 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 59/142 +[2024-10-13 15:30:58,218 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 60/142 +[2024-10-13 15:30:58,325 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 61/142 +[2024-10-13 15:30:58,431 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 62/142 +[2024-10-13 15:30:58,538 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 63/142 +[2024-10-13 15:30:58,645 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 64/142 +[2024-10-13 15:30:58,751 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 65/142 +[2024-10-13 15:30:58,857 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 66/142 +[2024-10-13 15:30:58,963 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 67/142 +[2024-10-13 15:30:59,070 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 68/142 +[2024-10-13 15:30:59,176 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 69/142 +[2024-10-13 15:30:59,282 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 70/142 +[2024-10-13 15:30:59,389 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 71/142 +[2024-10-13 15:30:59,495 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 72/142 +[2024-10-13 15:30:59,602 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 73/142 +[2024-10-13 15:30:59,708 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 74/142 +[2024-10-13 15:30:59,814 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 75/142 +[2024-10-13 15:30:59,920 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 76/142 +[2024-10-13 15:31:00,027 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 77/142 +[2024-10-13 15:31:00,133 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 78/142 +[2024-10-13 15:31:00,240 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 79/142 +[2024-10-13 15:31:00,346 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 80/142 +[2024-10-13 15:31:00,452 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 81/142 +[2024-10-13 15:31:00,559 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 82/142 +[2024-10-13 15:31:00,665 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 83/142 +[2024-10-13 15:31:00,772 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 84/142 +[2024-10-13 15:31:00,878 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 85/142 +[2024-10-13 15:31:00,985 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 86/142 +[2024-10-13 15:31:01,091 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 87/142 +[2024-10-13 15:31:01,210 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 88/142 +[2024-10-13 15:31:01,327 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 89/142 +[2024-10-13 15:31:01,446 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 90/142 +[2024-10-13 15:31:01,564 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 91/142 +[2024-10-13 15:31:01,682 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 92/142 +[2024-10-13 15:31:01,801 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 93/142 +[2024-10-13 15:31:01,919 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 94/142 +[2024-10-13 15:31:02,038 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 95/142 +[2024-10-13 15:31:02,156 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 96/142 +[2024-10-13 15:31:02,274 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 97/142 +[2024-10-13 15:31:02,393 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 98/142 +[2024-10-13 15:31:02,511 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 99/142 +[2024-10-13 15:31:02,629 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 100/142 +[2024-10-13 15:31:02,747 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 101/142 +[2024-10-13 15:31:02,865 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 102/142 +[2024-10-13 15:31:02,983 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 103/142 +[2024-10-13 15:31:03,101 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 104/142 +[2024-10-13 15:31:03,219 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 105/142 +[2024-10-13 15:31:03,338 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 106/142 +[2024-10-13 15:31:03,456 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 107/142 +[2024-10-13 15:31:03,574 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 108/142 +[2024-10-13 15:31:03,692 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 109/142 +[2024-10-13 15:31:03,810 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 110/142 +[2024-10-13 15:31:03,929 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 111/142 +[2024-10-13 15:31:04,047 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 112/142 +[2024-10-13 15:31:04,165 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 113/142 +[2024-10-13 15:31:04,283 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 114/142 +[2024-10-13 15:31:04,402 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 115/142 +[2024-10-13 15:31:04,520 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 116/142 +[2024-10-13 15:31:04,638 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 117/142 +[2024-10-13 15:31:04,756 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 118/142 +[2024-10-13 15:31:04,874 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 119/142 +[2024-10-13 15:31:04,992 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 120/142 +[2024-10-13 15:31:05,110 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 121/142 +[2024-10-13 15:31:05,228 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 122/142 +[2024-10-13 15:31:05,346 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 123/142 +[2024-10-13 15:31:05,464 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 124/142 +[2024-10-13 15:31:05,581 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 125/142 +[2024-10-13 15:31:05,699 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 126/142 +[2024-10-13 15:31:05,817 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 127/142 +[2024-10-13 15:31:05,935 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 128/142 +[2024-10-13 15:31:06,054 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 129/142 +[2024-10-13 15:31:06,172 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 130/142 +[2024-10-13 15:31:06,290 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 131/142 +[2024-10-13 15:31:06,400 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 132/142 +[2024-10-13 15:31:06,511 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 133/142 +[2024-10-13 15:31:06,622 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 134/142 +[2024-10-13 15:31:06,732 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 135/142 +[2024-10-13 15:31:06,843 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 136/142 +[2024-10-13 15:31:06,954 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 137/142 +[2024-10-13 15:31:07,065 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 138/142 +[2024-10-13 15:31:07,176 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 139/142 +[2024-10-13 15:31:07,287 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 140/142 +[2024-10-13 15:31:07,398 INFO test.py line 186 25394] Test: 8/312-scene0578_02, Batch: 141/142 +[2024-10-13 15:31:07,565 INFO test.py line 272 25394] Test: scene0578_02 [8/312]-128553 Batch 16.071 (13.634) Accuracy 0.9444 (0.1659) mIoU 0.6349 (0.1438) +[2024-10-13 15:31:07,660 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 0/141 +[2024-10-13 15:31:07,742 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 1/141 +[2024-10-13 15:31:07,825 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 2/141 +[2024-10-13 15:31:07,908 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 3/141 +[2024-10-13 15:31:07,990 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 4/141 +[2024-10-13 15:31:08,073 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 5/141 +[2024-10-13 15:31:08,155 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 6/141 +[2024-10-13 15:31:08,237 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 7/141 +[2024-10-13 15:31:08,320 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 8/141 +[2024-10-13 15:31:08,402 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 9/141 +[2024-10-13 15:31:08,484 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 10/141 +[2024-10-13 15:31:08,567 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 11/141 +[2024-10-13 15:31:08,649 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 12/141 +[2024-10-13 15:31:08,732 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 13/141 +[2024-10-13 15:31:08,814 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 14/141 +[2024-10-13 15:31:08,897 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 15/141 +[2024-10-13 15:31:08,979 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 16/141 +[2024-10-13 15:31:09,061 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 17/141 +[2024-10-13 15:31:09,143 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 18/141 +[2024-10-13 15:31:09,226 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 19/141 +[2024-10-13 15:31:09,308 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 20/141 +[2024-10-13 15:31:09,390 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 21/141 +[2024-10-13 15:31:09,473 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 22/141 +[2024-10-13 15:31:09,555 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 23/141 +[2024-10-13 15:31:09,638 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 24/141 +[2024-10-13 15:31:09,720 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 25/141 +[2024-10-13 15:31:09,803 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 26/141 +[2024-10-13 15:31:09,885 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 27/141 +[2024-10-13 15:31:09,967 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 28/141 +[2024-10-13 15:31:10,050 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 29/141 +[2024-10-13 15:31:10,133 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 30/141 +[2024-10-13 15:31:10,253 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 31/141 +[2024-10-13 15:31:10,342 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 32/141 +[2024-10-13 15:31:10,426 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 33/141 +[2024-10-13 15:31:10,510 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 34/141 +[2024-10-13 15:31:10,592 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 35/141 +[2024-10-13 15:31:10,669 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 36/141 +[2024-10-13 15:31:10,745 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 37/141 +[2024-10-13 15:31:10,822 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 38/141 +[2024-10-13 15:31:10,898 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 39/141 +[2024-10-13 15:31:10,975 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 40/141 +[2024-10-13 15:31:11,052 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 41/141 +[2024-10-13 15:31:11,129 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 42/141 +[2024-10-13 15:31:11,205 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 43/141 +[2024-10-13 15:31:11,282 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 44/141 +[2024-10-13 15:31:11,358 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 45/141 +[2024-10-13 15:31:11,435 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 46/141 +[2024-10-13 15:31:11,512 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 47/141 +[2024-10-13 15:31:11,588 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 48/141 +[2024-10-13 15:31:11,665 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 49/141 +[2024-10-13 15:31:11,741 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 50/141 +[2024-10-13 15:31:11,817 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 51/141 +[2024-10-13 15:31:11,896 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 52/141 +[2024-10-13 15:31:11,973 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 53/141 +[2024-10-13 15:31:12,049 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 54/141 +[2024-10-13 15:31:12,126 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 55/141 +[2024-10-13 15:31:12,202 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 56/141 +[2024-10-13 15:31:12,278 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 57/141 +[2024-10-13 15:31:12,355 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 58/141 +[2024-10-13 15:31:12,432 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 59/141 +[2024-10-13 15:31:12,508 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 60/141 +[2024-10-13 15:31:12,584 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 61/141 +[2024-10-13 15:31:12,661 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 62/141 +[2024-10-13 15:31:12,737 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 63/141 +[2024-10-13 15:31:12,813 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 64/141 +[2024-10-13 15:31:12,890 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 65/141 +[2024-10-13 15:31:12,966 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 66/141 +[2024-10-13 15:31:13,043 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 67/141 +[2024-10-13 15:31:13,119 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 68/141 +[2024-10-13 15:31:13,195 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 69/141 +[2024-10-13 15:31:13,272 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 70/141 +[2024-10-13 15:31:13,348 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 71/141 +[2024-10-13 15:31:13,425 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 72/141 +[2024-10-13 15:31:13,501 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 73/141 +[2024-10-13 15:31:13,577 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 74/141 +[2024-10-13 15:31:13,654 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 75/141 +[2024-10-13 15:31:13,730 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 76/141 +[2024-10-13 15:31:13,807 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 77/141 +[2024-10-13 15:31:13,884 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 78/141 +[2024-10-13 15:31:13,960 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 79/141 +[2024-10-13 15:31:14,036 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 80/141 +[2024-10-13 15:31:14,113 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 81/141 +[2024-10-13 15:31:14,189 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 82/141 +[2024-10-13 15:31:14,266 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 83/141 +[2024-10-13 15:31:14,343 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 84/141 +[2024-10-13 15:31:14,419 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 85/141 +[2024-10-13 15:31:14,496 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 86/141 +[2024-10-13 15:31:14,572 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 87/141 +[2024-10-13 15:31:14,657 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 88/141 +[2024-10-13 15:31:14,743 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 89/141 +[2024-10-13 15:31:14,828 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 90/141 +[2024-10-13 15:31:14,913 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 91/141 +[2024-10-13 15:31:14,999 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 92/141 +[2024-10-13 15:31:15,084 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 93/141 +[2024-10-13 15:31:15,169 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 94/141 +[2024-10-13 15:31:15,255 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 95/141 +[2024-10-13 15:31:15,340 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 96/141 +[2024-10-13 15:31:15,425 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 97/141 +[2024-10-13 15:31:15,511 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 98/141 +[2024-10-13 15:31:15,596 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 99/141 +[2024-10-13 15:31:15,681 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 100/141 +[2024-10-13 15:31:15,767 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 101/141 +[2024-10-13 15:31:15,852 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 102/141 +[2024-10-13 15:31:15,937 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 103/141 +[2024-10-13 15:31:16,022 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 104/141 +[2024-10-13 15:31:16,108 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 105/141 +[2024-10-13 15:31:16,193 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 106/141 +[2024-10-13 15:31:16,278 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 107/141 +[2024-10-13 15:31:16,364 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 108/141 +[2024-10-13 15:31:16,449 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 109/141 +[2024-10-13 15:31:16,535 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 110/141 +[2024-10-13 15:31:16,620 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 111/141 +[2024-10-13 15:31:16,705 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 112/141 +[2024-10-13 15:31:16,790 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 113/141 +[2024-10-13 15:31:16,876 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 114/141 +[2024-10-13 15:31:16,961 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 115/141 +[2024-10-13 15:31:17,046 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 116/141 +[2024-10-13 15:31:17,132 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 117/141 +[2024-10-13 15:31:17,217 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 118/141 +[2024-10-13 15:31:17,302 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 119/141 +[2024-10-13 15:31:17,387 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 120/141 +[2024-10-13 15:31:17,472 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 121/141 +[2024-10-13 15:31:17,558 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 122/141 +[2024-10-13 15:31:17,643 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 123/141 +[2024-10-13 15:31:17,728 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 124/141 +[2024-10-13 15:31:17,813 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 125/141 +[2024-10-13 15:31:17,898 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 126/141 +[2024-10-13 15:31:17,984 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 127/141 +[2024-10-13 15:31:18,069 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 128/141 +[2024-10-13 15:31:18,154 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 129/141 +[2024-10-13 15:31:18,239 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 130/141 +[2024-10-13 15:31:18,324 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 131/141 +[2024-10-13 15:31:18,407 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 132/141 +[2024-10-13 15:31:18,489 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 133/141 +[2024-10-13 15:31:18,571 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 134/141 +[2024-10-13 15:31:18,654 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 135/141 +[2024-10-13 15:31:18,736 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 136/141 +[2024-10-13 15:31:18,818 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 137/141 +[2024-10-13 15:31:18,901 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 138/141 +[2024-10-13 15:31:18,983 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 139/141 +[2024-10-13 15:31:19,066 INFO test.py line 186 25394] Test: 9/312-scene0278_00, Batch: 140/141 +[2024-10-13 15:31:19,173 INFO test.py line 272 25394] Test: scene0278_00 [9/312]-77020 Batch 11.607 (13.409) Accuracy 0.8844 (0.1877) mIoU 0.4492 (0.1629) +[2024-10-13 15:31:19,304 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 0/125 +[2024-10-13 15:31:19,419 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 1/125 +[2024-10-13 15:31:19,534 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 2/125 +[2024-10-13 15:31:19,649 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 3/125 +[2024-10-13 15:31:19,764 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 4/125 +[2024-10-13 15:31:19,879 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 5/125 +[2024-10-13 15:31:19,994 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 6/125 +[2024-10-13 15:31:20,109 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 7/125 +[2024-10-13 15:31:20,224 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 8/125 +[2024-10-13 15:31:20,338 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 9/125 +[2024-10-13 15:31:20,452 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 10/125 +[2024-10-13 15:31:20,567 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 11/125 +[2024-10-13 15:31:20,681 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 12/125 +[2024-10-13 15:31:20,795 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 13/125 +[2024-10-13 15:31:20,910 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 14/125 +[2024-10-13 15:31:21,024 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 15/125 +[2024-10-13 15:31:21,139 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 16/125 +[2024-10-13 15:31:21,299 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 17/125 +[2024-10-13 15:31:21,417 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 18/125 +[2024-10-13 15:31:21,532 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 19/125 +[2024-10-13 15:31:21,647 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 20/125 +[2024-10-13 15:31:21,762 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 21/125 +[2024-10-13 15:31:21,877 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 22/125 +[2024-10-13 15:31:21,992 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 23/125 +[2024-10-13 15:31:22,108 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 24/125 +[2024-10-13 15:31:22,223 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 25/125 +[2024-10-13 15:31:22,338 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 26/125 +[2024-10-13 15:31:22,453 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 27/125 +[2024-10-13 15:31:22,567 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 28/125 +[2024-10-13 15:31:22,682 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 29/125 +[2024-10-13 15:31:22,797 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 30/125 +[2024-10-13 15:31:22,911 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 31/125 +[2024-10-13 15:31:23,026 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 32/125 +[2024-10-13 15:31:23,141 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 33/125 +[2024-10-13 15:31:23,256 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 34/125 +[2024-10-13 15:31:23,370 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 35/125 +[2024-10-13 15:31:23,478 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 36/125 +[2024-10-13 15:31:23,585 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 37/125 +[2024-10-13 15:31:23,693 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 38/125 +[2024-10-13 15:31:23,800 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 39/125 +[2024-10-13 15:31:23,908 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 40/125 +[2024-10-13 15:31:24,016 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 41/125 +[2024-10-13 15:31:24,123 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 42/125 +[2024-10-13 15:31:24,231 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 43/125 +[2024-10-13 15:31:24,339 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 44/125 +[2024-10-13 15:31:24,446 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 45/125 +[2024-10-13 15:31:24,553 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 46/125 +[2024-10-13 15:31:24,660 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 47/125 +[2024-10-13 15:31:24,768 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 48/125 +[2024-10-13 15:31:24,875 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 49/125 +[2024-10-13 15:31:24,982 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 50/125 +[2024-10-13 15:31:25,090 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 51/125 +[2024-10-13 15:31:25,197 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 52/125 +[2024-10-13 15:31:25,304 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 53/125 +[2024-10-13 15:31:25,412 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 54/125 +[2024-10-13 15:31:25,519 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 55/125 +[2024-10-13 15:31:25,626 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 56/125 +[2024-10-13 15:31:25,734 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 57/125 +[2024-10-13 15:31:25,841 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 58/125 +[2024-10-13 15:31:25,949 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 59/125 +[2024-10-13 15:31:26,057 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 60/125 +[2024-10-13 15:31:26,164 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 61/125 +[2024-10-13 15:31:26,272 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 62/125 +[2024-10-13 15:31:26,380 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 63/125 +[2024-10-13 15:31:26,487 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 64/125 +[2024-10-13 15:31:26,594 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 65/125 +[2024-10-13 15:31:26,701 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 66/125 +[2024-10-13 15:31:26,809 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 67/125 +[2024-10-13 15:31:26,916 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 68/125 +[2024-10-13 15:31:27,023 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 69/125 +[2024-10-13 15:31:27,131 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 70/125 +[2024-10-13 15:31:27,238 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 71/125 +[2024-10-13 15:31:27,346 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 72/125 +[2024-10-13 15:31:27,453 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 73/125 +[2024-10-13 15:31:27,560 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 74/125 +[2024-10-13 15:31:27,667 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 75/125 +[2024-10-13 15:31:27,788 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 76/125 +[2024-10-13 15:31:27,910 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 77/125 +[2024-10-13 15:31:28,031 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 78/125 +[2024-10-13 15:31:28,152 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 79/125 +[2024-10-13 15:31:28,273 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 80/125 +[2024-10-13 15:31:28,395 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 81/125 +[2024-10-13 15:31:28,516 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 82/125 +[2024-10-13 15:31:28,637 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 83/125 +[2024-10-13 15:31:28,759 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 84/125 +[2024-10-13 15:31:28,880 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 85/125 +[2024-10-13 15:31:29,001 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 86/125 +[2024-10-13 15:31:29,122 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 87/125 +[2024-10-13 15:31:29,244 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 88/125 +[2024-10-13 15:31:29,365 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 89/125 +[2024-10-13 15:31:29,486 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 90/125 +[2024-10-13 15:31:29,608 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 91/125 +[2024-10-13 15:31:29,730 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 92/125 +[2024-10-13 15:31:29,851 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 93/125 +[2024-10-13 15:31:29,973 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 94/125 +[2024-10-13 15:31:30,095 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 95/125 +[2024-10-13 15:31:30,217 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 96/125 +[2024-10-13 15:31:30,338 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 97/125 +[2024-10-13 15:31:30,459 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 98/125 +[2024-10-13 15:31:30,580 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 99/125 +[2024-10-13 15:31:30,701 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 100/125 +[2024-10-13 15:31:30,822 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 101/125 +[2024-10-13 15:31:30,943 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 102/125 +[2024-10-13 15:31:31,064 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 103/125 +[2024-10-13 15:31:31,185 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 104/125 +[2024-10-13 15:31:31,307 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 105/125 +[2024-10-13 15:31:31,428 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 106/125 +[2024-10-13 15:31:31,549 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 107/125 +[2024-10-13 15:31:31,670 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 108/125 +[2024-10-13 15:31:31,791 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 109/125 +[2024-10-13 15:31:31,912 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 110/125 +[2024-10-13 15:31:32,033 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 111/125 +[2024-10-13 15:31:32,154 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 112/125 +[2024-10-13 15:31:32,275 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 113/125 +[2024-10-13 15:31:32,399 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 114/125 +[2024-10-13 15:31:32,520 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 115/125 +[2024-10-13 15:31:32,635 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 116/125 +[2024-10-13 15:31:32,750 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 117/125 +[2024-10-13 15:31:32,865 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 118/125 +[2024-10-13 15:31:32,981 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 119/125 +[2024-10-13 15:31:33,096 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 120/125 +[2024-10-13 15:31:33,211 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 121/125 +[2024-10-13 15:31:33,326 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 122/125 +[2024-10-13 15:31:33,441 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 123/125 +[2024-10-13 15:31:33,557 INFO test.py line 186 25394] Test: 10/312-scene0430_01, Batch: 124/125 +[2024-10-13 15:31:33,721 INFO test.py line 272 25394] Test: scene0430_01 [10/312]-126166 Batch 14.547 (13.523) Accuracy 0.8646 (0.1874) mIoU 0.5168 (0.1629) +[2024-10-13 15:31:33,838 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 0/135 +[2024-10-13 15:31:33,940 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 1/135 +[2024-10-13 15:31:34,043 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 2/135 +[2024-10-13 15:31:34,146 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 3/135 +[2024-10-13 15:31:34,248 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 4/135 +[2024-10-13 15:31:34,350 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 5/135 +[2024-10-13 15:31:34,453 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 6/135 +[2024-10-13 15:31:34,555 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 7/135 +[2024-10-13 15:31:34,658 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 8/135 +[2024-10-13 15:31:34,761 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 9/135 +[2024-10-13 15:31:34,896 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 10/135 +[2024-10-13 15:31:35,003 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 11/135 +[2024-10-13 15:31:35,105 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 12/135 +[2024-10-13 15:31:35,207 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 13/135 +[2024-10-13 15:31:35,309 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 14/135 +[2024-10-13 15:31:35,411 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 15/135 +[2024-10-13 15:31:35,513 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 16/135 +[2024-10-13 15:31:35,614 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 17/135 +[2024-10-13 15:31:35,716 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 18/135 +[2024-10-13 15:31:35,818 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 19/135 +[2024-10-13 15:31:35,919 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 20/135 +[2024-10-13 15:31:36,021 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 21/135 +[2024-10-13 15:31:36,123 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 22/135 +[2024-10-13 15:31:36,224 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 23/135 +[2024-10-13 15:31:36,326 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 24/135 +[2024-10-13 15:31:36,428 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 25/135 +[2024-10-13 15:31:36,529 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 26/135 +[2024-10-13 15:31:36,631 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 27/135 +[2024-10-13 15:31:36,732 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 28/135 +[2024-10-13 15:31:36,833 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 29/135 +[2024-10-13 15:31:36,935 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 30/135 +[2024-10-13 15:31:37,036 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 31/135 +[2024-10-13 15:31:37,137 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 32/135 +[2024-10-13 15:31:37,238 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 33/135 +[2024-10-13 15:31:37,340 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 34/135 +[2024-10-13 15:31:37,441 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 35/135 +[2024-10-13 15:31:37,543 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 36/135 +[2024-10-13 15:31:37,644 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 37/135 +[2024-10-13 15:31:37,746 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 38/135 +[2024-10-13 15:31:37,848 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 39/135 +[2024-10-13 15:31:37,949 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 40/135 +[2024-10-13 15:31:38,051 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 41/135 +[2024-10-13 15:31:38,152 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 42/135 +[2024-10-13 15:31:38,253 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 43/135 +[2024-10-13 15:31:38,350 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 44/135 +[2024-10-13 15:31:38,447 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 45/135 +[2024-10-13 15:31:38,543 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 46/135 +[2024-10-13 15:31:38,640 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 47/135 +[2024-10-13 15:31:38,736 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 48/135 +[2024-10-13 15:31:38,833 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 49/135 +[2024-10-13 15:31:38,929 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 50/135 +[2024-10-13 15:31:39,026 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 51/135 +[2024-10-13 15:31:39,122 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 52/135 +[2024-10-13 15:31:39,219 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 53/135 +[2024-10-13 15:31:39,315 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 54/135 +[2024-10-13 15:31:39,411 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 55/135 +[2024-10-13 15:31:39,507 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 56/135 +[2024-10-13 15:31:39,604 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 57/135 +[2024-10-13 15:31:39,699 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 58/135 +[2024-10-13 15:31:39,795 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 59/135 +[2024-10-13 15:31:39,892 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 60/135 +[2024-10-13 15:31:39,987 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 61/135 +[2024-10-13 15:31:40,083 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 62/135 +[2024-10-13 15:31:40,180 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 63/135 +[2024-10-13 15:31:40,276 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 64/135 +[2024-10-13 15:31:40,372 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 65/135 +[2024-10-13 15:31:40,468 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 66/135 +[2024-10-13 15:31:40,565 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 67/135 +[2024-10-13 15:31:40,661 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 68/135 +[2024-10-13 15:31:40,758 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 69/135 +[2024-10-13 15:31:40,854 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 70/135 +[2024-10-13 15:31:40,951 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 71/135 +[2024-10-13 15:31:41,047 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 72/135 +[2024-10-13 15:31:41,144 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 73/135 +[2024-10-13 15:31:41,241 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 74/135 +[2024-10-13 15:31:41,337 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 75/135 +[2024-10-13 15:31:41,434 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 76/135 +[2024-10-13 15:31:41,530 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 77/135 +[2024-10-13 15:31:41,625 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 78/135 +[2024-10-13 15:31:41,721 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 79/135 +[2024-10-13 15:31:41,817 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 80/135 +[2024-10-13 15:31:41,913 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 81/135 +[2024-10-13 15:31:42,009 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 82/135 +[2024-10-13 15:31:42,105 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 83/135 +[2024-10-13 15:31:42,201 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 84/135 +[2024-10-13 15:31:42,297 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 85/135 +[2024-10-13 15:31:42,393 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 86/135 +[2024-10-13 15:31:42,489 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 87/135 +[2024-10-13 15:31:42,597 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 88/135 +[2024-10-13 15:31:42,705 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 89/135 +[2024-10-13 15:31:42,813 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 90/135 +[2024-10-13 15:31:42,920 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 91/135 +[2024-10-13 15:31:43,029 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 92/135 +[2024-10-13 15:31:43,136 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 93/135 +[2024-10-13 15:31:43,245 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 94/135 +[2024-10-13 15:31:43,352 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 95/135 +[2024-10-13 15:31:43,460 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 96/135 +[2024-10-13 15:31:43,569 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 97/135 +[2024-10-13 15:31:43,676 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 98/135 +[2024-10-13 15:31:43,784 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 99/135 +[2024-10-13 15:31:43,892 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 100/135 +[2024-10-13 15:31:44,000 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 101/135 +[2024-10-13 15:31:44,108 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 102/135 +[2024-10-13 15:31:44,216 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 103/135 +[2024-10-13 15:31:44,324 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 104/135 +[2024-10-13 15:31:44,432 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 105/135 +[2024-10-13 15:31:44,540 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 106/135 +[2024-10-13 15:31:44,648 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 107/135 +[2024-10-13 15:31:44,756 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 108/135 +[2024-10-13 15:31:44,864 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 109/135 +[2024-10-13 15:31:44,971 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 110/135 +[2024-10-13 15:31:45,079 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 111/135 +[2024-10-13 15:31:45,187 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 112/135 +[2024-10-13 15:31:45,295 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 113/135 +[2024-10-13 15:31:45,402 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 114/135 +[2024-10-13 15:31:45,510 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 115/135 +[2024-10-13 15:31:45,617 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 116/135 +[2024-10-13 15:31:45,725 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 117/135 +[2024-10-13 15:31:45,833 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 118/135 +[2024-10-13 15:31:45,940 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 119/135 +[2024-10-13 15:31:46,048 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 120/135 +[2024-10-13 15:31:46,155 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 121/135 +[2024-10-13 15:31:46,262 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 122/135 +[2024-10-13 15:31:46,370 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 123/135 +[2024-10-13 15:31:46,471 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 124/135 +[2024-10-13 15:31:46,573 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 125/135 +[2024-10-13 15:31:46,674 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 126/135 +[2024-10-13 15:31:46,776 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 127/135 +[2024-10-13 15:31:46,877 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 128/135 +[2024-10-13 15:31:46,979 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 129/135 +[2024-10-13 15:31:47,080 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 130/135 +[2024-10-13 15:31:47,182 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 131/135 +[2024-10-13 15:31:47,283 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 132/135 +[2024-10-13 15:31:47,384 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 133/135 +[2024-10-13 15:31:47,486 INFO test.py line 186 25394] Test: 11/312-scene0660_00, Batch: 134/135 +[2024-10-13 15:31:47,631 INFO test.py line 272 25394] Test: scene0660_00 [11/312]-110960 Batch 13.910 (13.558) Accuracy 0.9957 (0.1876) mIoU 0.9887 (0.1634) +[2024-10-13 15:31:47,728 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 0/140 +[2024-10-13 15:31:47,814 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 1/140 +[2024-10-13 15:31:47,900 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 2/140 +[2024-10-13 15:31:47,986 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 3/140 +[2024-10-13 15:31:48,072 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 4/140 +[2024-10-13 15:31:48,158 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 5/140 +[2024-10-13 15:31:48,243 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 6/140 +[2024-10-13 15:31:48,329 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 7/140 +[2024-10-13 15:31:48,415 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 8/140 +[2024-10-13 15:31:48,500 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 9/140 +[2024-10-13 15:31:48,586 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 10/140 +[2024-10-13 15:31:48,672 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 11/140 +[2024-10-13 15:31:48,757 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 12/140 +[2024-10-13 15:31:48,843 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 13/140 +[2024-10-13 15:31:48,929 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 14/140 +[2024-10-13 15:31:49,015 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 15/140 +[2024-10-13 15:31:49,100 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 16/140 +[2024-10-13 15:31:49,186 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 17/140 +[2024-10-13 15:31:49,272 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 18/140 +[2024-10-13 15:31:49,357 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 19/140 +[2024-10-13 15:31:49,443 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 20/140 +[2024-10-13 15:31:49,529 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 21/140 +[2024-10-13 15:31:49,615 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 22/140 +[2024-10-13 15:31:49,700 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 23/140 +[2024-10-13 15:31:49,786 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 24/140 +[2024-10-13 15:31:49,872 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 25/140 +[2024-10-13 15:31:49,958 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 26/140 +[2024-10-13 15:31:50,044 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 27/140 +[2024-10-13 15:31:50,130 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 28/140 +[2024-10-13 15:31:50,216 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 29/140 +[2024-10-13 15:31:50,301 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 30/140 +[2024-10-13 15:31:50,387 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 31/140 +[2024-10-13 15:31:50,473 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 32/140 +[2024-10-13 15:31:50,559 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 33/140 +[2024-10-13 15:31:50,644 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 34/140 +[2024-10-13 15:31:50,730 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 35/140 +[2024-10-13 15:31:50,816 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 36/140 +[2024-10-13 15:31:50,902 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 37/140 +[2024-10-13 15:31:50,988 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 38/140 +[2024-10-13 15:31:51,074 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 39/140 +[2024-10-13 15:31:51,159 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 40/140 +[2024-10-13 15:31:51,245 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 41/140 +[2024-10-13 15:31:51,331 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 42/140 +[2024-10-13 15:31:51,417 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 43/140 +[2024-10-13 15:31:51,503 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 44/140 +[2024-10-13 15:31:51,589 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 45/140 +[2024-10-13 15:31:51,675 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 46/140 +[2024-10-13 15:31:51,761 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 47/140 +[2024-10-13 15:31:51,842 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 48/140 +[2024-10-13 15:31:51,923 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 49/140 +[2024-10-13 15:31:52,003 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 50/140 +[2024-10-13 15:31:52,084 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 51/140 +[2024-10-13 15:31:52,165 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 52/140 +[2024-10-13 15:31:52,245 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 53/140 +[2024-10-13 15:31:52,387 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 54/140 +[2024-10-13 15:31:52,470 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 55/140 +[2024-10-13 15:31:52,552 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 56/140 +[2024-10-13 15:31:52,634 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 57/140 +[2024-10-13 15:31:52,716 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 58/140 +[2024-10-13 15:31:52,797 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 59/140 +[2024-10-13 15:31:52,881 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 60/140 +[2024-10-13 15:31:52,963 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 61/140 +[2024-10-13 15:31:53,044 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 62/140 +[2024-10-13 15:31:53,125 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 63/140 +[2024-10-13 15:31:53,207 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 64/140 +[2024-10-13 15:31:53,288 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 65/140 +[2024-10-13 15:31:53,370 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 66/140 +[2024-10-13 15:31:53,451 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 67/140 +[2024-10-13 15:31:53,533 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 68/140 +[2024-10-13 15:31:53,614 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 69/140 +[2024-10-13 15:31:53,695 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 70/140 +[2024-10-13 15:31:53,777 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 71/140 +[2024-10-13 15:31:53,858 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 72/140 +[2024-10-13 15:31:53,940 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 73/140 +[2024-10-13 15:31:54,022 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 74/140 +[2024-10-13 15:31:54,103 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 75/140 +[2024-10-13 15:31:54,185 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 76/140 +[2024-10-13 15:31:54,266 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 77/140 +[2024-10-13 15:31:54,348 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 78/140 +[2024-10-13 15:31:54,430 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 79/140 +[2024-10-13 15:31:54,511 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 80/140 +[2024-10-13 15:31:54,592 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 81/140 +[2024-10-13 15:31:54,673 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 82/140 +[2024-10-13 15:31:54,755 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 83/140 +[2024-10-13 15:31:54,836 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 84/140 +[2024-10-13 15:31:54,917 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 85/140 +[2024-10-13 15:31:54,999 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 86/140 +[2024-10-13 15:31:55,080 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 87/140 +[2024-10-13 15:31:55,161 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 88/140 +[2024-10-13 15:31:55,243 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 89/140 +[2024-10-13 15:31:55,324 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 90/140 +[2024-10-13 15:31:55,405 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 91/140 +[2024-10-13 15:31:55,494 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 92/140 +[2024-10-13 15:31:55,583 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 93/140 +[2024-10-13 15:31:55,671 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 94/140 +[2024-10-13 15:31:55,761 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 95/140 +[2024-10-13 15:31:55,850 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 96/140 +[2024-10-13 15:31:55,938 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 97/140 +[2024-10-13 15:31:56,027 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 98/140 +[2024-10-13 15:31:56,116 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 99/140 +[2024-10-13 15:31:56,205 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 100/140 +[2024-10-13 15:31:56,294 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 101/140 +[2024-10-13 15:31:56,382 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 102/140 +[2024-10-13 15:31:56,471 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 103/140 +[2024-10-13 15:31:56,560 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 104/140 +[2024-10-13 15:31:56,648 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 105/140 +[2024-10-13 15:31:56,737 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 106/140 +[2024-10-13 15:31:56,826 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 107/140 +[2024-10-13 15:31:56,914 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 108/140 +[2024-10-13 15:31:57,003 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 109/140 +[2024-10-13 15:31:57,091 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 110/140 +[2024-10-13 15:31:57,180 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 111/140 +[2024-10-13 15:31:57,268 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 112/140 +[2024-10-13 15:31:57,357 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 113/140 +[2024-10-13 15:31:57,446 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 114/140 +[2024-10-13 15:31:57,534 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 115/140 +[2024-10-13 15:31:57,623 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 116/140 +[2024-10-13 15:31:57,711 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 117/140 +[2024-10-13 15:31:57,800 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 118/140 +[2024-10-13 15:31:57,888 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 119/140 +[2024-10-13 15:31:57,976 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 120/140 +[2024-10-13 15:31:58,065 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 121/140 +[2024-10-13 15:31:58,153 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 122/140 +[2024-10-13 15:31:58,241 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 123/140 +[2024-10-13 15:31:58,330 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 124/140 +[2024-10-13 15:31:58,418 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 125/140 +[2024-10-13 15:31:58,507 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 126/140 +[2024-10-13 15:31:58,595 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 127/140 +[2024-10-13 15:31:58,681 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 128/140 +[2024-10-13 15:31:58,767 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 129/140 +[2024-10-13 15:31:58,853 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 130/140 +[2024-10-13 15:31:58,938 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 131/140 +[2024-10-13 15:31:59,024 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 132/140 +[2024-10-13 15:31:59,110 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 133/140 +[2024-10-13 15:31:59,196 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 134/140 +[2024-10-13 15:31:59,282 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 135/140 +[2024-10-13 15:31:59,367 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 136/140 +[2024-10-13 15:31:59,453 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 137/140 +[2024-10-13 15:31:59,539 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 138/140 +[2024-10-13 15:31:59,625 INFO test.py line 186 25394] Test: 12/312-scene0277_02, Batch: 139/140 +[2024-10-13 15:31:59,735 INFO test.py line 272 25394] Test: scene0277_02 [12/312]-82251 Batch 12.104 (13.437) Accuracy 0.8927 (0.1929) mIoU 0.6585 (0.1707) +[2024-10-13 15:31:59,811 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 0/117 +[2024-10-13 15:31:59,877 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 1/117 +[2024-10-13 15:31:59,943 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 2/117 +[2024-10-13 15:32:00,010 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 3/117 +[2024-10-13 15:32:00,076 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 4/117 +[2024-10-13 15:32:00,142 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 5/117 +[2024-10-13 15:32:00,209 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 6/117 +[2024-10-13 15:32:00,275 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 7/117 +[2024-10-13 15:32:00,341 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 8/117 +[2024-10-13 15:32:00,407 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 9/117 +[2024-10-13 15:32:00,474 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 10/117 +[2024-10-13 15:32:00,540 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 11/117 +[2024-10-13 15:32:00,607 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 12/117 +[2024-10-13 15:32:00,673 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 13/117 +[2024-10-13 15:32:00,739 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 14/117 +[2024-10-13 15:32:00,806 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 15/117 +[2024-10-13 15:32:00,872 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 16/117 +[2024-10-13 15:32:00,939 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 17/117 +[2024-10-13 15:32:01,005 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 18/117 +[2024-10-13 15:32:01,071 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 19/117 +[2024-10-13 15:32:01,138 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 20/117 +[2024-10-13 15:32:01,204 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 21/117 +[2024-10-13 15:32:01,270 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 22/117 +[2024-10-13 15:32:01,336 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 23/117 +[2024-10-13 15:32:01,403 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 24/117 +[2024-10-13 15:32:01,469 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 25/117 +[2024-10-13 15:32:01,535 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 26/117 +[2024-10-13 15:32:01,602 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 27/117 +[2024-10-13 15:32:01,668 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 28/117 +[2024-10-13 15:32:01,734 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 29/117 +[2024-10-13 15:32:01,801 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 30/117 +[2024-10-13 15:32:01,867 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 31/117 +[2024-10-13 15:32:01,934 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 32/117 +[2024-10-13 15:32:02,000 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 33/117 +[2024-10-13 15:32:02,066 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 34/117 +[2024-10-13 15:32:02,133 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 35/117 +[2024-10-13 15:32:02,196 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 36/117 +[2024-10-13 15:32:02,260 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 37/117 +[2024-10-13 15:32:02,324 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 38/117 +[2024-10-13 15:32:02,387 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 39/117 +[2024-10-13 15:32:02,451 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 40/117 +[2024-10-13 15:32:02,514 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 41/117 +[2024-10-13 15:32:02,578 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 42/117 +[2024-10-13 15:32:02,642 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 43/117 +[2024-10-13 15:32:02,705 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 44/117 +[2024-10-13 15:32:02,769 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 45/117 +[2024-10-13 15:32:02,833 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 46/117 +[2024-10-13 15:32:02,897 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 47/117 +[2024-10-13 15:32:02,961 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 48/117 +[2024-10-13 15:32:03,024 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 49/117 +[2024-10-13 15:32:03,088 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 50/117 +[2024-10-13 15:32:03,152 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 51/117 +[2024-10-13 15:32:03,216 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 52/117 +[2024-10-13 15:32:03,280 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 53/117 +[2024-10-13 15:32:03,344 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 54/117 +[2024-10-13 15:32:03,408 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 55/117 +[2024-10-13 15:32:03,471 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 56/117 +[2024-10-13 15:32:03,535 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 57/117 +[2024-10-13 15:32:03,598 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 58/117 +[2024-10-13 15:32:03,662 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 59/117 +[2024-10-13 15:32:03,726 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 60/117 +[2024-10-13 15:32:03,789 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 61/117 +[2024-10-13 15:32:03,853 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 62/117 +[2024-10-13 15:32:03,917 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 63/117 +[2024-10-13 15:32:03,981 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 64/117 +[2024-10-13 15:32:04,044 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 65/117 +[2024-10-13 15:32:04,108 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 66/117 +[2024-10-13 15:32:04,172 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 67/117 +[2024-10-13 15:32:04,235 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 68/117 +[2024-10-13 15:32:04,300 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 69/117 +[2024-10-13 15:32:04,363 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 70/117 +[2024-10-13 15:32:04,427 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 71/117 +[2024-10-13 15:32:04,491 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 72/117 +[2024-10-13 15:32:04,554 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 73/117 +[2024-10-13 15:32:04,618 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 74/117 +[2024-10-13 15:32:04,682 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 75/117 +[2024-10-13 15:32:04,751 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 76/117 +[2024-10-13 15:32:04,820 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 77/117 +[2024-10-13 15:32:04,889 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 78/117 +[2024-10-13 15:32:04,958 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 79/117 +[2024-10-13 15:32:05,027 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 80/117 +[2024-10-13 15:32:05,096 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 81/117 +[2024-10-13 15:32:05,165 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 82/117 +[2024-10-13 15:32:05,234 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 83/117 +[2024-10-13 15:32:05,304 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 84/117 +[2024-10-13 15:32:05,373 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 85/117 +[2024-10-13 15:32:05,442 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 86/117 +[2024-10-13 15:32:05,511 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 87/117 +[2024-10-13 15:32:05,580 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 88/117 +[2024-10-13 15:32:05,649 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 89/117 +[2024-10-13 15:32:05,718 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 90/117 +[2024-10-13 15:32:05,787 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 91/117 +[2024-10-13 15:32:05,856 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 92/117 +[2024-10-13 15:32:05,925 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 93/117 +[2024-10-13 15:32:05,994 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 94/117 +[2024-10-13 15:32:06,063 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 95/117 +[2024-10-13 15:32:06,132 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 96/117 +[2024-10-13 15:32:06,201 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 97/117 +[2024-10-13 15:32:06,270 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 98/117 +[2024-10-13 15:32:06,338 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 99/117 +[2024-10-13 15:32:06,408 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 100/117 +[2024-10-13 15:32:06,476 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 101/117 +[2024-10-13 15:32:06,546 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 102/117 +[2024-10-13 15:32:06,615 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 103/117 +[2024-10-13 15:32:06,684 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 104/117 +[2024-10-13 15:32:06,753 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 105/117 +[2024-10-13 15:32:06,822 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 106/117 +[2024-10-13 15:32:06,892 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 107/117 +[2024-10-13 15:32:06,958 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 108/117 +[2024-10-13 15:32:07,025 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 109/117 +[2024-10-13 15:32:07,091 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 110/117 +[2024-10-13 15:32:07,157 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 111/117 +[2024-10-13 15:32:07,224 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 112/117 +[2024-10-13 15:32:07,290 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 113/117 +[2024-10-13 15:32:07,356 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 114/117 +[2024-10-13 15:32:07,422 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 115/117 +[2024-10-13 15:32:07,489 INFO test.py line 186 25394] Test: 13/312-scene0081_00, Batch: 116/117 +[2024-10-13 15:32:07,558 INFO test.py line 272 25394] Test: scene0081_00 [13/312]-51381 Batch 7.823 (13.005) Accuracy 0.9758 (0.2026) mIoU 0.6601 (0.1784) +[2024-10-13 15:32:07,734 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 0/148 +[2024-10-13 15:32:07,882 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 1/148 +[2024-10-13 15:32:08,030 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 2/148 +[2024-10-13 15:32:08,178 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 3/148 +[2024-10-13 15:32:08,326 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 4/148 +[2024-10-13 15:32:08,474 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 5/148 +[2024-10-13 15:32:08,622 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 6/148 +[2024-10-13 15:32:08,771 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 7/148 +[2024-10-13 15:32:08,919 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 8/148 +[2024-10-13 15:32:09,067 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 9/148 +[2024-10-13 15:32:09,215 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 10/148 +[2024-10-13 15:32:09,364 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 11/148 +[2024-10-13 15:32:09,512 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 12/148 +[2024-10-13 15:32:09,666 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 13/148 +[2024-10-13 15:32:10,131 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 14/148 +[2024-10-13 15:32:10,605 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 15/148 +[2024-10-13 15:32:10,947 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 16/148 +[2024-10-13 15:32:11,096 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 17/148 +[2024-10-13 15:32:11,245 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 18/148 +[2024-10-13 15:32:11,392 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 19/148 +[2024-10-13 15:32:11,540 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 20/148 +[2024-10-13 15:32:11,687 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 21/148 +[2024-10-13 15:32:11,835 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 22/148 +[2024-10-13 15:32:11,983 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 23/148 +[2024-10-13 15:32:12,130 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 24/148 +[2024-10-13 15:32:12,277 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 25/148 +[2024-10-13 15:32:12,425 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 26/148 +[2024-10-13 15:32:12,572 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 27/148 +[2024-10-13 15:32:12,720 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 28/148 +[2024-10-13 15:32:12,867 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 29/148 +[2024-10-13 15:32:13,016 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 30/148 +[2024-10-13 15:32:13,167 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 31/148 +[2024-10-13 15:32:13,315 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 32/148 +[2024-10-13 15:32:13,463 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 33/148 +[2024-10-13 15:32:13,614 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 34/148 +[2024-10-13 15:32:13,782 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 35/148 +[2024-10-13 15:32:14,000 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 36/148 +[2024-10-13 15:32:14,148 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 37/148 +[2024-10-13 15:32:14,296 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 38/148 +[2024-10-13 15:32:14,443 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 39/148 +[2024-10-13 15:32:14,590 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 40/148 +[2024-10-13 15:32:14,737 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 41/148 +[2024-10-13 15:32:14,884 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 42/148 +[2024-10-13 15:32:15,032 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 43/148 +[2024-10-13 15:32:15,180 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 44/148 +[2024-10-13 15:32:15,327 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 45/148 +[2024-10-13 15:32:15,474 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 46/148 +[2024-10-13 15:32:15,622 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 47/148 +[2024-10-13 15:32:15,762 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 48/148 +[2024-10-13 15:32:15,901 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 49/148 +[2024-10-13 15:32:16,041 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 50/148 +[2024-10-13 15:32:16,180 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 51/148 +[2024-10-13 15:32:16,319 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 52/148 +[2024-10-13 15:32:16,458 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 53/148 +[2024-10-13 15:32:16,598 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 54/148 +[2024-10-13 15:32:16,737 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 55/148 +[2024-10-13 15:32:16,876 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 56/148 +[2024-10-13 15:32:17,016 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 57/148 +[2024-10-13 15:32:17,155 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 58/148 +[2024-10-13 15:32:17,295 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 59/148 +[2024-10-13 15:32:17,434 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 60/148 +[2024-10-13 15:32:17,573 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 61/148 +[2024-10-13 15:32:17,712 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 62/148 +[2024-10-13 15:32:17,851 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 63/148 +[2024-10-13 15:32:17,990 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 64/148 +[2024-10-13 15:32:18,130 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 65/148 +[2024-10-13 15:32:18,269 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 66/148 +[2024-10-13 15:32:18,409 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 67/148 +[2024-10-13 15:32:18,548 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 68/148 +[2024-10-13 15:32:18,687 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 69/148 +[2024-10-13 15:32:18,826 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 70/148 +[2024-10-13 15:32:18,966 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 71/148 +[2024-10-13 15:32:19,105 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 72/148 +[2024-10-13 15:32:19,245 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 73/148 +[2024-10-13 15:32:19,384 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 74/148 +[2024-10-13 15:32:19,523 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 75/148 +[2024-10-13 15:32:19,662 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 76/148 +[2024-10-13 15:32:19,801 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 77/148 +[2024-10-13 15:32:19,940 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 78/148 +[2024-10-13 15:32:20,079 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 79/148 +[2024-10-13 15:32:20,218 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 80/148 +[2024-10-13 15:32:20,357 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 81/148 +[2024-10-13 15:32:20,496 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 82/148 +[2024-10-13 15:32:20,635 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 83/148 +[2024-10-13 15:32:20,774 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 84/148 +[2024-10-13 15:32:20,912 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 85/148 +[2024-10-13 15:32:21,051 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 86/148 +[2024-10-13 15:32:21,190 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 87/148 +[2024-10-13 15:32:21,329 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 88/148 +[2024-10-13 15:32:21,468 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 89/148 +[2024-10-13 15:32:21,606 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 90/148 +[2024-10-13 15:32:21,745 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 91/148 +[2024-10-13 15:32:21,884 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 92/148 +[2024-10-13 15:32:22,023 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 93/148 +[2024-10-13 15:32:22,162 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 94/148 +[2024-10-13 15:32:22,301 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 95/148 +[2024-10-13 15:32:22,457 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 96/148 +[2024-10-13 15:32:22,613 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 97/148 +[2024-10-13 15:32:22,769 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 98/148 +[2024-10-13 15:32:22,924 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 99/148 +[2024-10-13 15:32:23,080 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 100/148 +[2024-10-13 15:32:23,236 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 101/148 +[2024-10-13 15:32:23,392 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 102/148 +[2024-10-13 15:32:23,548 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 103/148 +[2024-10-13 15:32:23,704 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 104/148 +[2024-10-13 15:32:23,860 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 105/148 +[2024-10-13 15:32:24,015 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 106/148 +[2024-10-13 15:32:24,171 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 107/148 +[2024-10-13 15:32:24,326 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 108/148 +[2024-10-13 15:32:24,481 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 109/148 +[2024-10-13 15:32:24,637 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 110/148 +[2024-10-13 15:32:24,792 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 111/148 +[2024-10-13 15:32:24,948 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 112/148 +[2024-10-13 15:32:25,103 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 113/148 +[2024-10-13 15:32:25,258 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 114/148 +[2024-10-13 15:32:25,413 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 115/148 +[2024-10-13 15:32:25,568 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 116/148 +[2024-10-13 15:32:25,724 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 117/148 +[2024-10-13 15:32:25,880 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 118/148 +[2024-10-13 15:32:26,036 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 119/148 +[2024-10-13 15:32:26,191 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 120/148 +[2024-10-13 15:32:26,347 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 121/148 +[2024-10-13 15:32:26,503 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 122/148 +[2024-10-13 15:32:26,659 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 123/148 +[2024-10-13 15:32:26,815 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 124/148 +[2024-10-13 15:32:26,970 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 125/148 +[2024-10-13 15:32:27,126 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 126/148 +[2024-10-13 15:32:27,282 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 127/148 +[2024-10-13 15:32:27,437 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 128/148 +[2024-10-13 15:32:27,593 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 129/148 +[2024-10-13 15:32:27,749 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 130/148 +[2024-10-13 15:32:27,904 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 131/148 +[2024-10-13 15:32:28,059 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 132/148 +[2024-10-13 15:32:28,215 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 133/148 +[2024-10-13 15:32:28,371 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 134/148 +[2024-10-13 15:32:28,527 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 135/148 +[2024-10-13 15:32:28,674 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 136/148 +[2024-10-13 15:32:28,821 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 137/148 +[2024-10-13 15:32:28,969 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 138/148 +[2024-10-13 15:32:29,117 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 139/148 +[2024-10-13 15:32:29,264 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 140/148 +[2024-10-13 15:32:29,412 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 141/148 +[2024-10-13 15:32:29,559 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 142/148 +[2024-10-13 15:32:29,707 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 143/148 +[2024-10-13 15:32:29,854 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 144/148 +[2024-10-13 15:32:30,001 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 145/148 +[2024-10-13 15:32:30,149 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 146/148 +[2024-10-13 15:32:30,297 INFO test.py line 186 25394] Test: 14/312-scene0187_00, Batch: 147/148 +[2024-10-13 15:32:30,524 INFO test.py line 272 25394] Test: scene0187_00 [14/312]-173752 Batch 22.966 (13.717) Accuracy 0.9005 (0.2066) mIoU 0.4304 (0.1800) +[2024-10-13 15:32:30,900 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 0/138 +[2024-10-13 15:32:31,214 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 1/138 +[2024-10-13 15:32:31,525 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 2/138 +[2024-10-13 15:32:31,837 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 3/138 +[2024-10-13 15:32:32,147 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 4/138 +[2024-10-13 15:32:32,460 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 5/138 +[2024-10-13 15:32:32,770 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 6/138 +[2024-10-13 15:32:33,081 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 7/138 +[2024-10-13 15:32:33,394 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 8/138 +[2024-10-13 15:32:33,706 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 9/138 +[2024-10-13 15:32:34,019 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 10/138 +[2024-10-13 15:32:34,331 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 11/138 +[2024-10-13 15:32:34,644 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 12/138 +[2024-10-13 15:32:34,955 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 13/138 +[2024-10-13 15:32:35,267 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 14/138 +[2024-10-13 15:32:35,579 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 15/138 +[2024-10-13 15:32:35,892 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 16/138 +[2024-10-13 15:32:36,204 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 17/138 +[2024-10-13 15:32:36,527 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 18/138 +[2024-10-13 15:32:36,918 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 19/138 +[2024-10-13 15:32:37,231 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 20/138 +[2024-10-13 15:32:37,544 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 21/138 +[2024-10-13 15:32:37,857 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 22/138 +[2024-10-13 15:32:38,170 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 23/138 +[2024-10-13 15:32:38,483 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 24/138 +[2024-10-13 15:32:38,796 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 25/138 +[2024-10-13 15:32:39,109 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 26/138 +[2024-10-13 15:32:39,423 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 27/138 +[2024-10-13 15:32:39,736 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 28/138 +[2024-10-13 15:32:40,049 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 29/138 +[2024-10-13 15:32:40,361 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 30/138 +[2024-10-13 15:32:40,672 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 31/138 +[2024-10-13 15:32:40,984 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 32/138 +[2024-10-13 15:32:41,296 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 33/138 +[2024-10-13 15:32:41,607 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 34/138 +[2024-10-13 15:32:41,919 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 35/138 +[2024-10-13 15:32:42,231 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 36/138 +[2024-10-13 15:32:42,542 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 37/138 +[2024-10-13 15:32:42,853 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 38/138 +[2024-10-13 15:32:43,164 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 39/138 +[2024-10-13 15:32:43,454 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 40/138 +[2024-10-13 15:32:43,744 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 41/138 +[2024-10-13 15:32:44,035 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 42/138 +[2024-10-13 15:32:44,326 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 43/138 +[2024-10-13 15:32:44,616 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 44/138 +[2024-10-13 15:32:44,907 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 45/138 +[2024-10-13 15:32:45,197 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 46/138 +[2024-10-13 15:32:45,488 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 47/138 +[2024-10-13 15:32:45,779 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 48/138 +[2024-10-13 15:32:46,069 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 49/138 +[2024-10-13 15:32:46,360 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 50/138 +[2024-10-13 15:32:46,651 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 51/138 +[2024-10-13 15:32:46,942 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 52/138 +[2024-10-13 15:32:47,232 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 53/138 +[2024-10-13 15:32:47,524 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 54/138 +[2024-10-13 15:32:47,815 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 55/138 +[2024-10-13 15:32:48,106 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 56/138 +[2024-10-13 15:32:48,397 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 57/138 +[2024-10-13 15:32:48,688 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 58/138 +[2024-10-13 15:32:48,980 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 59/138 +[2024-10-13 15:32:49,271 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 60/138 +[2024-10-13 15:32:49,562 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 61/138 +[2024-10-13 15:32:49,853 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 62/138 +[2024-10-13 15:32:50,144 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 63/138 +[2024-10-13 15:32:50,436 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 64/138 +[2024-10-13 15:32:50,727 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 65/138 +[2024-10-13 15:32:51,019 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 66/138 +[2024-10-13 15:32:51,309 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 67/138 +[2024-10-13 15:32:51,601 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 68/138 +[2024-10-13 15:32:51,891 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 69/138 +[2024-10-13 15:32:52,183 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 70/138 +[2024-10-13 15:32:52,474 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 71/138 +[2024-10-13 15:32:52,765 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 72/138 +[2024-10-13 15:32:53,055 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 73/138 +[2024-10-13 15:32:53,347 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 74/138 +[2024-10-13 15:32:53,638 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 75/138 +[2024-10-13 15:32:53,929 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 76/138 +[2024-10-13 15:32:54,221 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 77/138 +[2024-10-13 15:32:54,512 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 78/138 +[2024-10-13 15:32:54,803 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 79/138 +[2024-10-13 15:32:55,094 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 80/138 +[2024-10-13 15:32:55,386 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 81/138 +[2024-10-13 15:32:55,677 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 82/138 +[2024-10-13 15:32:55,968 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 83/138 +[2024-10-13 15:32:56,259 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 84/138 +[2024-10-13 15:32:56,550 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 85/138 +[2024-10-13 15:32:56,842 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 86/138 +[2024-10-13 15:32:57,133 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 87/138 +[2024-10-13 15:32:57,468 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 88/138 +[2024-10-13 15:32:57,801 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 89/138 +[2024-10-13 15:32:58,136 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 90/138 +[2024-10-13 15:32:58,470 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 91/138 +[2024-10-13 15:32:58,805 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 92/138 +[2024-10-13 15:32:59,139 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 93/138 +[2024-10-13 15:32:59,474 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 94/138 +[2024-10-13 15:32:59,808 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 95/138 +[2024-10-13 15:33:00,143 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 96/138 +[2024-10-13 15:33:00,477 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 97/138 +[2024-10-13 15:33:00,812 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 98/138 +[2024-10-13 15:33:01,148 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 99/138 +[2024-10-13 15:33:01,483 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 100/138 +[2024-10-13 15:33:01,817 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 101/138 +[2024-10-13 15:33:02,152 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 102/138 +[2024-10-13 15:33:02,487 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 103/138 +[2024-10-13 15:33:02,822 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 104/138 +[2024-10-13 15:33:03,157 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 105/138 +[2024-10-13 15:33:03,493 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 106/138 +[2024-10-13 15:33:03,828 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 107/138 +[2024-10-13 15:33:04,162 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 108/138 +[2024-10-13 15:33:04,497 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 109/138 +[2024-10-13 15:33:04,831 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 110/138 +[2024-10-13 15:33:05,166 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 111/138 +[2024-10-13 15:33:05,501 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 112/138 +[2024-10-13 15:33:05,836 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 113/138 +[2024-10-13 15:33:06,170 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 114/138 +[2024-10-13 15:33:06,505 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 115/138 +[2024-10-13 15:33:06,839 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 116/138 +[2024-10-13 15:33:07,174 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 117/138 +[2024-10-13 15:33:07,507 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 118/138 +[2024-10-13 15:33:07,842 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 119/138 +[2024-10-13 15:33:08,177 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 120/138 +[2024-10-13 15:33:08,512 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 121/138 +[2024-10-13 15:33:08,846 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 122/138 +[2024-10-13 15:33:09,181 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 123/138 +[2024-10-13 15:33:09,515 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 124/138 +[2024-10-13 15:33:09,849 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 125/138 +[2024-10-13 15:33:10,184 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 126/138 +[2024-10-13 15:33:10,519 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 127/138 +[2024-10-13 15:33:10,832 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 128/138 +[2024-10-13 15:33:11,146 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 129/138 +[2024-10-13 15:33:11,459 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 130/138 +[2024-10-13 15:33:11,772 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 131/138 +[2024-10-13 15:33:12,085 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 132/138 +[2024-10-13 15:33:12,398 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 133/138 +[2024-10-13 15:33:12,711 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 134/138 +[2024-10-13 15:33:13,025 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 135/138 +[2024-10-13 15:33:13,338 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 136/138 +[2024-10-13 15:33:13,651 INFO test.py line 186 25394] Test: 15/312-scene0500_00, Batch: 137/138 +[2024-10-13 15:33:14,143 INFO test.py line 272 25394] Test: scene0500_00 [15/312]-396942 Batch 43.618 (15.710) Accuracy 0.9361 (0.2127) mIoU 0.3718 (0.1864) +[2024-10-13 15:33:14,341 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 0/139 +[2024-10-13 15:33:14,508 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 1/139 +[2024-10-13 15:33:14,678 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 2/139 +[2024-10-13 15:33:14,850 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 3/139 +[2024-10-13 15:33:15,017 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 4/139 +[2024-10-13 15:33:15,185 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 5/139 +[2024-10-13 15:33:15,352 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 6/139 +[2024-10-13 15:33:15,519 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 7/139 +[2024-10-13 15:33:15,686 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 8/139 +[2024-10-13 15:33:15,854 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 9/139 +[2024-10-13 15:33:16,021 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 10/139 +[2024-10-13 15:33:16,189 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 11/139 +[2024-10-13 15:33:16,355 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 12/139 +[2024-10-13 15:33:16,522 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 13/139 +[2024-10-13 15:33:16,689 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 14/139 +[2024-10-13 15:33:16,855 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 15/139 +[2024-10-13 15:33:17,022 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 16/139 +[2024-10-13 15:33:17,189 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 17/139 +[2024-10-13 15:33:17,356 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 18/139 +[2024-10-13 15:33:17,523 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 19/139 +[2024-10-13 15:33:17,690 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 20/139 +[2024-10-13 15:33:17,856 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 21/139 +[2024-10-13 15:33:18,027 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 22/139 +[2024-10-13 15:33:18,193 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 23/139 +[2024-10-13 15:33:18,361 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 24/139 +[2024-10-13 15:33:18,565 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 25/139 +[2024-10-13 15:33:18,733 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 26/139 +[2024-10-13 15:33:18,900 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 27/139 +[2024-10-13 15:33:19,067 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 28/139 +[2024-10-13 15:33:19,233 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 29/139 +[2024-10-13 15:33:19,400 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 30/139 +[2024-10-13 15:33:19,567 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 31/139 +[2024-10-13 15:33:19,734 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 32/139 +[2024-10-13 15:33:19,901 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 33/139 +[2024-10-13 15:33:20,067 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 34/139 +[2024-10-13 15:33:20,234 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 35/139 +[2024-10-13 15:33:20,401 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 36/139 +[2024-10-13 15:33:20,568 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 37/139 +[2024-10-13 15:33:20,735 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 38/139 +[2024-10-13 15:33:20,902 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 39/139 +[2024-10-13 15:33:21,068 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 40/139 +[2024-10-13 15:33:21,235 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 41/139 +[2024-10-13 15:33:21,402 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 42/139 +[2024-10-13 15:33:21,569 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 43/139 +[2024-10-13 15:33:21,727 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 44/139 +[2024-10-13 15:33:21,884 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 45/139 +[2024-10-13 15:33:22,042 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 46/139 +[2024-10-13 15:33:22,200 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 47/139 +[2024-10-13 15:33:22,359 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 48/139 +[2024-10-13 15:33:22,517 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 49/139 +[2024-10-13 15:33:22,675 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 50/139 +[2024-10-13 15:33:22,833 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 51/139 +[2024-10-13 15:33:22,992 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 52/139 +[2024-10-13 15:33:23,150 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 53/139 +[2024-10-13 15:33:23,308 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 54/139 +[2024-10-13 15:33:23,465 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 55/139 +[2024-10-13 15:33:23,622 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 56/139 +[2024-10-13 15:33:23,779 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 57/139 +[2024-10-13 15:33:23,937 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 58/139 +[2024-10-13 15:33:24,094 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 59/139 +[2024-10-13 15:33:24,251 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 60/139 +[2024-10-13 15:33:24,409 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 61/139 +[2024-10-13 15:33:24,566 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 62/139 +[2024-10-13 15:33:24,723 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 63/139 +[2024-10-13 15:33:24,879 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 64/139 +[2024-10-13 15:33:25,036 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 65/139 +[2024-10-13 15:33:25,194 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 66/139 +[2024-10-13 15:33:25,351 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 67/139 +[2024-10-13 15:33:25,509 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 68/139 +[2024-10-13 15:33:25,667 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 69/139 +[2024-10-13 15:33:25,824 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 70/139 +[2024-10-13 15:33:25,981 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 71/139 +[2024-10-13 15:33:26,139 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 72/139 +[2024-10-13 15:33:26,296 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 73/139 +[2024-10-13 15:33:26,454 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 74/139 +[2024-10-13 15:33:26,611 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 75/139 +[2024-10-13 15:33:26,769 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 76/139 +[2024-10-13 15:33:26,927 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 77/139 +[2024-10-13 15:33:27,085 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 78/139 +[2024-10-13 15:33:27,243 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 79/139 +[2024-10-13 15:33:27,401 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 80/139 +[2024-10-13 15:33:27,558 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 81/139 +[2024-10-13 15:33:27,717 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 82/139 +[2024-10-13 15:33:27,875 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 83/139 +[2024-10-13 15:33:28,033 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 84/139 +[2024-10-13 15:33:28,191 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 85/139 +[2024-10-13 15:33:28,349 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 86/139 +[2024-10-13 15:33:28,507 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 87/139 +[2024-10-13 15:33:28,684 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 88/139 +[2024-10-13 15:33:28,860 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 89/139 +[2024-10-13 15:33:29,037 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 90/139 +[2024-10-13 15:33:29,213 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 91/139 +[2024-10-13 15:33:29,389 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 92/139 +[2024-10-13 15:33:29,566 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 93/139 +[2024-10-13 15:33:29,743 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 94/139 +[2024-10-13 15:33:29,920 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 95/139 +[2024-10-13 15:33:30,096 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 96/139 +[2024-10-13 15:33:30,273 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 97/139 +[2024-10-13 15:33:30,450 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 98/139 +[2024-10-13 15:33:30,627 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 99/139 +[2024-10-13 15:33:30,803 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 100/139 +[2024-10-13 15:33:30,980 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 101/139 +[2024-10-13 15:33:31,157 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 102/139 +[2024-10-13 15:33:31,333 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 103/139 +[2024-10-13 15:33:31,509 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 104/139 +[2024-10-13 15:33:31,686 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 105/139 +[2024-10-13 15:33:31,863 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 106/139 +[2024-10-13 15:33:32,040 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 107/139 +[2024-10-13 15:33:32,217 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 108/139 +[2024-10-13 15:33:32,393 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 109/139 +[2024-10-13 15:33:32,570 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 110/139 +[2024-10-13 15:33:32,747 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 111/139 +[2024-10-13 15:33:32,924 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 112/139 +[2024-10-13 15:33:33,101 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 113/139 +[2024-10-13 15:33:33,278 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 114/139 +[2024-10-13 15:33:33,455 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 115/139 +[2024-10-13 15:33:33,632 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 116/139 +[2024-10-13 15:33:33,809 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 117/139 +[2024-10-13 15:33:33,985 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 118/139 +[2024-10-13 15:33:34,162 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 119/139 +[2024-10-13 15:33:34,338 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 120/139 +[2024-10-13 15:33:34,515 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 121/139 +[2024-10-13 15:33:34,691 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 122/139 +[2024-10-13 15:33:34,868 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 123/139 +[2024-10-13 15:33:35,044 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 124/139 +[2024-10-13 15:33:35,221 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 125/139 +[2024-10-13 15:33:35,398 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 126/139 +[2024-10-13 15:33:35,574 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 127/139 +[2024-10-13 15:33:35,742 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 128/139 +[2024-10-13 15:33:35,908 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 129/139 +[2024-10-13 15:33:36,075 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 130/139 +[2024-10-13 15:33:36,241 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 131/139 +[2024-10-13 15:33:36,408 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 132/139 +[2024-10-13 15:33:36,575 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 133/139 +[2024-10-13 15:33:36,741 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 134/139 +[2024-10-13 15:33:36,908 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 135/139 +[2024-10-13 15:33:37,075 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 136/139 +[2024-10-13 15:33:37,242 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 137/139 +[2024-10-13 15:33:37,408 INFO test.py line 186 25394] Test: 16/312-scene0378_01, Batch: 138/139 +[2024-10-13 15:33:37,657 INFO test.py line 272 25394] Test: scene0378_01 [16/312]-196608 Batch 23.513 (16.198) Accuracy 0.8995 (0.2400) mIoU 0.4715 (0.2057) +[2024-10-13 15:33:37,882 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 0/138 +[2024-10-13 15:33:38,072 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 1/138 +[2024-10-13 15:33:38,261 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 2/138 +[2024-10-13 15:33:38,451 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 3/138 +[2024-10-13 15:33:38,641 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 4/138 +[2024-10-13 15:33:38,830 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 5/138 +[2024-10-13 15:33:39,020 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 6/138 +[2024-10-13 15:33:39,210 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 7/138 +[2024-10-13 15:33:39,399 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 8/138 +[2024-10-13 15:33:39,589 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 9/138 +[2024-10-13 15:33:39,780 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 10/138 +[2024-10-13 15:33:39,970 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 11/138 +[2024-10-13 15:33:40,160 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 12/138 +[2024-10-13 15:33:40,349 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 13/138 +[2024-10-13 15:33:40,539 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 14/138 +[2024-10-13 15:33:40,729 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 15/138 +[2024-10-13 15:33:40,919 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 16/138 +[2024-10-13 15:33:41,108 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 17/138 +[2024-10-13 15:33:41,297 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 18/138 +[2024-10-13 15:33:41,488 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 19/138 +[2024-10-13 15:33:41,678 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 20/138 +[2024-10-13 15:33:41,868 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 21/138 +[2024-10-13 15:33:42,083 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 22/138 +[2024-10-13 15:33:42,272 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 23/138 +[2024-10-13 15:33:42,463 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 24/138 +[2024-10-13 15:33:42,652 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 25/138 +[2024-10-13 15:33:42,841 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 26/138 +[2024-10-13 15:33:43,031 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 27/138 +[2024-10-13 15:33:43,220 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 28/138 +[2024-10-13 15:33:43,409 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 29/138 +[2024-10-13 15:33:43,598 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 30/138 +[2024-10-13 15:33:43,787 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 31/138 +[2024-10-13 15:33:43,975 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 32/138 +[2024-10-13 15:33:44,164 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 33/138 +[2024-10-13 15:33:44,353 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 34/138 +[2024-10-13 15:33:44,541 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 35/138 +[2024-10-13 15:33:44,730 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 36/138 +[2024-10-13 15:33:44,919 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 37/138 +[2024-10-13 15:33:45,108 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 38/138 +[2024-10-13 15:33:45,297 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 39/138 +[2024-10-13 15:33:45,474 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 40/138 +[2024-10-13 15:33:45,652 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 41/138 +[2024-10-13 15:33:45,829 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 42/138 +[2024-10-13 15:33:46,006 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 43/138 +[2024-10-13 15:33:46,183 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 44/138 +[2024-10-13 15:33:46,360 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 45/138 +[2024-10-13 15:33:46,538 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 46/138 +[2024-10-13 15:33:46,715 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 47/138 +[2024-10-13 15:33:46,892 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 48/138 +[2024-10-13 15:33:47,070 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 49/138 +[2024-10-13 15:33:47,246 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 50/138 +[2024-10-13 15:33:47,423 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 51/138 +[2024-10-13 15:33:47,601 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 52/138 +[2024-10-13 15:33:47,778 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 53/138 +[2024-10-13 15:33:47,955 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 54/138 +[2024-10-13 15:33:48,133 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 55/138 +[2024-10-13 15:33:48,310 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 56/138 +[2024-10-13 15:33:48,487 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 57/138 +[2024-10-13 15:33:48,664 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 58/138 +[2024-10-13 15:33:48,841 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 59/138 +[2024-10-13 15:33:49,018 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 60/138 +[2024-10-13 15:33:49,195 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 61/138 +[2024-10-13 15:33:49,373 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 62/138 +[2024-10-13 15:33:49,549 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 63/138 +[2024-10-13 15:33:49,726 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 64/138 +[2024-10-13 15:33:49,903 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 65/138 +[2024-10-13 15:33:50,080 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 66/138 +[2024-10-13 15:33:50,258 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 67/138 +[2024-10-13 15:33:50,435 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 68/138 +[2024-10-13 15:33:50,612 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 69/138 +[2024-10-13 15:33:50,789 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 70/138 +[2024-10-13 15:33:50,966 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 71/138 +[2024-10-13 15:33:51,143 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 72/138 +[2024-10-13 15:33:51,320 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 73/138 +[2024-10-13 15:33:51,497 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 74/138 +[2024-10-13 15:33:51,674 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 75/138 +[2024-10-13 15:33:51,852 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 76/138 +[2024-10-13 15:33:52,029 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 77/138 +[2024-10-13 15:33:52,206 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 78/138 +[2024-10-13 15:33:52,382 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 79/138 +[2024-10-13 15:33:52,559 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 80/138 +[2024-10-13 15:33:52,737 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 81/138 +[2024-10-13 15:33:52,914 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 82/138 +[2024-10-13 15:33:53,091 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 83/138 +[2024-10-13 15:33:53,294 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 84/138 +[2024-10-13 15:33:53,496 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 85/138 +[2024-10-13 15:33:53,698 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 86/138 +[2024-10-13 15:33:53,900 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 87/138 +[2024-10-13 15:33:54,102 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 88/138 +[2024-10-13 15:33:54,305 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 89/138 +[2024-10-13 15:33:54,507 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 90/138 +[2024-10-13 15:33:54,709 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 91/138 +[2024-10-13 15:33:54,911 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 92/138 +[2024-10-13 15:33:55,113 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 93/138 +[2024-10-13 15:33:55,316 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 94/138 +[2024-10-13 15:33:55,518 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 95/138 +[2024-10-13 15:33:55,720 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 96/138 +[2024-10-13 15:33:55,922 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 97/138 +[2024-10-13 15:33:56,124 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 98/138 +[2024-10-13 15:33:56,326 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 99/138 +[2024-10-13 15:33:56,528 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 100/138 +[2024-10-13 15:33:56,730 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 101/138 +[2024-10-13 15:33:56,932 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 102/138 +[2024-10-13 15:33:57,134 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 103/138 +[2024-10-13 15:33:57,336 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 104/138 +[2024-10-13 15:33:57,538 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 105/138 +[2024-10-13 15:33:57,740 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 106/138 +[2024-10-13 15:33:57,942 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 107/138 +[2024-10-13 15:33:58,145 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 108/138 +[2024-10-13 15:33:58,347 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 109/138 +[2024-10-13 15:33:58,549 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 110/138 +[2024-10-13 15:33:58,752 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 111/138 +[2024-10-13 15:33:58,954 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 112/138 +[2024-10-13 15:33:59,156 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 113/138 +[2024-10-13 15:33:59,358 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 114/138 +[2024-10-13 15:33:59,560 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 115/138 +[2024-10-13 15:33:59,763 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 116/138 +[2024-10-13 15:33:59,965 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 117/138 +[2024-10-13 15:34:00,167 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 118/138 +[2024-10-13 15:34:00,368 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 119/138 +[2024-10-13 15:34:00,570 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 120/138 +[2024-10-13 15:34:00,773 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 121/138 +[2024-10-13 15:34:00,974 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 122/138 +[2024-10-13 15:34:01,176 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 123/138 +[2024-10-13 15:34:01,378 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 124/138 +[2024-10-13 15:34:01,580 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 125/138 +[2024-10-13 15:34:01,782 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 126/138 +[2024-10-13 15:34:01,984 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 127/138 +[2024-10-13 15:34:02,174 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 128/138 +[2024-10-13 15:34:02,363 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 129/138 +[2024-10-13 15:34:02,552 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 130/138 +[2024-10-13 15:34:02,741 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 131/138 +[2024-10-13 15:34:02,930 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 132/138 +[2024-10-13 15:34:03,119 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 133/138 +[2024-10-13 15:34:03,309 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 134/138 +[2024-10-13 15:34:03,498 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 135/138 +[2024-10-13 15:34:03,688 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 136/138 +[2024-10-13 15:34:03,877 INFO test.py line 186 25394] Test: 17/312-scene0568_00, Batch: 137/138 +[2024-10-13 15:34:04,172 INFO test.py line 272 25394] Test: scene0568_00 [17/312]-232453 Batch 26.515 (16.805) Accuracy 0.7704 (0.2475) mIoU 0.3444 (0.2066) +[2024-10-13 15:34:04,355 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 0/126 +[2024-10-13 15:34:04,512 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 1/126 +[2024-10-13 15:34:04,667 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 2/126 +[2024-10-13 15:34:04,822 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 3/126 +[2024-10-13 15:34:04,977 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 4/126 +[2024-10-13 15:34:05,131 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 5/126 +[2024-10-13 15:34:05,286 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 6/126 +[2024-10-13 15:34:05,445 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 7/126 +[2024-10-13 15:34:05,628 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 8/126 +[2024-10-13 15:34:05,783 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 9/126 +[2024-10-13 15:34:05,938 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 10/126 +[2024-10-13 15:34:06,092 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 11/126 +[2024-10-13 15:34:06,247 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 12/126 +[2024-10-13 15:34:06,402 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 13/126 +[2024-10-13 15:34:06,557 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 14/126 +[2024-10-13 15:34:06,711 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 15/126 +[2024-10-13 15:34:06,866 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 16/126 +[2024-10-13 15:34:07,021 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 17/126 +[2024-10-13 15:34:07,176 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 18/126 +[2024-10-13 15:34:07,331 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 19/126 +[2024-10-13 15:34:07,486 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 20/126 +[2024-10-13 15:34:07,641 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 21/126 +[2024-10-13 15:34:07,796 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 22/126 +[2024-10-13 15:34:07,951 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 23/126 +[2024-10-13 15:34:08,105 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 24/126 +[2024-10-13 15:34:08,260 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 25/126 +[2024-10-13 15:34:08,415 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 26/126 +[2024-10-13 15:34:08,569 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 27/126 +[2024-10-13 15:34:08,724 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 28/126 +[2024-10-13 15:34:08,879 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 29/126 +[2024-10-13 15:34:09,034 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 30/126 +[2024-10-13 15:34:09,188 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 31/126 +[2024-10-13 15:34:09,343 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 32/126 +[2024-10-13 15:34:09,497 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 33/126 +[2024-10-13 15:34:09,651 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 34/126 +[2024-10-13 15:34:09,806 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 35/126 +[2024-10-13 15:34:09,960 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 36/126 +[2024-10-13 15:34:10,114 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 37/126 +[2024-10-13 15:34:10,269 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 38/126 +[2024-10-13 15:34:10,423 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 39/126 +[2024-10-13 15:34:10,568 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 40/126 +[2024-10-13 15:34:10,712 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 41/126 +[2024-10-13 15:34:10,857 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 42/126 +[2024-10-13 15:34:11,001 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 43/126 +[2024-10-13 15:34:11,146 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 44/126 +[2024-10-13 15:34:11,290 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 45/126 +[2024-10-13 15:34:11,434 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 46/126 +[2024-10-13 15:34:11,578 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 47/126 +[2024-10-13 15:34:11,722 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 48/126 +[2024-10-13 15:34:11,866 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 49/126 +[2024-10-13 15:34:12,010 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 50/126 +[2024-10-13 15:34:12,155 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 51/126 +[2024-10-13 15:34:12,299 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 52/126 +[2024-10-13 15:34:12,443 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 53/126 +[2024-10-13 15:34:12,587 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 54/126 +[2024-10-13 15:34:12,731 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 55/126 +[2024-10-13 15:34:12,875 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 56/126 +[2024-10-13 15:34:13,020 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 57/126 +[2024-10-13 15:34:13,164 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 58/126 +[2024-10-13 15:34:13,308 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 59/126 +[2024-10-13 15:34:13,453 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 60/126 +[2024-10-13 15:34:13,597 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 61/126 +[2024-10-13 15:34:13,741 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 62/126 +[2024-10-13 15:34:13,885 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 63/126 +[2024-10-13 15:34:14,029 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 64/126 +[2024-10-13 15:34:14,174 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 65/126 +[2024-10-13 15:34:14,318 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 66/126 +[2024-10-13 15:34:14,462 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 67/126 +[2024-10-13 15:34:14,606 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 68/126 +[2024-10-13 15:34:14,751 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 69/126 +[2024-10-13 15:34:14,895 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 70/126 +[2024-10-13 15:34:15,040 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 71/126 +[2024-10-13 15:34:15,184 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 72/126 +[2024-10-13 15:34:15,328 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 73/126 +[2024-10-13 15:34:15,472 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 74/126 +[2024-10-13 15:34:15,617 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 75/126 +[2024-10-13 15:34:15,761 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 76/126 +[2024-10-13 15:34:15,905 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 77/126 +[2024-10-13 15:34:16,049 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 78/126 +[2024-10-13 15:34:16,194 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 79/126 +[2024-10-13 15:34:16,357 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 80/126 +[2024-10-13 15:34:16,521 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 81/126 +[2024-10-13 15:34:16,685 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 82/126 +[2024-10-13 15:34:16,849 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 83/126 +[2024-10-13 15:34:17,012 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 84/126 +[2024-10-13 15:34:17,176 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 85/126 +[2024-10-13 15:34:17,340 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 86/126 +[2024-10-13 15:34:17,504 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 87/126 +[2024-10-13 15:34:17,668 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 88/126 +[2024-10-13 15:34:17,831 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 89/126 +[2024-10-13 15:34:17,995 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 90/126 +[2024-10-13 15:34:18,159 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 91/126 +[2024-10-13 15:34:18,323 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 92/126 +[2024-10-13 15:34:18,487 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 93/126 +[2024-10-13 15:34:18,650 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 94/126 +[2024-10-13 15:34:18,814 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 95/126 +[2024-10-13 15:34:18,978 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 96/126 +[2024-10-13 15:34:19,142 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 97/126 +[2024-10-13 15:34:19,306 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 98/126 +[2024-10-13 15:34:19,470 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 99/126 +[2024-10-13 15:34:19,635 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 100/126 +[2024-10-13 15:34:19,799 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 101/126 +[2024-10-13 15:34:19,964 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 102/126 +[2024-10-13 15:34:20,128 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 103/126 +[2024-10-13 15:34:20,292 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 104/126 +[2024-10-13 15:34:20,456 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 105/126 +[2024-10-13 15:34:20,620 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 106/126 +[2024-10-13 15:34:20,785 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 107/126 +[2024-10-13 15:34:20,949 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 108/126 +[2024-10-13 15:34:21,113 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 109/126 +[2024-10-13 15:34:21,278 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 110/126 +[2024-10-13 15:34:21,442 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 111/126 +[2024-10-13 15:34:21,606 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 112/126 +[2024-10-13 15:34:21,770 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 113/126 +[2024-10-13 15:34:21,935 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 114/126 +[2024-10-13 15:34:22,099 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 115/126 +[2024-10-13 15:34:22,254 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 116/126 +[2024-10-13 15:34:22,409 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 117/126 +[2024-10-13 15:34:22,564 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 118/126 +[2024-10-13 15:34:22,718 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 119/126 +[2024-10-13 15:34:22,873 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 120/126 +[2024-10-13 15:34:23,027 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 121/126 +[2024-10-13 15:34:23,182 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 122/126 +[2024-10-13 15:34:23,337 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 123/126 +[2024-10-13 15:34:23,492 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 124/126 +[2024-10-13 15:34:23,647 INFO test.py line 186 25394] Test: 18/312-scene0704_00, Batch: 125/126 +[2024-10-13 15:34:23,886 INFO test.py line 272 25394] Test: scene0704_00 [18/312]-183029 Batch 19.714 (16.966) Accuracy 0.8807 (0.2553) mIoU 0.3844 (0.2135) +[2024-10-13 15:34:24,077 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 0/125 +[2024-10-13 15:34:24,240 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 1/125 +[2024-10-13 15:34:24,402 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 2/125 +[2024-10-13 15:34:24,563 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 3/125 +[2024-10-13 15:34:24,724 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 4/125 +[2024-10-13 15:34:24,885 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 5/125 +[2024-10-13 15:34:25,046 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 6/125 +[2024-10-13 15:34:25,207 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 7/125 +[2024-10-13 15:34:25,367 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 8/125 +[2024-10-13 15:34:25,528 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 9/125 +[2024-10-13 15:34:25,689 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 10/125 +[2024-10-13 15:34:25,850 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 11/125 +[2024-10-13 15:34:26,012 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 12/125 +[2024-10-13 15:34:26,173 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 13/125 +[2024-10-13 15:34:26,334 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 14/125 +[2024-10-13 15:34:26,496 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 15/125 +[2024-10-13 15:34:26,657 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 16/125 +[2024-10-13 15:34:26,819 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 17/125 +[2024-10-13 15:34:26,980 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 18/125 +[2024-10-13 15:34:27,142 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 19/125 +[2024-10-13 15:34:27,303 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 20/125 +[2024-10-13 15:34:27,464 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 21/125 +[2024-10-13 15:34:27,627 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 22/125 +[2024-10-13 15:34:27,803 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 23/125 +[2024-10-13 15:34:27,965 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 24/125 +[2024-10-13 15:34:28,126 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 25/125 +[2024-10-13 15:34:28,287 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 26/125 +[2024-10-13 15:34:28,447 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 27/125 +[2024-10-13 15:34:28,608 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 28/125 +[2024-10-13 15:34:28,768 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 29/125 +[2024-10-13 15:34:28,929 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 30/125 +[2024-10-13 15:34:29,090 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 31/125 +[2024-10-13 15:34:29,251 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 32/125 +[2024-10-13 15:34:29,411 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 33/125 +[2024-10-13 15:34:29,573 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 34/125 +[2024-10-13 15:34:29,734 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 35/125 +[2024-10-13 15:34:29,886 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 36/125 +[2024-10-13 15:34:30,037 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 37/125 +[2024-10-13 15:34:30,189 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 38/125 +[2024-10-13 15:34:30,340 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 39/125 +[2024-10-13 15:34:30,492 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 40/125 +[2024-10-13 15:34:30,643 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 41/125 +[2024-10-13 15:34:30,795 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 42/125 +[2024-10-13 15:34:30,947 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 43/125 +[2024-10-13 15:34:31,099 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 44/125 +[2024-10-13 15:34:31,251 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 45/125 +[2024-10-13 15:34:31,402 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 46/125 +[2024-10-13 15:34:31,554 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 47/125 +[2024-10-13 15:34:31,706 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 48/125 +[2024-10-13 15:34:31,858 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 49/125 +[2024-10-13 15:34:32,010 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 50/125 +[2024-10-13 15:34:32,162 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 51/125 +[2024-10-13 15:34:32,313 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 52/125 +[2024-10-13 15:34:32,465 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 53/125 +[2024-10-13 15:34:32,617 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 54/125 +[2024-10-13 15:34:32,768 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 55/125 +[2024-10-13 15:34:32,920 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 56/125 +[2024-10-13 15:34:33,071 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 57/125 +[2024-10-13 15:34:33,223 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 58/125 +[2024-10-13 15:34:33,375 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 59/125 +[2024-10-13 15:34:33,527 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 60/125 +[2024-10-13 15:34:33,678 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 61/125 +[2024-10-13 15:34:33,830 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 62/125 +[2024-10-13 15:34:33,982 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 63/125 +[2024-10-13 15:34:34,134 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 64/125 +[2024-10-13 15:34:34,286 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 65/125 +[2024-10-13 15:34:34,438 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 66/125 +[2024-10-13 15:34:34,590 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 67/125 +[2024-10-13 15:34:34,742 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 68/125 +[2024-10-13 15:34:34,893 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 69/125 +[2024-10-13 15:34:35,045 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 70/125 +[2024-10-13 15:34:35,197 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 71/125 +[2024-10-13 15:34:35,348 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 72/125 +[2024-10-13 15:34:35,500 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 73/125 +[2024-10-13 15:34:35,651 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 74/125 +[2024-10-13 15:34:35,803 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 75/125 +[2024-10-13 15:34:35,955 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 76/125 +[2024-10-13 15:34:36,106 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 77/125 +[2024-10-13 15:34:36,258 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 78/125 +[2024-10-13 15:34:36,410 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 79/125 +[2024-10-13 15:34:36,581 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 80/125 +[2024-10-13 15:34:36,751 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 81/125 +[2024-10-13 15:34:36,922 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 82/125 +[2024-10-13 15:34:37,092 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 83/125 +[2024-10-13 15:34:37,263 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 84/125 +[2024-10-13 15:34:37,434 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 85/125 +[2024-10-13 15:34:37,604 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 86/125 +[2024-10-13 15:34:37,775 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 87/125 +[2024-10-13 15:34:37,946 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 88/125 +[2024-10-13 15:34:38,117 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 89/125 +[2024-10-13 15:34:38,288 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 90/125 +[2024-10-13 15:34:38,459 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 91/125 +[2024-10-13 15:34:38,631 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 92/125 +[2024-10-13 15:34:38,802 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 93/125 +[2024-10-13 15:34:38,973 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 94/125 +[2024-10-13 15:34:39,145 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 95/125 +[2024-10-13 15:34:39,316 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 96/125 +[2024-10-13 15:34:39,487 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 97/125 +[2024-10-13 15:34:39,658 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 98/125 +[2024-10-13 15:34:39,830 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 99/125 +[2024-10-13 15:34:40,001 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 100/125 +[2024-10-13 15:34:40,172 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 101/125 +[2024-10-13 15:34:40,344 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 102/125 +[2024-10-13 15:34:40,515 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 103/125 +[2024-10-13 15:34:40,686 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 104/125 +[2024-10-13 15:34:40,858 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 105/125 +[2024-10-13 15:34:41,029 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 106/125 +[2024-10-13 15:34:41,200 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 107/125 +[2024-10-13 15:34:41,371 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 108/125 +[2024-10-13 15:34:41,542 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 109/125 +[2024-10-13 15:34:41,713 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 110/125 +[2024-10-13 15:34:41,884 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 111/125 +[2024-10-13 15:34:42,055 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 112/125 +[2024-10-13 15:34:42,226 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 113/125 +[2024-10-13 15:34:42,397 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 114/125 +[2024-10-13 15:34:42,568 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 115/125 +[2024-10-13 15:34:42,729 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 116/125 +[2024-10-13 15:34:42,891 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 117/125 +[2024-10-13 15:34:43,052 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 118/125 +[2024-10-13 15:34:43,214 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 119/125 +[2024-10-13 15:34:43,375 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 120/125 +[2024-10-13 15:34:43,536 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 121/125 +[2024-10-13 15:34:43,698 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 122/125 +[2024-10-13 15:34:43,859 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 123/125 +[2024-10-13 15:34:44,020 INFO test.py line 186 25394] Test: 19/312-scene0663_00, Batch: 124/125 +[2024-10-13 15:34:44,258 INFO test.py line 272 25394] Test: scene0663_00 [19/312]-184428 Batch 20.372 (17.145) Accuracy 0.8735 (0.2729) mIoU 0.4039 (0.2261) +[2024-10-13 15:34:44,342 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 0/108 +[2024-10-13 15:34:44,414 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 1/108 +[2024-10-13 15:34:44,486 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 2/108 +[2024-10-13 15:34:44,559 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 3/108 +[2024-10-13 15:34:44,638 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 4/108 +[2024-10-13 15:34:44,713 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 5/108 +[2024-10-13 15:34:44,789 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 6/108 +[2024-10-13 15:34:44,864 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 7/108 +[2024-10-13 15:34:44,939 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 8/108 +[2024-10-13 15:34:45,011 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 9/108 +[2024-10-13 15:34:45,083 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 10/108 +[2024-10-13 15:34:45,155 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 11/108 +[2024-10-13 15:34:45,227 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 12/108 +[2024-10-13 15:34:45,299 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 13/108 +[2024-10-13 15:34:45,370 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 14/108 +[2024-10-13 15:34:45,442 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 15/108 +[2024-10-13 15:34:45,514 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 16/108 +[2024-10-13 15:34:45,586 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 17/108 +[2024-10-13 15:34:45,658 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 18/108 +[2024-10-13 15:34:45,730 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 19/108 +[2024-10-13 15:34:45,802 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 20/108 +[2024-10-13 15:34:45,874 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 21/108 +[2024-10-13 15:34:45,946 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 22/108 +[2024-10-13 15:34:46,018 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 23/108 +[2024-10-13 15:34:46,090 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 24/108 +[2024-10-13 15:34:46,162 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 25/108 +[2024-10-13 15:34:46,234 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 26/108 +[2024-10-13 15:34:46,306 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 27/108 +[2024-10-13 15:34:46,379 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 28/108 +[2024-10-13 15:34:46,451 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 29/108 +[2024-10-13 15:34:46,523 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 30/108 +[2024-10-13 15:34:46,595 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 31/108 +[2024-10-13 15:34:46,664 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 32/108 +[2024-10-13 15:34:46,733 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 33/108 +[2024-10-13 15:34:46,802 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 34/108 +[2024-10-13 15:34:46,871 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 35/108 +[2024-10-13 15:34:46,940 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 36/108 +[2024-10-13 15:34:47,008 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 37/108 +[2024-10-13 15:34:47,077 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 38/108 +[2024-10-13 15:34:47,146 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 39/108 +[2024-10-13 15:34:47,215 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 40/108 +[2024-10-13 15:34:47,284 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 41/108 +[2024-10-13 15:34:47,353 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 42/108 +[2024-10-13 15:34:47,473 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 43/108 +[2024-10-13 15:34:47,543 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 44/108 +[2024-10-13 15:34:47,614 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 45/108 +[2024-10-13 15:34:47,684 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 46/108 +[2024-10-13 15:34:47,754 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 47/108 +[2024-10-13 15:34:47,822 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 48/108 +[2024-10-13 15:34:47,891 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 49/108 +[2024-10-13 15:34:47,960 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 50/108 +[2024-10-13 15:34:48,029 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 51/108 +[2024-10-13 15:34:48,098 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 52/108 +[2024-10-13 15:34:48,166 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 53/108 +[2024-10-13 15:34:48,235 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 54/108 +[2024-10-13 15:34:48,304 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 55/108 +[2024-10-13 15:34:48,373 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 56/108 +[2024-10-13 15:34:48,442 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 57/108 +[2024-10-13 15:34:48,510 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 58/108 +[2024-10-13 15:34:48,579 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 59/108 +[2024-10-13 15:34:48,647 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 60/108 +[2024-10-13 15:34:48,716 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 61/108 +[2024-10-13 15:34:48,784 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 62/108 +[2024-10-13 15:34:48,853 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 63/108 +[2024-10-13 15:34:48,922 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 64/108 +[2024-10-13 15:34:48,990 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 65/108 +[2024-10-13 15:34:49,059 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 66/108 +[2024-10-13 15:34:49,127 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 67/108 +[2024-10-13 15:34:49,203 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 68/108 +[2024-10-13 15:34:49,278 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 69/108 +[2024-10-13 15:34:49,353 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 70/108 +[2024-10-13 15:34:49,429 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 71/108 +[2024-10-13 15:34:49,504 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 72/108 +[2024-10-13 15:34:49,580 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 73/108 +[2024-10-13 15:34:49,655 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 74/108 +[2024-10-13 15:34:49,730 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 75/108 +[2024-10-13 15:34:49,805 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 76/108 +[2024-10-13 15:34:49,881 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 77/108 +[2024-10-13 15:34:49,956 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 78/108 +[2024-10-13 15:34:50,031 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 79/108 +[2024-10-13 15:34:50,106 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 80/108 +[2024-10-13 15:34:50,181 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 81/108 +[2024-10-13 15:34:50,257 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 82/108 +[2024-10-13 15:34:50,332 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 83/108 +[2024-10-13 15:34:50,407 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 84/108 +[2024-10-13 15:34:50,482 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 85/108 +[2024-10-13 15:34:50,557 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 86/108 +[2024-10-13 15:34:50,632 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 87/108 +[2024-10-13 15:34:50,707 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 88/108 +[2024-10-13 15:34:50,782 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 89/108 +[2024-10-13 15:34:50,857 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 90/108 +[2024-10-13 15:34:50,932 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 91/108 +[2024-10-13 15:34:51,007 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 92/108 +[2024-10-13 15:34:51,082 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 93/108 +[2024-10-13 15:34:51,157 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 94/108 +[2024-10-13 15:34:51,232 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 95/108 +[2024-10-13 15:34:51,307 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 96/108 +[2024-10-13 15:34:51,382 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 97/108 +[2024-10-13 15:34:51,457 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 98/108 +[2024-10-13 15:34:51,532 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 99/108 +[2024-10-13 15:34:51,604 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 100/108 +[2024-10-13 15:34:51,676 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 101/108 +[2024-10-13 15:34:51,747 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 102/108 +[2024-10-13 15:34:51,819 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 103/108 +[2024-10-13 15:34:51,891 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 104/108 +[2024-10-13 15:34:51,963 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 105/108 +[2024-10-13 15:34:52,035 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 106/108 +[2024-10-13 15:34:52,107 INFO test.py line 186 25394] Test: 20/312-scene0574_02, Batch: 107/108 +[2024-10-13 15:34:52,192 INFO test.py line 272 25394] Test: scene0574_02 [20/312]-62475 Batch 7.933 (16.685) Accuracy 0.8866 (0.2737) mIoU 0.5230 (0.2272) +[2024-10-13 15:34:52,351 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 0/135 +[2024-10-13 15:34:52,485 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 1/135 +[2024-10-13 15:34:52,620 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 2/135 +[2024-10-13 15:34:52,755 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 3/135 +[2024-10-13 15:34:52,896 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 4/135 +[2024-10-13 15:34:53,036 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 5/135 +[2024-10-13 15:34:53,171 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 6/135 +[2024-10-13 15:34:53,305 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 7/135 +[2024-10-13 15:34:53,440 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 8/135 +[2024-10-13 15:34:53,575 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 9/135 +[2024-10-13 15:34:53,710 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 10/135 +[2024-10-13 15:34:53,845 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 11/135 +[2024-10-13 15:34:53,981 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 12/135 +[2024-10-13 15:34:54,117 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 13/135 +[2024-10-13 15:34:54,252 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 14/135 +[2024-10-13 15:34:54,388 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 15/135 +[2024-10-13 15:34:54,524 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 16/135 +[2024-10-13 15:34:54,659 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 17/135 +[2024-10-13 15:34:54,795 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 18/135 +[2024-10-13 15:34:54,930 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 19/135 +[2024-10-13 15:34:55,066 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 20/135 +[2024-10-13 15:34:55,202 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 21/135 +[2024-10-13 15:34:55,338 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 22/135 +[2024-10-13 15:34:55,474 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 23/135 +[2024-10-13 15:34:55,610 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 24/135 +[2024-10-13 15:34:55,745 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 25/135 +[2024-10-13 15:34:55,881 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 26/135 +[2024-10-13 15:34:56,016 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 27/135 +[2024-10-13 15:34:56,152 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 28/135 +[2024-10-13 15:34:56,288 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 29/135 +[2024-10-13 15:34:56,423 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 30/135 +[2024-10-13 15:34:56,559 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 31/135 +[2024-10-13 15:34:56,694 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 32/135 +[2024-10-13 15:34:56,830 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 33/135 +[2024-10-13 15:34:56,967 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 34/135 +[2024-10-13 15:34:57,103 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 35/135 +[2024-10-13 15:34:57,239 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 36/135 +[2024-10-13 15:34:57,375 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 37/135 +[2024-10-13 15:34:57,511 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 38/135 +[2024-10-13 15:34:57,647 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 39/135 +[2024-10-13 15:34:57,783 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 40/135 +[2024-10-13 15:34:57,919 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 41/135 +[2024-10-13 15:34:58,056 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 42/135 +[2024-10-13 15:34:58,192 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 43/135 +[2024-10-13 15:34:58,320 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 44/135 +[2024-10-13 15:34:58,447 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 45/135 +[2024-10-13 15:34:58,574 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 46/135 +[2024-10-13 15:34:58,702 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 47/135 +[2024-10-13 15:34:58,829 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 48/135 +[2024-10-13 15:34:58,956 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 49/135 +[2024-10-13 15:34:59,083 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 50/135 +[2024-10-13 15:34:59,211 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 51/135 +[2024-10-13 15:34:59,338 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 52/135 +[2024-10-13 15:34:59,466 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 53/135 +[2024-10-13 15:34:59,593 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 54/135 +[2024-10-13 15:34:59,721 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 55/135 +[2024-10-13 15:34:59,849 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 56/135 +[2024-10-13 15:34:59,977 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 57/135 +[2024-10-13 15:35:00,105 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 58/135 +[2024-10-13 15:35:00,233 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 59/135 +[2024-10-13 15:35:00,361 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 60/135 +[2024-10-13 15:35:00,489 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 61/135 +[2024-10-13 15:35:00,617 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 62/135 +[2024-10-13 15:35:00,745 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 63/135 +[2024-10-13 15:35:00,873 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 64/135 +[2024-10-13 15:35:01,002 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 65/135 +[2024-10-13 15:35:01,129 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 66/135 +[2024-10-13 15:35:01,257 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 67/135 +[2024-10-13 15:35:01,384 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 68/135 +[2024-10-13 15:35:01,512 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 69/135 +[2024-10-13 15:35:01,639 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 70/135 +[2024-10-13 15:35:01,766 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 71/135 +[2024-10-13 15:35:01,894 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 72/135 +[2024-10-13 15:35:02,021 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 73/135 +[2024-10-13 15:35:02,150 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 74/135 +[2024-10-13 15:35:02,320 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 75/135 +[2024-10-13 15:35:02,448 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 76/135 +[2024-10-13 15:35:02,646 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 77/135 +[2024-10-13 15:35:02,803 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 78/135 +[2024-10-13 15:35:02,932 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 79/135 +[2024-10-13 15:35:03,060 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 80/135 +[2024-10-13 15:35:03,188 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 81/135 +[2024-10-13 15:35:03,315 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 82/135 +[2024-10-13 15:35:03,443 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 83/135 +[2024-10-13 15:35:03,571 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 84/135 +[2024-10-13 15:35:03,699 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 85/135 +[2024-10-13 15:35:03,827 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 86/135 +[2024-10-13 15:35:03,955 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 87/135 +[2024-10-13 15:35:04,098 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 88/135 +[2024-10-13 15:35:04,241 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 89/135 +[2024-10-13 15:35:04,385 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 90/135 +[2024-10-13 15:35:04,528 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 91/135 +[2024-10-13 15:35:04,671 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 92/135 +[2024-10-13 15:35:04,815 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 93/135 +[2024-10-13 15:35:04,958 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 94/135 +[2024-10-13 15:35:05,101 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 95/135 +[2024-10-13 15:35:05,244 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 96/135 +[2024-10-13 15:35:05,388 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 97/135 +[2024-10-13 15:35:05,531 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 98/135 +[2024-10-13 15:35:05,675 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 99/135 +[2024-10-13 15:35:05,818 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 100/135 +[2024-10-13 15:35:05,962 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 101/135 +[2024-10-13 15:35:06,105 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 102/135 +[2024-10-13 15:35:06,249 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 103/135 +[2024-10-13 15:35:06,393 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 104/135 +[2024-10-13 15:35:06,536 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 105/135 +[2024-10-13 15:35:06,680 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 106/135 +[2024-10-13 15:35:06,824 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 107/135 +[2024-10-13 15:35:06,968 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 108/135 +[2024-10-13 15:35:07,112 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 109/135 +[2024-10-13 15:35:07,255 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 110/135 +[2024-10-13 15:35:07,399 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 111/135 +[2024-10-13 15:35:07,543 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 112/135 +[2024-10-13 15:35:07,687 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 113/135 +[2024-10-13 15:35:07,830 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 114/135 +[2024-10-13 15:35:07,973 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 115/135 +[2024-10-13 15:35:08,117 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 116/135 +[2024-10-13 15:35:08,260 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 117/135 +[2024-10-13 15:35:08,403 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 118/135 +[2024-10-13 15:35:08,546 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 119/135 +[2024-10-13 15:35:08,689 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 120/135 +[2024-10-13 15:35:08,833 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 121/135 +[2024-10-13 15:35:08,976 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 122/135 +[2024-10-13 15:35:09,120 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 123/135 +[2024-10-13 15:35:09,255 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 124/135 +[2024-10-13 15:35:09,391 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 125/135 +[2024-10-13 15:35:09,526 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 126/135 +[2024-10-13 15:35:09,662 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 127/135 +[2024-10-13 15:35:09,797 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 128/135 +[2024-10-13 15:35:09,933 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 129/135 +[2024-10-13 15:35:10,068 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 130/135 +[2024-10-13 15:35:10,204 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 131/135 +[2024-10-13 15:35:10,340 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 132/135 +[2024-10-13 15:35:10,475 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 133/135 +[2024-10-13 15:35:10,611 INFO test.py line 186 25394] Test: 21/312-scene0081_02, Batch: 134/135 +[2024-10-13 15:35:10,803 INFO test.py line 272 25394] Test: scene0081_02 [21/312]-153929 Batch 18.611 (16.777) Accuracy 0.9920 (0.2739) mIoU 0.9816 (0.2275) +[2024-10-13 15:35:10,944 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 0/121 +[2024-10-13 15:35:11,067 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 1/121 +[2024-10-13 15:35:11,197 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 2/121 +[2024-10-13 15:35:11,320 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 3/121 +[2024-10-13 15:35:11,443 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 4/121 +[2024-10-13 15:35:11,566 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 5/121 +[2024-10-13 15:35:11,689 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 6/121 +[2024-10-13 15:35:11,812 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 7/121 +[2024-10-13 15:35:11,935 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 8/121 +[2024-10-13 15:35:12,058 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 9/121 +[2024-10-13 15:35:12,181 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 10/121 +[2024-10-13 15:35:12,304 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 11/121 +[2024-10-13 15:35:12,427 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 12/121 +[2024-10-13 15:35:12,550 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 13/121 +[2024-10-13 15:35:12,673 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 14/121 +[2024-10-13 15:35:12,796 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 15/121 +[2024-10-13 15:35:12,919 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 16/121 +[2024-10-13 15:35:13,042 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 17/121 +[2024-10-13 15:35:13,166 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 18/121 +[2024-10-13 15:35:13,289 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 19/121 +[2024-10-13 15:35:13,413 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 20/121 +[2024-10-13 15:35:13,536 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 21/121 +[2024-10-13 15:35:13,659 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 22/121 +[2024-10-13 15:35:13,783 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 23/121 +[2024-10-13 15:35:13,907 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 24/121 +[2024-10-13 15:35:14,031 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 25/121 +[2024-10-13 15:35:14,154 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 26/121 +[2024-10-13 15:35:14,277 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 27/121 +[2024-10-13 15:35:14,401 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 28/121 +[2024-10-13 15:35:14,524 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 29/121 +[2024-10-13 15:35:14,650 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 30/121 +[2024-10-13 15:35:14,773 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 31/121 +[2024-10-13 15:35:14,896 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 32/121 +[2024-10-13 15:35:15,019 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 33/121 +[2024-10-13 15:35:15,145 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 34/121 +[2024-10-13 15:35:15,268 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 35/121 +[2024-10-13 15:35:15,385 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 36/121 +[2024-10-13 15:35:15,502 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 37/121 +[2024-10-13 15:35:15,620 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 38/121 +[2024-10-13 15:35:15,782 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 39/121 +[2024-10-13 15:35:15,900 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 40/121 +[2024-10-13 15:35:16,019 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 41/121 +[2024-10-13 15:35:16,136 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 42/121 +[2024-10-13 15:35:16,252 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 43/121 +[2024-10-13 15:35:16,369 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 44/121 +[2024-10-13 15:35:16,486 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 45/121 +[2024-10-13 15:35:16,603 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 46/121 +[2024-10-13 15:35:16,720 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 47/121 +[2024-10-13 15:35:16,836 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 48/121 +[2024-10-13 15:35:16,953 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 49/121 +[2024-10-13 15:35:17,070 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 50/121 +[2024-10-13 15:35:17,186 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 51/121 +[2024-10-13 15:35:17,303 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 52/121 +[2024-10-13 15:35:17,420 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 53/121 +[2024-10-13 15:35:17,536 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 54/121 +[2024-10-13 15:35:17,653 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 55/121 +[2024-10-13 15:35:17,770 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 56/121 +[2024-10-13 15:35:17,886 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 57/121 +[2024-10-13 15:35:18,003 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 58/121 +[2024-10-13 15:35:18,120 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 59/121 +[2024-10-13 15:35:18,237 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 60/121 +[2024-10-13 15:35:18,355 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 61/121 +[2024-10-13 15:35:18,472 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 62/121 +[2024-10-13 15:35:18,589 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 63/121 +[2024-10-13 15:35:18,706 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 64/121 +[2024-10-13 15:35:18,823 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 65/121 +[2024-10-13 15:35:18,940 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 66/121 +[2024-10-13 15:35:19,057 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 67/121 +[2024-10-13 15:35:19,174 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 68/121 +[2024-10-13 15:35:19,291 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 69/121 +[2024-10-13 15:35:19,408 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 70/121 +[2024-10-13 15:35:19,526 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 71/121 +[2024-10-13 15:35:19,643 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 72/121 +[2024-10-13 15:35:19,760 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 73/121 +[2024-10-13 15:35:19,877 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 74/121 +[2024-10-13 15:35:19,995 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 75/121 +[2024-10-13 15:35:20,112 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 76/121 +[2024-10-13 15:35:20,230 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 77/121 +[2024-10-13 15:35:20,347 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 78/121 +[2024-10-13 15:35:20,465 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 79/121 +[2024-10-13 15:35:20,595 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 80/121 +[2024-10-13 15:35:20,726 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 81/121 +[2024-10-13 15:35:20,857 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 82/121 +[2024-10-13 15:35:20,988 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 83/121 +[2024-10-13 15:35:21,119 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 84/121 +[2024-10-13 15:35:21,250 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 85/121 +[2024-10-13 15:35:21,381 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 86/121 +[2024-10-13 15:35:21,512 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 87/121 +[2024-10-13 15:35:21,644 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 88/121 +[2024-10-13 15:35:21,775 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 89/121 +[2024-10-13 15:35:21,908 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 90/121 +[2024-10-13 15:35:22,040 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 91/121 +[2024-10-13 15:35:22,172 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 92/121 +[2024-10-13 15:35:22,304 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 93/121 +[2024-10-13 15:35:22,436 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 94/121 +[2024-10-13 15:35:22,568 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 95/121 +[2024-10-13 15:35:22,700 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 96/121 +[2024-10-13 15:35:22,832 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 97/121 +[2024-10-13 15:35:22,964 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 98/121 +[2024-10-13 15:35:23,096 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 99/121 +[2024-10-13 15:35:23,229 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 100/121 +[2024-10-13 15:35:23,360 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 101/121 +[2024-10-13 15:35:23,492 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 102/121 +[2024-10-13 15:35:23,624 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 103/121 +[2024-10-13 15:35:23,755 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 104/121 +[2024-10-13 15:35:23,886 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 105/121 +[2024-10-13 15:35:24,017 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 106/121 +[2024-10-13 15:35:24,147 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 107/121 +[2024-10-13 15:35:24,278 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 108/121 +[2024-10-13 15:35:24,408 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 109/121 +[2024-10-13 15:35:24,539 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 110/121 +[2024-10-13 15:35:24,670 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 111/121 +[2024-10-13 15:35:24,793 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 112/121 +[2024-10-13 15:35:24,916 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 113/121 +[2024-10-13 15:35:25,039 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 114/121 +[2024-10-13 15:35:25,163 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 115/121 +[2024-10-13 15:35:25,286 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 116/121 +[2024-10-13 15:35:25,409 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 117/121 +[2024-10-13 15:35:25,532 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 118/121 +[2024-10-13 15:35:25,655 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 119/121 +[2024-10-13 15:35:25,778 INFO test.py line 186 25394] Test: 22/312-scene0426_01, Batch: 120/121 +[2024-10-13 15:35:25,968 INFO test.py line 272 25394] Test: scene0426_01 [22/312]-137586 Batch 15.164 (16.703) Accuracy 0.8523 (0.2775) mIoU 0.3482 (0.2303) +[2024-10-13 15:35:26,326 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 0/157 +[2024-10-13 15:35:26,625 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 1/157 +[2024-10-13 15:35:26,923 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 2/157 +[2024-10-13 15:35:27,221 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 3/157 +[2024-10-13 15:35:27,519 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 4/157 +[2024-10-13 15:35:27,817 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 5/157 +[2024-10-13 15:35:28,115 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 6/157 +[2024-10-13 15:35:28,414 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 7/157 +[2024-10-13 15:35:28,711 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 8/157 +[2024-10-13 15:35:29,008 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 9/157 +[2024-10-13 15:35:29,305 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 10/157 +[2024-10-13 15:35:29,603 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 11/157 +[2024-10-13 15:35:29,900 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 12/157 +[2024-10-13 15:35:30,198 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 13/157 +[2024-10-13 15:35:30,496 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 14/157 +[2024-10-13 15:35:30,793 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 15/157 +[2024-10-13 15:35:31,090 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 16/157 +[2024-10-13 15:35:31,387 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 17/157 +[2024-10-13 15:35:31,684 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 18/157 +[2024-10-13 15:35:31,982 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 19/157 +[2024-10-13 15:35:32,279 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 20/157 +[2024-10-13 15:35:32,577 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 21/157 +[2024-10-13 15:35:32,875 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 22/157 +[2024-10-13 15:35:33,172 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 23/157 +[2024-10-13 15:35:33,470 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 24/157 +[2024-10-13 15:35:33,767 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 25/157 +[2024-10-13 15:35:34,064 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 26/157 +[2024-10-13 15:35:34,362 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 27/157 +[2024-10-13 15:35:34,659 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 28/157 +[2024-10-13 15:35:34,957 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 29/157 +[2024-10-13 15:35:35,255 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 30/157 +[2024-10-13 15:35:35,552 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 31/157 +[2024-10-13 15:35:35,850 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 32/157 +[2024-10-13 15:35:36,147 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 33/157 +[2024-10-13 15:35:36,444 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 34/157 +[2024-10-13 15:35:36,742 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 35/157 +[2024-10-13 15:35:37,038 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 36/157 +[2024-10-13 15:35:37,336 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 37/157 +[2024-10-13 15:35:37,633 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 38/157 +[2024-10-13 15:35:37,931 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 39/157 +[2024-10-13 15:35:38,228 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 40/157 +[2024-10-13 15:35:38,525 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 41/157 +[2024-10-13 15:35:38,822 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 42/157 +[2024-10-13 15:35:39,120 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 43/157 +[2024-10-13 15:35:39,418 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 44/157 +[2024-10-13 15:35:39,715 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 45/157 +[2024-10-13 15:35:40,013 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 46/157 +[2024-10-13 15:35:40,310 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 47/157 +[2024-10-13 15:35:40,608 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 48/157 +[2024-10-13 15:35:40,905 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 49/157 +[2024-10-13 15:35:41,202 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 50/157 +[2024-10-13 15:35:41,499 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 51/157 +[2024-10-13 15:35:41,776 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 52/157 +[2024-10-13 15:35:42,053 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 53/157 +[2024-10-13 15:35:42,330 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 54/157 +[2024-10-13 15:35:42,608 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 55/157 +[2024-10-13 15:35:42,885 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 56/157 +[2024-10-13 15:35:43,163 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 57/157 +[2024-10-13 15:35:43,441 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 58/157 +[2024-10-13 15:35:43,718 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 59/157 +[2024-10-13 15:35:43,996 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 60/157 +[2024-10-13 15:35:44,273 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 61/157 +[2024-10-13 15:35:44,549 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 62/157 +[2024-10-13 15:35:44,826 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 63/157 +[2024-10-13 15:35:45,104 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 64/157 +[2024-10-13 15:35:45,380 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 65/157 +[2024-10-13 15:35:45,657 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 66/157 +[2024-10-13 15:35:45,934 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 67/157 +[2024-10-13 15:35:46,210 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 68/157 +[2024-10-13 15:35:46,487 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 69/157 +[2024-10-13 15:35:46,763 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 70/157 +[2024-10-13 15:35:47,040 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 71/157 +[2024-10-13 15:35:47,317 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 72/157 +[2024-10-13 15:35:47,593 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 73/157 +[2024-10-13 15:35:47,869 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 74/157 +[2024-10-13 15:35:48,146 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 75/157 +[2024-10-13 15:35:48,423 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 76/157 +[2024-10-13 15:35:48,699 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 77/157 +[2024-10-13 15:35:48,976 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 78/157 +[2024-10-13 15:35:49,252 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 79/157 +[2024-10-13 15:35:49,528 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 80/157 +[2024-10-13 15:35:49,804 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 81/157 +[2024-10-13 15:35:50,081 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 82/157 +[2024-10-13 15:35:50,359 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 83/157 +[2024-10-13 15:35:50,635 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 84/157 +[2024-10-13 15:35:50,912 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 85/157 +[2024-10-13 15:35:51,189 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 86/157 +[2024-10-13 15:35:51,465 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 87/157 +[2024-10-13 15:35:51,742 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 88/157 +[2024-10-13 15:35:52,019 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 89/157 +[2024-10-13 15:35:52,295 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 90/157 +[2024-10-13 15:35:52,573 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 91/157 +[2024-10-13 15:35:52,850 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 92/157 +[2024-10-13 15:35:53,127 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 93/157 +[2024-10-13 15:35:53,405 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 94/157 +[2024-10-13 15:35:53,683 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 95/157 +[2024-10-13 15:35:53,961 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 96/157 +[2024-10-13 15:35:54,239 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 97/157 +[2024-10-13 15:35:54,517 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 98/157 +[2024-10-13 15:35:54,795 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 99/157 +[2024-10-13 15:35:55,072 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 100/157 +[2024-10-13 15:35:55,350 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 101/157 +[2024-10-13 15:35:55,627 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 102/157 +[2024-10-13 15:35:55,904 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 103/157 +[2024-10-13 15:35:56,222 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 104/157 +[2024-10-13 15:35:56,540 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 105/157 +[2024-10-13 15:35:56,858 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 106/157 +[2024-10-13 15:35:57,175 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 107/157 +[2024-10-13 15:35:57,492 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 108/157 +[2024-10-13 15:35:57,810 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 109/157 +[2024-10-13 15:35:58,127 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 110/157 +[2024-10-13 15:35:58,443 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 111/157 +[2024-10-13 15:35:58,761 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 112/157 +[2024-10-13 15:35:59,079 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 113/157 +[2024-10-13 15:35:59,395 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 114/157 +[2024-10-13 15:35:59,711 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 115/157 +[2024-10-13 15:36:00,028 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 116/157 +[2024-10-13 15:36:00,344 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 117/157 +[2024-10-13 15:36:00,661 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 118/157 +[2024-10-13 15:36:00,977 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 119/157 +[2024-10-13 15:36:01,294 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 120/157 +[2024-10-13 15:36:01,610 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 121/157 +[2024-10-13 15:36:01,927 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 122/157 +[2024-10-13 15:36:02,243 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 123/157 +[2024-10-13 15:36:02,560 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 124/157 +[2024-10-13 15:36:02,878 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 125/157 +[2024-10-13 15:36:03,195 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 126/157 +[2024-10-13 15:36:03,512 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 127/157 +[2024-10-13 15:36:03,829 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 128/157 +[2024-10-13 15:36:04,146 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 129/157 +[2024-10-13 15:36:04,463 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 130/157 +[2024-10-13 15:36:04,780 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 131/157 +[2024-10-13 15:36:05,098 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 132/157 +[2024-10-13 15:36:05,415 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 133/157 +[2024-10-13 15:36:05,731 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 134/157 +[2024-10-13 15:36:06,048 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 135/157 +[2024-10-13 15:36:06,364 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 136/157 +[2024-10-13 15:36:06,681 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 137/157 +[2024-10-13 15:36:06,998 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 138/157 +[2024-10-13 15:36:07,314 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 139/157 +[2024-10-13 15:36:07,632 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 140/157 +[2024-10-13 15:36:07,950 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 141/157 +[2024-10-13 15:36:08,267 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 142/157 +[2024-10-13 15:36:08,584 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 143/157 +[2024-10-13 15:36:08,882 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 144/157 +[2024-10-13 15:36:09,181 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 145/157 +[2024-10-13 15:36:09,479 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 146/157 +[2024-10-13 15:36:09,777 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 147/157 +[2024-10-13 15:36:10,076 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 148/157 +[2024-10-13 15:36:10,374 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 149/157 +[2024-10-13 15:36:10,673 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 150/157 +[2024-10-13 15:36:10,971 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 151/157 +[2024-10-13 15:36:11,269 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 152/157 +[2024-10-13 15:36:11,567 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 153/157 +[2024-10-13 15:36:11,867 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 154/157 +[2024-10-13 15:36:12,165 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 155/157 +[2024-10-13 15:36:12,464 INFO test.py line 186 25394] Test: 23/312-scene0678_01, Batch: 156/157 +[2024-10-13 15:36:12,930 INFO test.py line 272 25394] Test: scene0678_01 [23/312]-377683 Batch 46.962 (18.019) Accuracy 0.8414 (0.2972) mIoU 0.2534 (0.2490) +[2024-10-13 15:36:13,136 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 0/130 +[2024-10-13 15:36:13,309 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 1/130 +[2024-10-13 15:36:13,482 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 2/130 +[2024-10-13 15:36:13,655 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 3/130 +[2024-10-13 15:36:13,828 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 4/130 +[2024-10-13 15:36:14,001 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 5/130 +[2024-10-13 15:36:14,173 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 6/130 +[2024-10-13 15:36:14,347 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 7/130 +[2024-10-13 15:36:14,520 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 8/130 +[2024-10-13 15:36:14,694 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 9/130 +[2024-10-13 15:36:14,870 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 10/130 +[2024-10-13 15:36:15,043 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 11/130 +[2024-10-13 15:36:15,216 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 12/130 +[2024-10-13 15:36:15,389 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 13/130 +[2024-10-13 15:36:15,563 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 14/130 +[2024-10-13 15:36:15,736 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 15/130 +[2024-10-13 15:36:15,909 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 16/130 +[2024-10-13 15:36:16,083 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 17/130 +[2024-10-13 15:36:16,256 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 18/130 +[2024-10-13 15:36:16,429 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 19/130 +[2024-10-13 15:36:16,603 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 20/130 +[2024-10-13 15:36:16,775 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 21/130 +[2024-10-13 15:36:16,948 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 22/130 +[2024-10-13 15:36:17,122 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 23/130 +[2024-10-13 15:36:17,295 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 24/130 +[2024-10-13 15:36:17,468 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 25/130 +[2024-10-13 15:36:17,641 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 26/130 +[2024-10-13 15:36:17,814 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 27/130 +[2024-10-13 15:36:17,987 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 28/130 +[2024-10-13 15:36:18,160 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 29/130 +[2024-10-13 15:36:18,333 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 30/130 +[2024-10-13 15:36:18,506 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 31/130 +[2024-10-13 15:36:18,679 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 32/130 +[2024-10-13 15:36:18,852 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 33/130 +[2024-10-13 15:36:19,026 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 34/130 +[2024-10-13 15:36:19,199 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 35/130 +[2024-10-13 15:36:19,372 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 36/130 +[2024-10-13 15:36:19,545 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 37/130 +[2024-10-13 15:36:19,718 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 38/130 +[2024-10-13 15:36:19,891 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 39/130 +[2024-10-13 15:36:20,053 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 40/130 +[2024-10-13 15:36:20,215 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 41/130 +[2024-10-13 15:36:20,377 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 42/130 +[2024-10-13 15:36:20,539 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 43/130 +[2024-10-13 15:36:20,701 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 44/130 +[2024-10-13 15:36:20,863 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 45/130 +[2024-10-13 15:36:21,026 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 46/130 +[2024-10-13 15:36:21,188 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 47/130 +[2024-10-13 15:36:21,350 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 48/130 +[2024-10-13 15:36:21,511 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 49/130 +[2024-10-13 15:36:21,673 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 50/130 +[2024-10-13 15:36:21,835 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 51/130 +[2024-10-13 15:36:21,998 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 52/130 +[2024-10-13 15:36:22,160 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 53/130 +[2024-10-13 15:36:22,322 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 54/130 +[2024-10-13 15:36:22,485 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 55/130 +[2024-10-13 15:36:22,647 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 56/130 +[2024-10-13 15:36:22,809 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 57/130 +[2024-10-13 15:36:22,971 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 58/130 +[2024-10-13 15:36:23,133 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 59/130 +[2024-10-13 15:36:23,295 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 60/130 +[2024-10-13 15:36:23,457 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 61/130 +[2024-10-13 15:36:23,619 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 62/130 +[2024-10-13 15:36:23,781 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 63/130 +[2024-10-13 15:36:23,943 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 64/130 +[2024-10-13 15:36:24,105 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 65/130 +[2024-10-13 15:36:24,266 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 66/130 +[2024-10-13 15:36:24,428 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 67/130 +[2024-10-13 15:36:24,589 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 68/130 +[2024-10-13 15:36:24,751 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 69/130 +[2024-10-13 15:36:24,912 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 70/130 +[2024-10-13 15:36:25,074 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 71/130 +[2024-10-13 15:36:25,236 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 72/130 +[2024-10-13 15:36:25,398 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 73/130 +[2024-10-13 15:36:25,560 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 74/130 +[2024-10-13 15:36:25,722 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 75/130 +[2024-10-13 15:36:25,884 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 76/130 +[2024-10-13 15:36:26,046 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 77/130 +[2024-10-13 15:36:26,208 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 78/130 +[2024-10-13 15:36:26,370 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 79/130 +[2024-10-13 15:36:26,531 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 80/130 +[2024-10-13 15:36:26,694 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 81/130 +[2024-10-13 15:36:26,856 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 82/130 +[2024-10-13 15:36:27,018 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 83/130 +[2024-10-13 15:36:27,201 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 84/130 +[2024-10-13 15:36:27,385 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 85/130 +[2024-10-13 15:36:27,569 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 86/130 +[2024-10-13 15:36:27,753 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 87/130 +[2024-10-13 15:36:27,937 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 88/130 +[2024-10-13 15:36:28,121 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 89/130 +[2024-10-13 15:36:28,305 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 90/130 +[2024-10-13 15:36:28,488 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 91/130 +[2024-10-13 15:36:28,672 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 92/130 +[2024-10-13 15:36:28,855 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 93/130 +[2024-10-13 15:36:29,039 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 94/130 +[2024-10-13 15:36:29,224 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 95/130 +[2024-10-13 15:36:29,408 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 96/130 +[2024-10-13 15:36:29,593 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 97/130 +[2024-10-13 15:36:29,777 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 98/130 +[2024-10-13 15:36:29,961 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 99/130 +[2024-10-13 15:36:30,145 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 100/130 +[2024-10-13 15:36:30,330 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 101/130 +[2024-10-13 15:36:30,514 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 102/130 +[2024-10-13 15:36:30,698 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 103/130 +[2024-10-13 15:36:30,883 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 104/130 +[2024-10-13 15:36:31,067 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 105/130 +[2024-10-13 15:36:31,252 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 106/130 +[2024-10-13 15:36:31,436 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 107/130 +[2024-10-13 15:36:31,620 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 108/130 +[2024-10-13 15:36:31,804 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 109/130 +[2024-10-13 15:36:31,988 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 110/130 +[2024-10-13 15:36:32,172 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 111/130 +[2024-10-13 15:36:32,355 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 112/130 +[2024-10-13 15:36:32,539 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 113/130 +[2024-10-13 15:36:32,722 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 114/130 +[2024-10-13 15:36:32,905 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 115/130 +[2024-10-13 15:36:33,089 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 116/130 +[2024-10-13 15:36:33,273 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 117/130 +[2024-10-13 15:36:33,456 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 118/130 +[2024-10-13 15:36:33,639 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 119/130 +[2024-10-13 15:36:33,812 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 120/130 +[2024-10-13 15:36:33,985 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 121/130 +[2024-10-13 15:36:34,159 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 122/130 +[2024-10-13 15:36:34,331 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 123/130 +[2024-10-13 15:36:34,505 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 124/130 +[2024-10-13 15:36:34,678 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 125/130 +[2024-10-13 15:36:34,851 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 126/130 +[2024-10-13 15:36:35,024 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 127/130 +[2024-10-13 15:36:35,197 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 128/130 +[2024-10-13 15:36:35,370 INFO test.py line 186 25394] Test: 24/312-scene0095_01, Batch: 129/130 +[2024-10-13 15:36:35,646 INFO test.py line 272 25394] Test: scene0095_01 [24/312]-216254 Batch 22.715 (18.215) Accuracy 0.9479 (0.2967) mIoU 0.5040 (0.2455) +[2024-10-13 15:36:35,758 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 0/112 +[2024-10-13 15:36:35,859 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 1/112 +[2024-10-13 15:36:35,960 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 2/112 +[2024-10-13 15:36:36,061 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 3/112 +[2024-10-13 15:36:36,159 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 4/112 +[2024-10-13 15:36:36,257 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 5/112 +[2024-10-13 15:36:36,356 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 6/112 +[2024-10-13 15:36:36,454 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 7/112 +[2024-10-13 15:36:36,551 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 8/112 +[2024-10-13 15:36:36,649 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 9/112 +[2024-10-13 15:36:36,747 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 10/112 +[2024-10-13 15:36:36,845 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 11/112 +[2024-10-13 15:36:36,943 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 12/112 +[2024-10-13 15:36:37,040 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 13/112 +[2024-10-13 15:36:37,138 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 14/112 +[2024-10-13 15:36:37,236 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 15/112 +[2024-10-13 15:36:37,334 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 16/112 +[2024-10-13 15:36:37,432 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 17/112 +[2024-10-13 15:36:37,530 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 18/112 +[2024-10-13 15:36:37,679 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 19/112 +[2024-10-13 15:36:37,779 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 20/112 +[2024-10-13 15:36:37,877 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 21/112 +[2024-10-13 15:36:37,975 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 22/112 +[2024-10-13 15:36:38,072 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 23/112 +[2024-10-13 15:36:38,170 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 24/112 +[2024-10-13 15:36:38,268 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 25/112 +[2024-10-13 15:36:38,366 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 26/112 +[2024-10-13 15:36:38,464 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 27/112 +[2024-10-13 15:36:38,562 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 28/112 +[2024-10-13 15:36:38,660 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 29/112 +[2024-10-13 15:36:38,758 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 30/112 +[2024-10-13 15:36:38,856 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 31/112 +[2024-10-13 15:36:38,949 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 32/112 +[2024-10-13 15:36:39,042 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 33/112 +[2024-10-13 15:36:39,135 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 34/112 +[2024-10-13 15:36:39,228 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 35/112 +[2024-10-13 15:36:39,321 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 36/112 +[2024-10-13 15:36:39,414 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 37/112 +[2024-10-13 15:36:39,507 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 38/112 +[2024-10-13 15:36:39,600 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 39/112 +[2024-10-13 15:36:39,693 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 40/112 +[2024-10-13 15:36:39,786 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 41/112 +[2024-10-13 15:36:39,879 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 42/112 +[2024-10-13 15:36:39,972 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 43/112 +[2024-10-13 15:36:40,065 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 44/112 +[2024-10-13 15:36:40,158 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 45/112 +[2024-10-13 15:36:40,251 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 46/112 +[2024-10-13 15:36:40,344 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 47/112 +[2024-10-13 15:36:40,437 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 48/112 +[2024-10-13 15:36:40,530 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 49/112 +[2024-10-13 15:36:40,622 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 50/112 +[2024-10-13 15:36:40,715 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 51/112 +[2024-10-13 15:36:40,808 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 52/112 +[2024-10-13 15:36:40,901 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 53/112 +[2024-10-13 15:36:40,993 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 54/112 +[2024-10-13 15:36:41,086 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 55/112 +[2024-10-13 15:36:41,179 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 56/112 +[2024-10-13 15:36:41,272 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 57/112 +[2024-10-13 15:36:41,365 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 58/112 +[2024-10-13 15:36:41,458 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 59/112 +[2024-10-13 15:36:41,551 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 60/112 +[2024-10-13 15:36:41,644 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 61/112 +[2024-10-13 15:36:41,737 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 62/112 +[2024-10-13 15:36:41,830 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 63/112 +[2024-10-13 15:36:41,923 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 64/112 +[2024-10-13 15:36:42,016 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 65/112 +[2024-10-13 15:36:42,109 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 66/112 +[2024-10-13 15:36:42,201 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 67/112 +[2024-10-13 15:36:42,306 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 68/112 +[2024-10-13 15:36:42,410 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 69/112 +[2024-10-13 15:36:42,514 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 70/112 +[2024-10-13 15:36:42,618 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 71/112 +[2024-10-13 15:36:42,723 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 72/112 +[2024-10-13 15:36:42,827 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 73/112 +[2024-10-13 15:36:42,931 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 74/112 +[2024-10-13 15:36:43,036 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 75/112 +[2024-10-13 15:36:43,140 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 76/112 +[2024-10-13 15:36:43,244 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 77/112 +[2024-10-13 15:36:43,348 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 78/112 +[2024-10-13 15:36:43,452 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 79/112 +[2024-10-13 15:36:43,556 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 80/112 +[2024-10-13 15:36:43,660 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 81/112 +[2024-10-13 15:36:43,765 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 82/112 +[2024-10-13 15:36:43,869 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 83/112 +[2024-10-13 15:36:43,973 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 84/112 +[2024-10-13 15:36:44,077 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 85/112 +[2024-10-13 15:36:44,181 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 86/112 +[2024-10-13 15:36:44,284 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 87/112 +[2024-10-13 15:36:44,388 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 88/112 +[2024-10-13 15:36:44,491 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 89/112 +[2024-10-13 15:36:44,595 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 90/112 +[2024-10-13 15:36:44,698 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 91/112 +[2024-10-13 15:36:44,801 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 92/112 +[2024-10-13 15:36:44,904 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 93/112 +[2024-10-13 15:36:45,007 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 94/112 +[2024-10-13 15:36:45,112 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 95/112 +[2024-10-13 15:36:45,216 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 96/112 +[2024-10-13 15:36:45,320 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 97/112 +[2024-10-13 15:36:45,424 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 98/112 +[2024-10-13 15:36:45,528 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 99/112 +[2024-10-13 15:36:45,632 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 100/112 +[2024-10-13 15:36:45,736 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 101/112 +[2024-10-13 15:36:45,840 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 102/112 +[2024-10-13 15:36:45,944 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 103/112 +[2024-10-13 15:36:46,041 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 104/112 +[2024-10-13 15:36:46,139 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 105/112 +[2024-10-13 15:36:46,237 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 106/112 +[2024-10-13 15:36:46,335 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 107/112 +[2024-10-13 15:36:46,432 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 108/112 +[2024-10-13 15:36:46,530 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 109/112 +[2024-10-13 15:36:46,628 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 110/112 +[2024-10-13 15:36:46,726 INFO test.py line 186 25394] Test: 25/312-scene0633_00, Batch: 111/112 +[2024-10-13 15:36:46,856 INFO test.py line 272 25394] Test: scene0633_00 [25/312]-101007 Batch 11.210 (17.934) Accuracy 0.7853 (0.3079) mIoU 0.3420 (0.2565) +[2024-10-13 15:36:46,954 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 0/117 +[2024-10-13 15:36:47,039 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 1/117 +[2024-10-13 15:36:47,131 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 2/117 +[2024-10-13 15:36:47,219 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 3/117 +[2024-10-13 15:36:47,312 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 4/117 +[2024-10-13 15:36:47,397 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 5/117 +[2024-10-13 15:36:47,483 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 6/117 +[2024-10-13 15:36:47,568 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 7/117 +[2024-10-13 15:36:47,653 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 8/117 +[2024-10-13 15:36:47,739 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 9/117 +[2024-10-13 15:36:47,824 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 10/117 +[2024-10-13 15:36:47,909 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 11/117 +[2024-10-13 15:36:47,994 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 12/117 +[2024-10-13 15:36:48,082 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 13/117 +[2024-10-13 15:36:48,167 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 14/117 +[2024-10-13 15:36:48,252 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 15/117 +[2024-10-13 15:36:48,337 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 16/117 +[2024-10-13 15:36:48,422 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 17/117 +[2024-10-13 15:36:48,507 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 18/117 +[2024-10-13 15:36:48,593 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 19/117 +[2024-10-13 15:36:48,678 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 20/117 +[2024-10-13 15:36:48,763 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 21/117 +[2024-10-13 15:36:48,848 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 22/117 +[2024-10-13 15:36:48,937 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 23/117 +[2024-10-13 15:36:49,023 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 24/117 +[2024-10-13 15:36:49,108 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 25/117 +[2024-10-13 15:36:49,193 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 26/117 +[2024-10-13 15:36:49,318 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 27/117 +[2024-10-13 15:36:49,406 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 28/117 +[2024-10-13 15:36:49,492 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 29/117 +[2024-10-13 15:36:49,577 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 30/117 +[2024-10-13 15:36:49,662 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 31/117 +[2024-10-13 15:36:49,747 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 32/117 +[2024-10-13 15:36:49,833 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 33/117 +[2024-10-13 15:36:49,918 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 34/117 +[2024-10-13 15:36:50,004 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 35/117 +[2024-10-13 15:36:50,084 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 36/117 +[2024-10-13 15:36:50,164 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 37/117 +[2024-10-13 15:36:50,245 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 38/117 +[2024-10-13 15:36:50,326 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 39/117 +[2024-10-13 15:36:50,406 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 40/117 +[2024-10-13 15:36:50,487 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 41/117 +[2024-10-13 15:36:50,567 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 42/117 +[2024-10-13 15:36:50,648 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 43/117 +[2024-10-13 15:36:50,729 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 44/117 +[2024-10-13 15:36:50,809 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 45/117 +[2024-10-13 15:36:50,890 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 46/117 +[2024-10-13 15:36:50,970 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 47/117 +[2024-10-13 15:36:51,051 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 48/117 +[2024-10-13 15:36:51,131 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 49/117 +[2024-10-13 15:36:51,212 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 50/117 +[2024-10-13 15:36:51,293 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 51/117 +[2024-10-13 15:36:51,373 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 52/117 +[2024-10-13 15:36:51,454 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 53/117 +[2024-10-13 15:36:51,535 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 54/117 +[2024-10-13 15:36:51,616 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 55/117 +[2024-10-13 15:36:51,697 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 56/117 +[2024-10-13 15:36:51,778 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 57/117 +[2024-10-13 15:36:51,859 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 58/117 +[2024-10-13 15:36:51,940 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 59/117 +[2024-10-13 15:36:52,021 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 60/117 +[2024-10-13 15:36:52,102 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 61/117 +[2024-10-13 15:36:52,183 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 62/117 +[2024-10-13 15:36:52,264 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 63/117 +[2024-10-13 15:36:52,346 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 64/117 +[2024-10-13 15:36:52,427 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 65/117 +[2024-10-13 15:36:52,508 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 66/117 +[2024-10-13 15:36:52,589 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 67/117 +[2024-10-13 15:36:52,670 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 68/117 +[2024-10-13 15:36:52,751 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 69/117 +[2024-10-13 15:36:52,833 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 70/117 +[2024-10-13 15:36:52,914 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 71/117 +[2024-10-13 15:36:53,002 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 72/117 +[2024-10-13 15:36:53,091 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 73/117 +[2024-10-13 15:36:53,179 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 74/117 +[2024-10-13 15:36:53,268 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 75/117 +[2024-10-13 15:36:53,357 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 76/117 +[2024-10-13 15:36:53,446 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 77/117 +[2024-10-13 15:36:53,534 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 78/117 +[2024-10-13 15:36:53,623 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 79/117 +[2024-10-13 15:36:53,711 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 80/117 +[2024-10-13 15:36:53,800 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 81/117 +[2024-10-13 15:36:53,889 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 82/117 +[2024-10-13 15:36:53,977 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 83/117 +[2024-10-13 15:36:54,067 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 84/117 +[2024-10-13 15:36:54,155 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 85/117 +[2024-10-13 15:36:54,244 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 86/117 +[2024-10-13 15:36:54,332 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 87/117 +[2024-10-13 15:36:54,421 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 88/117 +[2024-10-13 15:36:54,510 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 89/117 +[2024-10-13 15:36:54,598 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 90/117 +[2024-10-13 15:36:54,687 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 91/117 +[2024-10-13 15:36:54,775 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 92/117 +[2024-10-13 15:36:54,864 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 93/117 +[2024-10-13 15:36:54,953 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 94/117 +[2024-10-13 15:36:55,042 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 95/117 +[2024-10-13 15:36:55,130 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 96/117 +[2024-10-13 15:36:55,219 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 97/117 +[2024-10-13 15:36:55,308 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 98/117 +[2024-10-13 15:36:55,396 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 99/117 +[2024-10-13 15:36:55,485 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 100/117 +[2024-10-13 15:36:55,574 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 101/117 +[2024-10-13 15:36:55,662 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 102/117 +[2024-10-13 15:36:55,751 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 103/117 +[2024-10-13 15:36:55,839 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 104/117 +[2024-10-13 15:36:55,928 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 105/117 +[2024-10-13 15:36:56,017 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 106/117 +[2024-10-13 15:36:56,106 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 107/117 +[2024-10-13 15:36:56,191 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 108/117 +[2024-10-13 15:36:56,276 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 109/117 +[2024-10-13 15:36:56,361 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 110/117 +[2024-10-13 15:36:56,445 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 111/117 +[2024-10-13 15:36:56,530 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 112/117 +[2024-10-13 15:36:56,615 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 113/117 +[2024-10-13 15:36:56,700 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 114/117 +[2024-10-13 15:36:56,785 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 115/117 +[2024-10-13 15:36:56,870 INFO test.py line 186 25394] Test: 26/312-scene0686_02, Batch: 116/117 +[2024-10-13 15:36:56,993 INFO test.py line 272 25394] Test: scene0686_02 [26/312]-84543 Batch 10.137 (17.634) Accuracy 0.8799 (0.3360) mIoU 0.6823 (0.2799) +[2024-10-13 15:36:57,088 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 0/142 +[2024-10-13 15:36:57,171 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 1/142 +[2024-10-13 15:36:57,255 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 2/142 +[2024-10-13 15:36:57,338 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 3/142 +[2024-10-13 15:36:57,423 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 4/142 +[2024-10-13 15:36:57,515 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 5/142 +[2024-10-13 15:36:57,602 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 6/142 +[2024-10-13 15:36:57,689 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 7/142 +[2024-10-13 15:36:57,776 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 8/142 +[2024-10-13 15:36:57,863 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 9/142 +[2024-10-13 15:36:57,949 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 10/142 +[2024-10-13 15:36:58,034 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 11/142 +[2024-10-13 15:36:58,117 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 12/142 +[2024-10-13 15:36:58,200 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 13/142 +[2024-10-13 15:36:58,283 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 14/142 +[2024-10-13 15:36:58,366 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 15/142 +[2024-10-13 15:36:58,449 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 16/142 +[2024-10-13 15:36:58,532 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 17/142 +[2024-10-13 15:36:58,616 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 18/142 +[2024-10-13 15:36:58,699 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 19/142 +[2024-10-13 15:36:58,782 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 20/142 +[2024-10-13 15:36:58,864 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 21/142 +[2024-10-13 15:36:58,947 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 22/142 +[2024-10-13 15:36:59,030 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 23/142 +[2024-10-13 15:36:59,113 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 24/142 +[2024-10-13 15:36:59,195 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 25/142 +[2024-10-13 15:36:59,278 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 26/142 +[2024-10-13 15:36:59,361 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 27/142 +[2024-10-13 15:36:59,444 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 28/142 +[2024-10-13 15:36:59,526 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 29/142 +[2024-10-13 15:36:59,609 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 30/142 +[2024-10-13 15:36:59,692 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 31/142 +[2024-10-13 15:36:59,775 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 32/142 +[2024-10-13 15:36:59,858 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 33/142 +[2024-10-13 15:36:59,940 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 34/142 +[2024-10-13 15:37:00,023 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 35/142 +[2024-10-13 15:37:00,107 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 36/142 +[2024-10-13 15:37:00,190 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 37/142 +[2024-10-13 15:37:00,273 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 38/142 +[2024-10-13 15:37:00,356 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 39/142 +[2024-10-13 15:37:00,433 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 40/142 +[2024-10-13 15:37:00,509 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 41/142 +[2024-10-13 15:37:00,586 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 42/142 +[2024-10-13 15:37:00,663 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 43/142 +[2024-10-13 15:37:00,740 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 44/142 +[2024-10-13 15:37:00,817 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 45/142 +[2024-10-13 15:37:00,894 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 46/142 +[2024-10-13 15:37:00,970 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 47/142 +[2024-10-13 15:37:01,047 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 48/142 +[2024-10-13 15:37:01,124 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 49/142 +[2024-10-13 15:37:01,202 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 50/142 +[2024-10-13 15:37:01,278 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 51/142 +[2024-10-13 15:37:01,356 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 52/142 +[2024-10-13 15:37:01,432 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 53/142 +[2024-10-13 15:37:01,509 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 54/142 +[2024-10-13 15:37:01,586 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 55/142 +[2024-10-13 15:37:01,664 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 56/142 +[2024-10-13 15:37:01,741 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 57/142 +[2024-10-13 15:37:01,818 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 58/142 +[2024-10-13 15:37:01,895 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 59/142 +[2024-10-13 15:37:01,971 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 60/142 +[2024-10-13 15:37:02,049 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 61/142 +[2024-10-13 15:37:02,126 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 62/142 +[2024-10-13 15:37:02,203 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 63/142 +[2024-10-13 15:37:02,280 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 64/142 +[2024-10-13 15:37:02,357 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 65/142 +[2024-10-13 15:37:02,434 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 66/142 +[2024-10-13 15:37:02,511 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 67/142 +[2024-10-13 15:37:02,588 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 68/142 +[2024-10-13 15:37:02,706 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 69/142 +[2024-10-13 15:37:02,785 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 70/142 +[2024-10-13 15:37:02,864 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 71/142 +[2024-10-13 15:37:02,943 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 72/142 +[2024-10-13 15:37:03,021 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 73/142 +[2024-10-13 15:37:03,100 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 74/142 +[2024-10-13 15:37:03,177 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 75/142 +[2024-10-13 15:37:03,254 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 76/142 +[2024-10-13 15:37:03,331 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 77/142 +[2024-10-13 15:37:03,408 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 78/142 +[2024-10-13 15:37:03,485 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 79/142 +[2024-10-13 15:37:03,563 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 80/142 +[2024-10-13 15:37:03,640 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 81/142 +[2024-10-13 15:37:03,717 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 82/142 +[2024-10-13 15:37:03,795 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 83/142 +[2024-10-13 15:37:03,872 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 84/142 +[2024-10-13 15:37:03,949 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 85/142 +[2024-10-13 15:37:04,026 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 86/142 +[2024-10-13 15:37:04,104 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 87/142 +[2024-10-13 15:37:04,181 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 88/142 +[2024-10-13 15:37:04,258 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 89/142 +[2024-10-13 15:37:04,336 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 90/142 +[2024-10-13 15:37:04,413 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 91/142 +[2024-10-13 15:37:04,498 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 92/142 +[2024-10-13 15:37:04,584 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 93/142 +[2024-10-13 15:37:04,670 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 94/142 +[2024-10-13 15:37:04,756 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 95/142 +[2024-10-13 15:37:04,842 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 96/142 +[2024-10-13 15:37:04,928 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 97/142 +[2024-10-13 15:37:05,014 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 98/142 +[2024-10-13 15:37:05,100 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 99/142 +[2024-10-13 15:37:05,186 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 100/142 +[2024-10-13 15:37:05,272 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 101/142 +[2024-10-13 15:37:05,357 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 102/142 +[2024-10-13 15:37:05,443 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 103/142 +[2024-10-13 15:37:05,528 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 104/142 +[2024-10-13 15:37:05,614 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 105/142 +[2024-10-13 15:37:05,699 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 106/142 +[2024-10-13 15:37:05,785 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 107/142 +[2024-10-13 15:37:05,870 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 108/142 +[2024-10-13 15:37:05,956 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 109/142 +[2024-10-13 15:37:06,042 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 110/142 +[2024-10-13 15:37:06,127 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 111/142 +[2024-10-13 15:37:06,213 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 112/142 +[2024-10-13 15:37:06,299 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 113/142 +[2024-10-13 15:37:06,385 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 114/142 +[2024-10-13 15:37:06,470 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 115/142 +[2024-10-13 15:37:06,556 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 116/142 +[2024-10-13 15:37:06,642 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 117/142 +[2024-10-13 15:37:06,728 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 118/142 +[2024-10-13 15:37:06,814 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 119/142 +[2024-10-13 15:37:06,899 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 120/142 +[2024-10-13 15:37:06,985 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 121/142 +[2024-10-13 15:37:07,071 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 122/142 +[2024-10-13 15:37:07,157 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 123/142 +[2024-10-13 15:37:07,243 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 124/142 +[2024-10-13 15:37:07,329 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 125/142 +[2024-10-13 15:37:07,414 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 126/142 +[2024-10-13 15:37:07,500 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 127/142 +[2024-10-13 15:37:07,586 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 128/142 +[2024-10-13 15:37:07,672 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 129/142 +[2024-10-13 15:37:07,757 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 130/142 +[2024-10-13 15:37:07,843 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 131/142 +[2024-10-13 15:37:07,926 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 132/142 +[2024-10-13 15:37:08,008 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 133/142 +[2024-10-13 15:37:08,091 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 134/142 +[2024-10-13 15:37:08,174 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 135/142 +[2024-10-13 15:37:08,256 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 136/142 +[2024-10-13 15:37:08,339 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 137/142 +[2024-10-13 15:37:08,422 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 138/142 +[2024-10-13 15:37:08,504 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 139/142 +[2024-10-13 15:37:08,587 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 140/142 +[2024-10-13 15:37:08,670 INFO test.py line 186 25394] Test: 27/312-scene0607_01, Batch: 141/142 +[2024-10-13 15:37:08,779 INFO test.py line 272 25394] Test: scene0607_01 [27/312]-78387 Batch 11.786 (17.418) Accuracy 0.9364 (0.3446) mIoU 0.7125 (0.2851) +[2024-10-13 15:37:08,894 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 0/121 +[2024-10-13 15:37:08,994 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 1/121 +[2024-10-13 15:37:09,097 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 2/121 +[2024-10-13 15:37:09,203 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 3/121 +[2024-10-13 15:37:09,306 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 4/121 +[2024-10-13 15:37:09,411 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 5/121 +[2024-10-13 15:37:09,512 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 6/121 +[2024-10-13 15:37:09,612 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 7/121 +[2024-10-13 15:37:09,713 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 8/121 +[2024-10-13 15:37:09,813 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 9/121 +[2024-10-13 15:37:09,913 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 10/121 +[2024-10-13 15:37:10,013 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 11/121 +[2024-10-13 15:37:10,112 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 12/121 +[2024-10-13 15:37:10,212 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 13/121 +[2024-10-13 15:37:10,312 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 14/121 +[2024-10-13 15:37:10,412 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 15/121 +[2024-10-13 15:37:10,512 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 16/121 +[2024-10-13 15:37:10,614 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 17/121 +[2024-10-13 15:37:10,713 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 18/121 +[2024-10-13 15:37:10,813 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 19/121 +[2024-10-13 15:37:10,913 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 20/121 +[2024-10-13 15:37:11,013 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 21/121 +[2024-10-13 15:37:11,112 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 22/121 +[2024-10-13 15:37:11,212 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 23/121 +[2024-10-13 15:37:11,312 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 24/121 +[2024-10-13 15:37:11,412 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 25/121 +[2024-10-13 15:37:11,512 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 26/121 +[2024-10-13 15:37:11,612 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 27/121 +[2024-10-13 15:37:11,711 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 28/121 +[2024-10-13 15:37:11,812 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 29/121 +[2024-10-13 15:37:11,911 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 30/121 +[2024-10-13 15:37:12,012 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 31/121 +[2024-10-13 15:37:12,120 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 32/121 +[2024-10-13 15:37:12,220 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 33/121 +[2024-10-13 15:37:12,320 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 34/121 +[2024-10-13 15:37:12,421 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 35/121 +[2024-10-13 15:37:12,556 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 36/121 +[2024-10-13 15:37:12,653 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 37/121 +[2024-10-13 15:37:12,749 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 38/121 +[2024-10-13 15:37:12,845 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 39/121 +[2024-10-13 15:37:12,941 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 40/121 +[2024-10-13 15:37:13,036 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 41/121 +[2024-10-13 15:37:13,131 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 42/121 +[2024-10-13 15:37:13,226 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 43/121 +[2024-10-13 15:37:13,321 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 44/121 +[2024-10-13 15:37:13,416 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 45/121 +[2024-10-13 15:37:13,511 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 46/121 +[2024-10-13 15:37:13,607 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 47/121 +[2024-10-13 15:37:13,702 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 48/121 +[2024-10-13 15:37:13,797 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 49/121 +[2024-10-13 15:37:13,893 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 50/121 +[2024-10-13 15:37:13,988 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 51/121 +[2024-10-13 15:37:14,083 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 52/121 +[2024-10-13 15:37:14,179 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 53/121 +[2024-10-13 15:37:14,274 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 54/121 +[2024-10-13 15:37:14,369 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 55/121 +[2024-10-13 15:37:14,464 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 56/121 +[2024-10-13 15:37:14,559 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 57/121 +[2024-10-13 15:37:14,655 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 58/121 +[2024-10-13 15:37:14,751 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 59/121 +[2024-10-13 15:37:14,846 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 60/121 +[2024-10-13 15:37:14,942 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 61/121 +[2024-10-13 15:37:15,037 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 62/121 +[2024-10-13 15:37:15,133 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 63/121 +[2024-10-13 15:37:15,228 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 64/121 +[2024-10-13 15:37:15,324 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 65/121 +[2024-10-13 15:37:15,419 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 66/121 +[2024-10-13 15:37:15,515 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 67/121 +[2024-10-13 15:37:15,611 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 68/121 +[2024-10-13 15:37:15,706 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 69/121 +[2024-10-13 15:37:15,802 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 70/121 +[2024-10-13 15:37:15,897 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 71/121 +[2024-10-13 15:37:15,993 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 72/121 +[2024-10-13 15:37:16,088 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 73/121 +[2024-10-13 15:37:16,184 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 74/121 +[2024-10-13 15:37:16,279 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 75/121 +[2024-10-13 15:37:16,375 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 76/121 +[2024-10-13 15:37:16,470 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 77/121 +[2024-10-13 15:37:16,566 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 78/121 +[2024-10-13 15:37:16,661 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 79/121 +[2024-10-13 15:37:16,768 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 80/121 +[2024-10-13 15:37:16,876 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 81/121 +[2024-10-13 15:37:16,983 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 82/121 +[2024-10-13 15:37:17,091 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 83/121 +[2024-10-13 15:37:17,198 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 84/121 +[2024-10-13 15:37:17,306 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 85/121 +[2024-10-13 15:37:17,413 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 86/121 +[2024-10-13 15:37:17,520 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 87/121 +[2024-10-13 15:37:17,628 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 88/121 +[2024-10-13 15:37:17,735 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 89/121 +[2024-10-13 15:37:17,842 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 90/121 +[2024-10-13 15:37:17,950 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 91/121 +[2024-10-13 15:37:18,057 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 92/121 +[2024-10-13 15:37:18,164 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 93/121 +[2024-10-13 15:37:18,272 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 94/121 +[2024-10-13 15:37:18,379 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 95/121 +[2024-10-13 15:37:18,486 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 96/121 +[2024-10-13 15:37:18,594 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 97/121 +[2024-10-13 15:37:18,701 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 98/121 +[2024-10-13 15:37:18,808 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 99/121 +[2024-10-13 15:37:18,916 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 100/121 +[2024-10-13 15:37:19,023 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 101/121 +[2024-10-13 15:37:19,130 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 102/121 +[2024-10-13 15:37:19,237 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 103/121 +[2024-10-13 15:37:19,345 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 104/121 +[2024-10-13 15:37:19,452 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 105/121 +[2024-10-13 15:37:19,558 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 106/121 +[2024-10-13 15:37:19,665 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 107/121 +[2024-10-13 15:37:19,772 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 108/121 +[2024-10-13 15:37:19,879 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 109/121 +[2024-10-13 15:37:19,986 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 110/121 +[2024-10-13 15:37:20,093 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 111/121 +[2024-10-13 15:37:20,193 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 112/121 +[2024-10-13 15:37:20,293 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 113/121 +[2024-10-13 15:37:20,392 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 114/121 +[2024-10-13 15:37:20,492 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 115/121 +[2024-10-13 15:37:20,594 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 116/121 +[2024-10-13 15:37:20,694 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 117/121 +[2024-10-13 15:37:20,794 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 118/121 +[2024-10-13 15:37:20,894 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 119/121 +[2024-10-13 15:37:20,994 INFO test.py line 186 25394] Test: 28/312-scene0256_00, Batch: 120/121 +[2024-10-13 15:37:21,136 INFO test.py line 272 25394] Test: scene0256_00 [28/312]-108517 Batch 12.357 (17.237) Accuracy 0.9232 (0.3421) mIoU 0.2936 (0.2817) +[2024-10-13 15:37:21,356 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 0/134 +[2024-10-13 15:37:21,542 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 1/134 +[2024-10-13 15:37:21,724 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 2/134 +[2024-10-13 15:37:21,906 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 3/134 +[2024-10-13 15:37:22,089 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 4/134 +[2024-10-13 15:37:22,272 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 5/134 +[2024-10-13 15:37:22,455 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 6/134 +[2024-10-13 15:37:22,637 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 7/134 +[2024-10-13 15:37:22,819 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 8/134 +[2024-10-13 15:37:23,024 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 9/134 +[2024-10-13 15:37:23,206 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 10/134 +[2024-10-13 15:37:23,389 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 11/134 +[2024-10-13 15:37:23,571 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 12/134 +[2024-10-13 15:37:23,754 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 13/134 +[2024-10-13 15:37:23,936 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 14/134 +[2024-10-13 15:37:24,118 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 15/134 +[2024-10-13 15:37:24,300 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 16/134 +[2024-10-13 15:37:24,482 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 17/134 +[2024-10-13 15:37:24,664 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 18/134 +[2024-10-13 15:37:24,847 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 19/134 +[2024-10-13 15:37:25,029 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 20/134 +[2024-10-13 15:37:25,211 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 21/134 +[2024-10-13 15:37:25,393 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 22/134 +[2024-10-13 15:37:25,575 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 23/134 +[2024-10-13 15:37:25,757 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 24/134 +[2024-10-13 15:37:25,939 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 25/134 +[2024-10-13 15:37:26,121 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 26/134 +[2024-10-13 15:37:26,302 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 27/134 +[2024-10-13 15:37:26,484 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 28/134 +[2024-10-13 15:37:26,666 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 29/134 +[2024-10-13 15:37:26,848 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 30/134 +[2024-10-13 15:37:27,031 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 31/134 +[2024-10-13 15:37:27,213 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 32/134 +[2024-10-13 15:37:27,396 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 33/134 +[2024-10-13 15:37:27,578 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 34/134 +[2024-10-13 15:37:27,760 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 35/134 +[2024-10-13 15:37:27,942 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 36/134 +[2024-10-13 15:37:28,125 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 37/134 +[2024-10-13 15:37:28,307 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 38/134 +[2024-10-13 15:37:28,490 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 39/134 +[2024-10-13 15:37:28,662 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 40/134 +[2024-10-13 15:37:28,834 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 41/134 +[2024-10-13 15:37:29,006 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 42/134 +[2024-10-13 15:37:29,178 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 43/134 +[2024-10-13 15:37:29,349 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 44/134 +[2024-10-13 15:37:29,521 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 45/134 +[2024-10-13 15:37:29,693 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 46/134 +[2024-10-13 15:37:29,865 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 47/134 +[2024-10-13 15:37:30,036 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 48/134 +[2024-10-13 15:37:30,208 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 49/134 +[2024-10-13 15:37:30,380 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 50/134 +[2024-10-13 15:37:30,551 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 51/134 +[2024-10-13 15:37:30,723 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 52/134 +[2024-10-13 15:37:30,894 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 53/134 +[2024-10-13 15:37:31,066 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 54/134 +[2024-10-13 15:37:31,238 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 55/134 +[2024-10-13 15:37:31,409 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 56/134 +[2024-10-13 15:37:31,580 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 57/134 +[2024-10-13 15:37:31,751 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 58/134 +[2024-10-13 15:37:31,923 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 59/134 +[2024-10-13 15:37:32,094 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 60/134 +[2024-10-13 15:37:32,265 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 61/134 +[2024-10-13 15:37:32,436 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 62/134 +[2024-10-13 15:37:32,608 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 63/134 +[2024-10-13 15:37:32,779 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 64/134 +[2024-10-13 15:37:32,949 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 65/134 +[2024-10-13 15:37:33,120 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 66/134 +[2024-10-13 15:37:33,291 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 67/134 +[2024-10-13 15:37:33,462 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 68/134 +[2024-10-13 15:37:33,633 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 69/134 +[2024-10-13 15:37:33,804 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 70/134 +[2024-10-13 15:37:33,976 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 71/134 +[2024-10-13 15:37:34,147 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 72/134 +[2024-10-13 15:37:34,317 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 73/134 +[2024-10-13 15:37:34,488 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 74/134 +[2024-10-13 15:37:34,658 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 75/134 +[2024-10-13 15:37:34,828 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 76/134 +[2024-10-13 15:37:34,998 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 77/134 +[2024-10-13 15:37:35,168 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 78/134 +[2024-10-13 15:37:35,339 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 79/134 +[2024-10-13 15:37:35,509 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 80/134 +[2024-10-13 15:37:35,679 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 81/134 +[2024-10-13 15:37:35,849 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 82/134 +[2024-10-13 15:37:36,020 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 83/134 +[2024-10-13 15:37:36,214 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 84/134 +[2024-10-13 15:37:36,408 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 85/134 +[2024-10-13 15:37:36,602 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 86/134 +[2024-10-13 15:37:36,796 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 87/134 +[2024-10-13 15:37:36,990 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 88/134 +[2024-10-13 15:37:37,184 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 89/134 +[2024-10-13 15:37:37,378 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 90/134 +[2024-10-13 15:37:37,573 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 91/134 +[2024-10-13 15:37:37,766 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 92/134 +[2024-10-13 15:37:37,960 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 93/134 +[2024-10-13 15:37:38,154 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 94/134 +[2024-10-13 15:37:38,348 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 95/134 +[2024-10-13 15:37:38,542 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 96/134 +[2024-10-13 15:37:38,736 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 97/134 +[2024-10-13 15:37:38,931 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 98/134 +[2024-10-13 15:37:39,125 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 99/134 +[2024-10-13 15:37:39,318 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 100/134 +[2024-10-13 15:37:39,513 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 101/134 +[2024-10-13 15:37:39,707 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 102/134 +[2024-10-13 15:37:39,901 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 103/134 +[2024-10-13 15:37:40,095 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 104/134 +[2024-10-13 15:37:40,290 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 105/134 +[2024-10-13 15:37:40,485 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 106/134 +[2024-10-13 15:37:40,680 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 107/134 +[2024-10-13 15:37:40,875 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 108/134 +[2024-10-13 15:37:41,070 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 109/134 +[2024-10-13 15:37:41,264 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 110/134 +[2024-10-13 15:37:41,458 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 111/134 +[2024-10-13 15:37:41,653 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 112/134 +[2024-10-13 15:37:41,847 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 113/134 +[2024-10-13 15:37:42,042 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 114/134 +[2024-10-13 15:37:42,237 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 115/134 +[2024-10-13 15:37:42,432 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 116/134 +[2024-10-13 15:37:42,626 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 117/134 +[2024-10-13 15:37:42,821 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 118/134 +[2024-10-13 15:37:43,015 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 119/134 +[2024-10-13 15:37:43,210 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 120/134 +[2024-10-13 15:37:43,405 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 121/134 +[2024-10-13 15:37:43,600 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 122/134 +[2024-10-13 15:37:43,795 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 123/134 +[2024-10-13 15:37:43,977 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 124/134 +[2024-10-13 15:37:44,159 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 125/134 +[2024-10-13 15:37:44,342 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 126/134 +[2024-10-13 15:37:44,524 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 127/134 +[2024-10-13 15:37:44,706 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 128/134 +[2024-10-13 15:37:44,888 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 129/134 +[2024-10-13 15:37:45,070 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 130/134 +[2024-10-13 15:37:45,252 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 131/134 +[2024-10-13 15:37:45,434 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 132/134 +[2024-10-13 15:37:45,616 INFO test.py line 186 25394] Test: 29/312-scene0064_00, Batch: 133/134 +[2024-10-13 15:37:45,908 INFO test.py line 272 25394] Test: scene0064_00 [29/312]-230672 Batch 24.772 (17.497) Accuracy 0.8288 (0.3423) mIoU 0.4583 (0.2833) +[2024-10-13 15:37:46,085 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 0/121 +[2024-10-13 15:37:46,234 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 1/121 +[2024-10-13 15:37:46,384 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 2/121 +[2024-10-13 15:37:46,534 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 3/121 +[2024-10-13 15:37:46,686 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 4/121 +[2024-10-13 15:37:46,842 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 5/121 +[2024-10-13 15:37:46,992 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 6/121 +[2024-10-13 15:37:47,142 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 7/121 +[2024-10-13 15:37:47,292 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 8/121 +[2024-10-13 15:37:47,441 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 9/121 +[2024-10-13 15:37:47,591 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 10/121 +[2024-10-13 15:37:47,741 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 11/121 +[2024-10-13 15:37:47,890 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 12/121 +[2024-10-13 15:37:48,040 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 13/121 +[2024-10-13 15:37:48,189 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 14/121 +[2024-10-13 15:37:48,339 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 15/121 +[2024-10-13 15:37:48,488 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 16/121 +[2024-10-13 15:37:48,638 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 17/121 +[2024-10-13 15:37:48,788 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 18/121 +[2024-10-13 15:37:48,938 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 19/121 +[2024-10-13 15:37:49,088 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 20/121 +[2024-10-13 15:37:49,238 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 21/121 +[2024-10-13 15:37:49,388 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 22/121 +[2024-10-13 15:37:49,538 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 23/121 +[2024-10-13 15:37:49,688 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 24/121 +[2024-10-13 15:37:49,838 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 25/121 +[2024-10-13 15:37:49,988 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 26/121 +[2024-10-13 15:37:50,139 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 27/121 +[2024-10-13 15:37:50,289 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 28/121 +[2024-10-13 15:37:50,440 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 29/121 +[2024-10-13 15:37:50,590 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 30/121 +[2024-10-13 15:37:50,741 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 31/121 +[2024-10-13 15:37:50,891 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 32/121 +[2024-10-13 15:37:51,042 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 33/121 +[2024-10-13 15:37:51,192 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 34/121 +[2024-10-13 15:37:51,342 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 35/121 +[2024-10-13 15:37:51,483 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 36/121 +[2024-10-13 15:37:51,624 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 37/121 +[2024-10-13 15:37:51,766 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 38/121 +[2024-10-13 15:37:51,907 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 39/121 +[2024-10-13 15:37:52,048 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 40/121 +[2024-10-13 15:37:52,189 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 41/121 +[2024-10-13 15:37:52,330 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 42/121 +[2024-10-13 15:37:52,471 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 43/121 +[2024-10-13 15:37:52,612 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 44/121 +[2024-10-13 15:37:52,753 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 45/121 +[2024-10-13 15:37:52,894 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 46/121 +[2024-10-13 15:37:53,036 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 47/121 +[2024-10-13 15:37:53,177 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 48/121 +[2024-10-13 15:37:53,319 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 49/121 +[2024-10-13 15:37:53,460 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 50/121 +[2024-10-13 15:37:53,601 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 51/121 +[2024-10-13 15:37:53,742 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 52/121 +[2024-10-13 15:37:53,884 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 53/121 +[2024-10-13 15:37:54,026 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 54/121 +[2024-10-13 15:37:54,167 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 55/121 +[2024-10-13 15:37:54,308 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 56/121 +[2024-10-13 15:37:54,449 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 57/121 +[2024-10-13 15:37:54,590 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 58/121 +[2024-10-13 15:37:54,732 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 59/121 +[2024-10-13 15:37:54,872 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 60/121 +[2024-10-13 15:37:55,013 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 61/121 +[2024-10-13 15:37:55,154 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 62/121 +[2024-10-13 15:37:55,296 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 63/121 +[2024-10-13 15:37:55,437 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 64/121 +[2024-10-13 15:37:55,578 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 65/121 +[2024-10-13 15:37:55,720 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 66/121 +[2024-10-13 15:37:55,861 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 67/121 +[2024-10-13 15:37:56,003 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 68/121 +[2024-10-13 15:37:56,145 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 69/121 +[2024-10-13 15:37:56,286 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 70/121 +[2024-10-13 15:37:56,428 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 71/121 +[2024-10-13 15:37:56,570 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 72/121 +[2024-10-13 15:37:56,711 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 73/121 +[2024-10-13 15:37:56,856 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 74/121 +[2024-10-13 15:37:57,038 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 75/121 +[2024-10-13 15:37:57,197 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 76/121 +[2024-10-13 15:37:57,356 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 77/121 +[2024-10-13 15:37:57,515 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 78/121 +[2024-10-13 15:37:57,675 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 79/121 +[2024-10-13 15:37:57,833 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 80/121 +[2024-10-13 15:37:57,992 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 81/121 +[2024-10-13 15:37:58,151 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 82/121 +[2024-10-13 15:37:58,309 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 83/121 +[2024-10-13 15:37:58,468 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 84/121 +[2024-10-13 15:37:58,626 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 85/121 +[2024-10-13 15:37:58,785 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 86/121 +[2024-10-13 15:37:58,943 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 87/121 +[2024-10-13 15:37:59,102 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 88/121 +[2024-10-13 15:37:59,260 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 89/121 +[2024-10-13 15:37:59,418 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 90/121 +[2024-10-13 15:37:59,577 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 91/121 +[2024-10-13 15:37:59,735 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 92/121 +[2024-10-13 15:37:59,894 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 93/121 +[2024-10-13 15:38:00,052 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 94/121 +[2024-10-13 15:38:00,211 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 95/121 +[2024-10-13 15:38:00,370 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 96/121 +[2024-10-13 15:38:00,529 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 97/121 +[2024-10-13 15:38:00,688 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 98/121 +[2024-10-13 15:38:00,846 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 99/121 +[2024-10-13 15:38:01,005 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 100/121 +[2024-10-13 15:38:01,164 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 101/121 +[2024-10-13 15:38:01,322 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 102/121 +[2024-10-13 15:38:01,481 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 103/121 +[2024-10-13 15:38:01,639 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 104/121 +[2024-10-13 15:38:01,797 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 105/121 +[2024-10-13 15:38:01,956 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 106/121 +[2024-10-13 15:38:02,114 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 107/121 +[2024-10-13 15:38:02,272 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 108/121 +[2024-10-13 15:38:02,431 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 109/121 +[2024-10-13 15:38:02,590 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 110/121 +[2024-10-13 15:38:02,749 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 111/121 +[2024-10-13 15:38:02,899 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 112/121 +[2024-10-13 15:38:03,048 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 113/121 +[2024-10-13 15:38:03,198 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 114/121 +[2024-10-13 15:38:03,348 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 115/121 +[2024-10-13 15:38:03,498 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 116/121 +[2024-10-13 15:38:03,648 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 117/121 +[2024-10-13 15:38:03,798 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 118/121 +[2024-10-13 15:38:03,948 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 119/121 +[2024-10-13 15:38:04,098 INFO test.py line 186 25394] Test: 30/312-scene0351_00, Batch: 120/121 +[2024-10-13 15:38:04,314 INFO test.py line 272 25394] Test: scene0351_00 [30/312]-172134 Batch 18.406 (17.527) Accuracy 0.9322 (0.3451) mIoU 0.5391 (0.2865) +[2024-10-13 15:38:04,410 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 0/122 +[2024-10-13 15:38:04,494 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 1/122 +[2024-10-13 15:38:04,582 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 2/122 +[2024-10-13 15:38:04,669 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 3/122 +[2024-10-13 15:38:04,756 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 4/122 +[2024-10-13 15:38:04,842 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 5/122 +[2024-10-13 15:38:04,925 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 6/122 +[2024-10-13 15:38:05,009 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 7/122 +[2024-10-13 15:38:05,092 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 8/122 +[2024-10-13 15:38:05,176 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 9/122 +[2024-10-13 15:38:05,259 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 10/122 +[2024-10-13 15:38:05,342 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 11/122 +[2024-10-13 15:38:05,425 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 12/122 +[2024-10-13 15:38:05,508 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 13/122 +[2024-10-13 15:38:05,591 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 14/122 +[2024-10-13 15:38:05,674 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 15/122 +[2024-10-13 15:38:05,757 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 16/122 +[2024-10-13 15:38:05,840 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 17/122 +[2024-10-13 15:38:05,923 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 18/122 +[2024-10-13 15:38:06,007 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 19/122 +[2024-10-13 15:38:06,090 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 20/122 +[2024-10-13 15:38:06,174 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 21/122 +[2024-10-13 15:38:06,285 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 22/122 +[2024-10-13 15:38:06,371 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 23/122 +[2024-10-13 15:38:06,455 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 24/122 +[2024-10-13 15:38:06,539 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 25/122 +[2024-10-13 15:38:06,622 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 26/122 +[2024-10-13 15:38:06,706 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 27/122 +[2024-10-13 15:38:06,790 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 28/122 +[2024-10-13 15:38:06,874 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 29/122 +[2024-10-13 15:38:06,957 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 30/122 +[2024-10-13 15:38:07,040 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 31/122 +[2024-10-13 15:38:07,124 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 32/122 +[2024-10-13 15:38:07,207 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 33/122 +[2024-10-13 15:38:07,290 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 34/122 +[2024-10-13 15:38:07,373 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 35/122 +[2024-10-13 15:38:07,457 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 36/122 +[2024-10-13 15:38:07,540 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 37/122 +[2024-10-13 15:38:07,623 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 38/122 +[2024-10-13 15:38:07,706 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 39/122 +[2024-10-13 15:38:07,785 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 40/122 +[2024-10-13 15:38:07,864 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 41/122 +[2024-10-13 15:38:07,943 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 42/122 +[2024-10-13 15:38:08,021 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 43/122 +[2024-10-13 15:38:08,100 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 44/122 +[2024-10-13 15:38:08,179 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 45/122 +[2024-10-13 15:38:08,258 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 46/122 +[2024-10-13 15:38:08,336 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 47/122 +[2024-10-13 15:38:08,415 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 48/122 +[2024-10-13 15:38:08,494 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 49/122 +[2024-10-13 15:38:08,572 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 50/122 +[2024-10-13 15:38:08,651 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 51/122 +[2024-10-13 15:38:08,729 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 52/122 +[2024-10-13 15:38:08,807 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 53/122 +[2024-10-13 15:38:08,886 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 54/122 +[2024-10-13 15:38:08,965 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 55/122 +[2024-10-13 15:38:09,043 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 56/122 +[2024-10-13 15:38:09,122 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 57/122 +[2024-10-13 15:38:09,201 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 58/122 +[2024-10-13 15:38:09,279 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 59/122 +[2024-10-13 15:38:09,357 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 60/122 +[2024-10-13 15:38:09,436 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 61/122 +[2024-10-13 15:38:09,514 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 62/122 +[2024-10-13 15:38:09,592 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 63/122 +[2024-10-13 15:38:09,670 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 64/122 +[2024-10-13 15:38:09,749 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 65/122 +[2024-10-13 15:38:09,827 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 66/122 +[2024-10-13 15:38:09,905 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 67/122 +[2024-10-13 15:38:09,983 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 68/122 +[2024-10-13 15:38:10,062 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 69/122 +[2024-10-13 15:38:10,140 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 70/122 +[2024-10-13 15:38:10,219 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 71/122 +[2024-10-13 15:38:10,298 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 72/122 +[2024-10-13 15:38:10,376 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 73/122 +[2024-10-13 15:38:10,455 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 74/122 +[2024-10-13 15:38:10,533 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 75/122 +[2024-10-13 15:38:10,611 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 76/122 +[2024-10-13 15:38:10,690 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 77/122 +[2024-10-13 15:38:10,768 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 78/122 +[2024-10-13 15:38:10,846 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 79/122 +[2024-10-13 15:38:10,932 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 80/122 +[2024-10-13 15:38:11,019 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 81/122 +[2024-10-13 15:38:11,105 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 82/122 +[2024-10-13 15:38:11,191 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 83/122 +[2024-10-13 15:38:11,278 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 84/122 +[2024-10-13 15:38:11,364 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 85/122 +[2024-10-13 15:38:11,450 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 86/122 +[2024-10-13 15:38:11,537 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 87/122 +[2024-10-13 15:38:11,623 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 88/122 +[2024-10-13 15:38:11,709 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 89/122 +[2024-10-13 15:38:11,796 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 90/122 +[2024-10-13 15:38:11,882 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 91/122 +[2024-10-13 15:38:11,968 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 92/122 +[2024-10-13 15:38:12,054 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 93/122 +[2024-10-13 15:38:12,141 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 94/122 +[2024-10-13 15:38:12,227 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 95/122 +[2024-10-13 15:38:12,313 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 96/122 +[2024-10-13 15:38:12,399 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 97/122 +[2024-10-13 15:38:12,485 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 98/122 +[2024-10-13 15:38:12,571 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 99/122 +[2024-10-13 15:38:12,657 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 100/122 +[2024-10-13 15:38:12,744 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 101/122 +[2024-10-13 15:38:12,830 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 102/122 +[2024-10-13 15:38:12,916 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 103/122 +[2024-10-13 15:38:13,002 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 104/122 +[2024-10-13 15:38:13,088 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 105/122 +[2024-10-13 15:38:13,174 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 106/122 +[2024-10-13 15:38:13,260 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 107/122 +[2024-10-13 15:38:13,346 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 108/122 +[2024-10-13 15:38:13,432 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 109/122 +[2024-10-13 15:38:13,519 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 110/122 +[2024-10-13 15:38:13,605 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 111/122 +[2024-10-13 15:38:13,688 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 112/122 +[2024-10-13 15:38:13,772 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 113/122 +[2024-10-13 15:38:13,855 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 114/122 +[2024-10-13 15:38:13,939 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 115/122 +[2024-10-13 15:38:14,022 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 116/122 +[2024-10-13 15:38:14,106 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 117/122 +[2024-10-13 15:38:14,189 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 118/122 +[2024-10-13 15:38:14,273 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 119/122 +[2024-10-13 15:38:14,356 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 120/122 +[2024-10-13 15:38:14,440 INFO test.py line 186 25394] Test: 31/312-scene0609_00, Batch: 121/122 +[2024-10-13 15:38:14,544 INFO test.py line 272 25394] Test: scene0609_00 [31/312]-78836 Batch 10.229 (17.292) Accuracy 0.8191 (0.3451) mIoU 0.5686 (0.2860) +[2024-10-13 15:38:14,926 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 0/148 +[2024-10-13 15:38:15,249 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 1/148 +[2024-10-13 15:38:15,566 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 2/148 +[2024-10-13 15:38:15,883 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 3/148 +[2024-10-13 15:38:16,199 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 4/148 +[2024-10-13 15:38:16,517 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 5/148 +[2024-10-13 15:38:16,834 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 6/148 +[2024-10-13 15:38:17,151 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 7/148 +[2024-10-13 15:38:17,468 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 8/148 +[2024-10-13 15:38:17,786 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 9/148 +[2024-10-13 15:38:18,103 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 10/148 +[2024-10-13 15:38:18,420 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 11/148 +[2024-10-13 15:38:18,737 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 12/148 +[2024-10-13 15:38:19,054 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 13/148 +[2024-10-13 15:38:19,371 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 14/148 +[2024-10-13 15:38:19,689 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 15/148 +[2024-10-13 15:38:20,007 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 16/148 +[2024-10-13 15:38:20,324 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 17/148 +[2024-10-13 15:38:20,640 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 18/148 +[2024-10-13 15:38:20,957 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 19/148 +[2024-10-13 15:38:21,274 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 20/148 +[2024-10-13 15:38:21,592 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 21/148 +[2024-10-13 15:38:21,910 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 22/148 +[2024-10-13 15:38:22,227 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 23/148 +[2024-10-13 15:38:22,545 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 24/148 +[2024-10-13 15:38:22,862 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 25/148 +[2024-10-13 15:38:23,180 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 26/148 +[2024-10-13 15:38:23,496 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 27/148 +[2024-10-13 15:38:23,813 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 28/148 +[2024-10-13 15:38:24,130 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 29/148 +[2024-10-13 15:38:24,447 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 30/148 +[2024-10-13 15:38:24,764 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 31/148 +[2024-10-13 15:38:25,081 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 32/148 +[2024-10-13 15:38:25,398 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 33/148 +[2024-10-13 15:38:25,715 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 34/148 +[2024-10-13 15:38:26,032 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 35/148 +[2024-10-13 15:38:26,348 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 36/148 +[2024-10-13 15:38:26,665 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 37/148 +[2024-10-13 15:38:26,981 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 38/148 +[2024-10-13 15:38:27,298 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 39/148 +[2024-10-13 15:38:27,614 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 40/148 +[2024-10-13 15:38:27,931 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 41/148 +[2024-10-13 15:38:28,248 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 42/148 +[2024-10-13 15:38:28,565 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 43/148 +[2024-10-13 15:38:28,881 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 44/148 +[2024-10-13 15:38:29,198 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 45/148 +[2024-10-13 15:38:29,514 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 46/148 +[2024-10-13 15:38:29,832 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 47/148 +[2024-10-13 15:38:30,127 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 48/148 +[2024-10-13 15:38:30,421 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 49/148 +[2024-10-13 15:38:30,716 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 50/148 +[2024-10-13 15:38:31,010 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 51/148 +[2024-10-13 15:38:31,305 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 52/148 +[2024-10-13 15:38:31,599 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 53/148 +[2024-10-13 15:38:31,894 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 54/148 +[2024-10-13 15:38:32,189 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 55/148 +[2024-10-13 15:38:32,483 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 56/148 +[2024-10-13 15:38:32,778 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 57/148 +[2024-10-13 15:38:33,073 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 58/148 +[2024-10-13 15:38:33,367 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 59/148 +[2024-10-13 15:38:33,661 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 60/148 +[2024-10-13 15:38:33,955 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 61/148 +[2024-10-13 15:38:34,251 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 62/148 +[2024-10-13 15:38:34,546 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 63/148 +[2024-10-13 15:38:34,842 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 64/148 +[2024-10-13 15:38:35,137 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 65/148 +[2024-10-13 15:38:35,433 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 66/148 +[2024-10-13 15:38:35,727 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 67/148 +[2024-10-13 15:38:36,022 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 68/148 +[2024-10-13 15:38:36,317 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 69/148 +[2024-10-13 15:38:36,613 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 70/148 +[2024-10-13 15:38:36,908 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 71/148 +[2024-10-13 15:38:37,202 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 72/148 +[2024-10-13 15:38:37,497 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 73/148 +[2024-10-13 15:38:37,792 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 74/148 +[2024-10-13 15:38:38,086 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 75/148 +[2024-10-13 15:38:38,381 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 76/148 +[2024-10-13 15:38:38,675 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 77/148 +[2024-10-13 15:38:38,970 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 78/148 +[2024-10-13 15:38:39,263 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 79/148 +[2024-10-13 15:38:39,557 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 80/148 +[2024-10-13 15:38:39,851 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 81/148 +[2024-10-13 15:38:40,144 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 82/148 +[2024-10-13 15:38:40,438 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 83/148 +[2024-10-13 15:38:40,732 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 84/148 +[2024-10-13 15:38:41,025 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 85/148 +[2024-10-13 15:38:41,319 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 86/148 +[2024-10-13 15:38:41,613 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 87/148 +[2024-10-13 15:38:41,907 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 88/148 +[2024-10-13 15:38:42,200 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 89/148 +[2024-10-13 15:38:42,494 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 90/148 +[2024-10-13 15:38:42,788 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 91/148 +[2024-10-13 15:38:43,081 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 92/148 +[2024-10-13 15:38:43,375 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 93/148 +[2024-10-13 15:38:43,668 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 94/148 +[2024-10-13 15:38:43,962 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 95/148 +[2024-10-13 15:38:44,302 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 96/148 +[2024-10-13 15:38:44,642 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 97/148 +[2024-10-13 15:38:44,982 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 98/148 +[2024-10-13 15:38:45,322 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 99/148 +[2024-10-13 15:38:45,662 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 100/148 +[2024-10-13 15:38:46,001 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 101/148 +[2024-10-13 15:38:46,341 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 102/148 +[2024-10-13 15:38:46,681 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 103/148 +[2024-10-13 15:38:47,021 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 104/148 +[2024-10-13 15:38:47,360 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 105/148 +[2024-10-13 15:38:47,700 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 106/148 +[2024-10-13 15:38:48,040 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 107/148 +[2024-10-13 15:38:48,380 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 108/148 +[2024-10-13 15:38:48,720 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 109/148 +[2024-10-13 15:38:49,059 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 110/148 +[2024-10-13 15:38:49,399 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 111/148 +[2024-10-13 15:38:49,739 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 112/148 +[2024-10-13 15:38:50,079 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 113/148 +[2024-10-13 15:38:50,419 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 114/148 +[2024-10-13 15:38:50,758 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 115/148 +[2024-10-13 15:38:51,097 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 116/148 +[2024-10-13 15:38:51,436 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 117/148 +[2024-10-13 15:38:51,776 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 118/148 +[2024-10-13 15:38:52,115 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 119/148 +[2024-10-13 15:38:52,454 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 120/148 +[2024-10-13 15:38:52,794 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 121/148 +[2024-10-13 15:38:53,133 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 122/148 +[2024-10-13 15:38:53,472 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 123/148 +[2024-10-13 15:38:53,811 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 124/148 +[2024-10-13 15:38:54,150 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 125/148 +[2024-10-13 15:38:54,489 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 126/148 +[2024-10-13 15:38:54,829 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 127/148 +[2024-10-13 15:38:55,168 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 128/148 +[2024-10-13 15:38:55,508 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 129/148 +[2024-10-13 15:38:55,847 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 130/148 +[2024-10-13 15:38:56,186 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 131/148 +[2024-10-13 15:38:56,526 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 132/148 +[2024-10-13 15:38:56,865 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 133/148 +[2024-10-13 15:38:57,205 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 134/148 +[2024-10-13 15:38:57,543 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 135/148 +[2024-10-13 15:38:57,861 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 136/148 +[2024-10-13 15:38:58,177 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 137/148 +[2024-10-13 15:38:58,494 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 138/148 +[2024-10-13 15:38:58,810 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 139/148 +[2024-10-13 15:38:59,126 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 140/148 +[2024-10-13 15:38:59,443 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 141/148 +[2024-10-13 15:38:59,760 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 142/148 +[2024-10-13 15:39:00,077 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 143/148 +[2024-10-13 15:39:00,394 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 144/148 +[2024-10-13 15:39:00,711 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 145/148 +[2024-10-13 15:39:01,027 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 146/148 +[2024-10-13 15:39:01,344 INFO test.py line 186 25394] Test: 32/312-scene0307_02, Batch: 147/148 +[2024-10-13 15:39:01,849 INFO test.py line 272 25394] Test: scene0307_02 [32/312]-408633 Batch 47.305 (18.230) Accuracy 0.8448 (0.3462) mIoU 0.2122 (0.2859) +[2024-10-13 15:39:01,954 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 0/113 +[2024-10-13 15:39:02,045 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 1/113 +[2024-10-13 15:39:02,141 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 2/113 +[2024-10-13 15:39:02,236 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 3/113 +[2024-10-13 15:39:02,330 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 4/113 +[2024-10-13 15:39:02,426 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 5/113 +[2024-10-13 15:39:02,518 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 6/113 +[2024-10-13 15:39:02,609 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 7/113 +[2024-10-13 15:39:02,701 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 8/113 +[2024-10-13 15:39:02,793 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 9/113 +[2024-10-13 15:39:02,884 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 10/113 +[2024-10-13 15:39:02,976 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 11/113 +[2024-10-13 15:39:03,068 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 12/113 +[2024-10-13 15:39:03,160 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 13/113 +[2024-10-13 15:39:03,251 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 14/113 +[2024-10-13 15:39:03,343 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 15/113 +[2024-10-13 15:39:03,434 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 16/113 +[2024-10-13 15:39:03,526 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 17/113 +[2024-10-13 15:39:03,618 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 18/113 +[2024-10-13 15:39:03,710 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 19/113 +[2024-10-13 15:39:03,802 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 20/113 +[2024-10-13 15:39:03,893 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 21/113 +[2024-10-13 15:39:03,988 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 22/113 +[2024-10-13 15:39:04,080 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 23/113 +[2024-10-13 15:39:04,172 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 24/113 +[2024-10-13 15:39:04,263 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 25/113 +[2024-10-13 15:39:04,510 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 26/113 +[2024-10-13 15:39:04,604 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 27/113 +[2024-10-13 15:39:04,697 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 28/113 +[2024-10-13 15:39:04,789 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 29/113 +[2024-10-13 15:39:04,880 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 30/113 +[2024-10-13 15:39:04,972 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 31/113 +[2024-10-13 15:39:05,063 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 32/113 +[2024-10-13 15:39:05,155 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 33/113 +[2024-10-13 15:39:05,247 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 34/113 +[2024-10-13 15:39:05,338 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 35/113 +[2024-10-13 15:39:05,427 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 36/113 +[2024-10-13 15:39:05,515 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 37/113 +[2024-10-13 15:39:05,603 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 38/113 +[2024-10-13 15:39:05,691 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 39/113 +[2024-10-13 15:39:05,779 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 40/113 +[2024-10-13 15:39:05,867 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 41/113 +[2024-10-13 15:39:05,955 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 42/113 +[2024-10-13 15:39:06,044 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 43/113 +[2024-10-13 15:39:06,132 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 44/113 +[2024-10-13 15:39:06,219 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 45/113 +[2024-10-13 15:39:06,307 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 46/113 +[2024-10-13 15:39:06,395 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 47/113 +[2024-10-13 15:39:06,483 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 48/113 +[2024-10-13 15:39:06,571 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 49/113 +[2024-10-13 15:39:06,659 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 50/113 +[2024-10-13 15:39:06,747 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 51/113 +[2024-10-13 15:39:06,835 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 52/113 +[2024-10-13 15:39:06,923 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 53/113 +[2024-10-13 15:39:07,010 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 54/113 +[2024-10-13 15:39:07,098 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 55/113 +[2024-10-13 15:39:07,185 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 56/113 +[2024-10-13 15:39:07,273 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 57/113 +[2024-10-13 15:39:07,361 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 58/113 +[2024-10-13 15:39:07,448 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 59/113 +[2024-10-13 15:39:07,536 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 60/113 +[2024-10-13 15:39:07,623 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 61/113 +[2024-10-13 15:39:07,711 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 62/113 +[2024-10-13 15:39:07,799 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 63/113 +[2024-10-13 15:39:07,886 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 64/113 +[2024-10-13 15:39:07,974 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 65/113 +[2024-10-13 15:39:08,061 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 66/113 +[2024-10-13 15:39:08,149 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 67/113 +[2024-10-13 15:39:08,237 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 68/113 +[2024-10-13 15:39:08,325 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 69/113 +[2024-10-13 15:39:08,412 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 70/113 +[2024-10-13 15:39:08,500 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 71/113 +[2024-10-13 15:39:08,595 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 72/113 +[2024-10-13 15:39:08,691 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 73/113 +[2024-10-13 15:39:08,786 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 74/113 +[2024-10-13 15:39:08,882 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 75/113 +[2024-10-13 15:39:08,977 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 76/113 +[2024-10-13 15:39:09,072 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 77/113 +[2024-10-13 15:39:09,168 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 78/113 +[2024-10-13 15:39:09,263 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 79/113 +[2024-10-13 15:39:09,359 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 80/113 +[2024-10-13 15:39:09,455 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 81/113 +[2024-10-13 15:39:09,550 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 82/113 +[2024-10-13 15:39:09,646 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 83/113 +[2024-10-13 15:39:09,741 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 84/113 +[2024-10-13 15:39:09,837 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 85/113 +[2024-10-13 15:39:09,933 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 86/113 +[2024-10-13 15:39:10,028 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 87/113 +[2024-10-13 15:39:10,124 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 88/113 +[2024-10-13 15:39:10,219 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 89/113 +[2024-10-13 15:39:10,314 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 90/113 +[2024-10-13 15:39:10,410 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 91/113 +[2024-10-13 15:39:10,505 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 92/113 +[2024-10-13 15:39:10,601 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 93/113 +[2024-10-13 15:39:10,696 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 94/113 +[2024-10-13 15:39:10,791 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 95/113 +[2024-10-13 15:39:10,887 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 96/113 +[2024-10-13 15:39:10,983 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 97/113 +[2024-10-13 15:39:11,079 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 98/113 +[2024-10-13 15:39:11,174 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 99/113 +[2024-10-13 15:39:11,270 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 100/113 +[2024-10-13 15:39:11,365 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 101/113 +[2024-10-13 15:39:11,461 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 102/113 +[2024-10-13 15:39:11,556 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 103/113 +[2024-10-13 15:39:11,648 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 104/113 +[2024-10-13 15:39:11,739 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 105/113 +[2024-10-13 15:39:11,831 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 106/113 +[2024-10-13 15:39:11,922 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 107/113 +[2024-10-13 15:39:12,014 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 108/113 +[2024-10-13 15:39:12,105 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 109/113 +[2024-10-13 15:39:12,197 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 110/113 +[2024-10-13 15:39:12,289 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 111/113 +[2024-10-13 15:39:12,380 INFO test.py line 186 25394] Test: 33/312-scene0559_00, Batch: 112/113 +[2024-10-13 15:39:12,503 INFO test.py line 272 25394] Test: scene0559_00 [33/312]-89796 Batch 10.653 (18.000) Accuracy 0.9865 (0.3535) mIoU 0.9691 (0.2933) +[2024-10-13 15:39:12,719 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 0/126 +[2024-10-13 15:39:12,902 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 1/126 +[2024-10-13 15:39:13,088 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 2/126 +[2024-10-13 15:39:13,274 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 3/126 +[2024-10-13 15:39:13,456 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 4/126 +[2024-10-13 15:39:13,639 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 5/126 +[2024-10-13 15:39:13,821 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 6/126 +[2024-10-13 15:39:14,003 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 7/126 +[2024-10-13 15:39:14,185 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 8/126 +[2024-10-13 15:39:14,368 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 9/126 +[2024-10-13 15:39:14,551 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 10/126 +[2024-10-13 15:39:14,734 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 11/126 +[2024-10-13 15:39:14,917 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 12/126 +[2024-10-13 15:39:15,101 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 13/126 +[2024-10-13 15:39:15,284 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 14/126 +[2024-10-13 15:39:15,467 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 15/126 +[2024-10-13 15:39:15,650 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 16/126 +[2024-10-13 15:39:15,834 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 17/126 +[2024-10-13 15:39:16,017 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 18/126 +[2024-10-13 15:39:16,201 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 19/126 +[2024-10-13 15:39:16,384 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 20/126 +[2024-10-13 15:39:16,566 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 21/126 +[2024-10-13 15:39:16,749 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 22/126 +[2024-10-13 15:39:16,932 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 23/126 +[2024-10-13 15:39:17,115 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 24/126 +[2024-10-13 15:39:17,298 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 25/126 +[2024-10-13 15:39:17,481 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 26/126 +[2024-10-13 15:39:17,664 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 27/126 +[2024-10-13 15:39:17,846 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 28/126 +[2024-10-13 15:39:18,029 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 29/126 +[2024-10-13 15:39:18,211 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 30/126 +[2024-10-13 15:39:18,394 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 31/126 +[2024-10-13 15:39:18,577 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 32/126 +[2024-10-13 15:39:18,760 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 33/126 +[2024-10-13 15:39:18,943 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 34/126 +[2024-10-13 15:39:19,125 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 35/126 +[2024-10-13 15:39:19,308 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 36/126 +[2024-10-13 15:39:19,491 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 37/126 +[2024-10-13 15:39:19,674 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 38/126 +[2024-10-13 15:39:19,857 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 39/126 +[2024-10-13 15:39:20,028 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 40/126 +[2024-10-13 15:39:20,199 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 41/126 +[2024-10-13 15:39:20,369 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 42/126 +[2024-10-13 15:39:20,540 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 43/126 +[2024-10-13 15:39:20,712 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 44/126 +[2024-10-13 15:39:20,882 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 45/126 +[2024-10-13 15:39:21,053 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 46/126 +[2024-10-13 15:39:21,248 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 47/126 +[2024-10-13 15:39:21,420 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 48/126 +[2024-10-13 15:39:21,592 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 49/126 +[2024-10-13 15:39:21,764 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 50/126 +[2024-10-13 15:39:21,934 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 51/126 +[2024-10-13 15:39:22,105 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 52/126 +[2024-10-13 15:39:22,276 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 53/126 +[2024-10-13 15:39:22,447 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 54/126 +[2024-10-13 15:39:22,618 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 55/126 +[2024-10-13 15:39:22,790 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 56/126 +[2024-10-13 15:39:22,960 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 57/126 +[2024-10-13 15:39:23,131 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 58/126 +[2024-10-13 15:39:23,302 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 59/126 +[2024-10-13 15:39:23,473 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 60/126 +[2024-10-13 15:39:23,643 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 61/126 +[2024-10-13 15:39:23,814 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 62/126 +[2024-10-13 15:39:23,984 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 63/126 +[2024-10-13 15:39:24,155 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 64/126 +[2024-10-13 15:39:24,325 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 65/126 +[2024-10-13 15:39:24,496 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 66/126 +[2024-10-13 15:39:24,666 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 67/126 +[2024-10-13 15:39:24,837 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 68/126 +[2024-10-13 15:39:25,007 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 69/126 +[2024-10-13 15:39:25,179 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 70/126 +[2024-10-13 15:39:25,351 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 71/126 +[2024-10-13 15:39:25,523 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 72/126 +[2024-10-13 15:39:25,695 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 73/126 +[2024-10-13 15:39:25,868 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 74/126 +[2024-10-13 15:39:26,039 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 75/126 +[2024-10-13 15:39:26,211 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 76/126 +[2024-10-13 15:39:26,383 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 77/126 +[2024-10-13 15:39:26,555 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 78/126 +[2024-10-13 15:39:26,727 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 79/126 +[2024-10-13 15:39:26,921 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 80/126 +[2024-10-13 15:39:27,114 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 81/126 +[2024-10-13 15:39:27,307 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 82/126 +[2024-10-13 15:39:27,501 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 83/126 +[2024-10-13 15:39:27,694 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 84/126 +[2024-10-13 15:39:27,887 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 85/126 +[2024-10-13 15:39:28,081 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 86/126 +[2024-10-13 15:39:28,274 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 87/126 +[2024-10-13 15:39:28,468 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 88/126 +[2024-10-13 15:39:28,662 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 89/126 +[2024-10-13 15:39:28,858 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 90/126 +[2024-10-13 15:39:29,053 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 91/126 +[2024-10-13 15:39:29,248 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 92/126 +[2024-10-13 15:39:29,442 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 93/126 +[2024-10-13 15:39:29,638 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 94/126 +[2024-10-13 15:39:29,833 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 95/126 +[2024-10-13 15:39:30,028 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 96/126 +[2024-10-13 15:39:30,223 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 97/126 +[2024-10-13 15:39:30,418 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 98/126 +[2024-10-13 15:39:30,613 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 99/126 +[2024-10-13 15:39:30,807 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 100/126 +[2024-10-13 15:39:31,002 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 101/126 +[2024-10-13 15:39:31,197 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 102/126 +[2024-10-13 15:39:31,392 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 103/126 +[2024-10-13 15:39:31,587 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 104/126 +[2024-10-13 15:39:31,781 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 105/126 +[2024-10-13 15:39:31,977 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 106/126 +[2024-10-13 15:39:32,171 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 107/126 +[2024-10-13 15:39:32,364 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 108/126 +[2024-10-13 15:39:32,558 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 109/126 +[2024-10-13 15:39:32,752 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 110/126 +[2024-10-13 15:39:32,945 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 111/126 +[2024-10-13 15:39:33,139 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 112/126 +[2024-10-13 15:39:33,332 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 113/126 +[2024-10-13 15:39:33,526 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 114/126 +[2024-10-13 15:39:33,719 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 115/126 +[2024-10-13 15:39:33,902 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 116/126 +[2024-10-13 15:39:34,085 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 117/126 +[2024-10-13 15:39:34,267 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 118/126 +[2024-10-13 15:39:34,450 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 119/126 +[2024-10-13 15:39:34,632 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 120/126 +[2024-10-13 15:39:34,815 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 121/126 +[2024-10-13 15:39:34,997 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 122/126 +[2024-10-13 15:39:35,180 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 123/126 +[2024-10-13 15:39:35,362 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 124/126 +[2024-10-13 15:39:35,545 INFO test.py line 186 25394] Test: 34/312-scene0334_01, Batch: 125/126 +[2024-10-13 15:39:35,837 INFO test.py line 272 25394] Test: scene0334_01 [34/312]-226580 Batch 23.334 (18.157) Accuracy 0.8452 (0.3520) mIoU 0.3263 (0.2920) +[2024-10-13 15:39:35,945 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 0/139 +[2024-10-13 15:39:36,040 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 1/139 +[2024-10-13 15:39:36,135 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 2/139 +[2024-10-13 15:39:36,230 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 3/139 +[2024-10-13 15:39:36,328 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 4/139 +[2024-10-13 15:39:36,428 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 5/139 +[2024-10-13 15:39:36,523 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 6/139 +[2024-10-13 15:39:36,618 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 7/139 +[2024-10-13 15:39:36,712 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 8/139 +[2024-10-13 15:39:36,807 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 9/139 +[2024-10-13 15:39:36,901 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 10/139 +[2024-10-13 15:39:36,996 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 11/139 +[2024-10-13 15:39:37,091 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 12/139 +[2024-10-13 15:39:37,185 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 13/139 +[2024-10-13 15:39:37,280 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 14/139 +[2024-10-13 15:39:37,375 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 15/139 +[2024-10-13 15:39:37,470 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 16/139 +[2024-10-13 15:39:37,564 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 17/139 +[2024-10-13 15:39:37,659 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 18/139 +[2024-10-13 15:39:37,754 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 19/139 +[2024-10-13 15:39:37,848 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 20/139 +[2024-10-13 15:39:37,943 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 21/139 +[2024-10-13 15:39:38,038 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 22/139 +[2024-10-13 15:39:38,132 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 23/139 +[2024-10-13 15:39:38,227 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 24/139 +[2024-10-13 15:39:38,322 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 25/139 +[2024-10-13 15:39:38,416 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 26/139 +[2024-10-13 15:39:38,511 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 27/139 +[2024-10-13 15:39:38,606 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 28/139 +[2024-10-13 15:39:38,700 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 29/139 +[2024-10-13 15:39:38,795 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 30/139 +[2024-10-13 15:39:38,890 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 31/139 +[2024-10-13 15:39:38,984 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 32/139 +[2024-10-13 15:39:39,079 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 33/139 +[2024-10-13 15:39:39,174 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 34/139 +[2024-10-13 15:39:39,269 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 35/139 +[2024-10-13 15:39:39,364 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 36/139 +[2024-10-13 15:39:39,459 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 37/139 +[2024-10-13 15:39:39,553 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 38/139 +[2024-10-13 15:39:39,648 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 39/139 +[2024-10-13 15:39:39,743 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 40/139 +[2024-10-13 15:39:39,838 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 41/139 +[2024-10-13 15:39:39,933 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 42/139 +[2024-10-13 15:39:40,028 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 43/139 +[2024-10-13 15:39:40,119 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 44/139 +[2024-10-13 15:39:40,209 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 45/139 +[2024-10-13 15:39:40,300 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 46/139 +[2024-10-13 15:39:40,390 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 47/139 +[2024-10-13 15:39:40,481 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 48/139 +[2024-10-13 15:39:40,572 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 49/139 +[2024-10-13 15:39:40,662 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 50/139 +[2024-10-13 15:39:40,752 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 51/139 +[2024-10-13 15:39:40,843 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 52/139 +[2024-10-13 15:39:40,934 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 53/139 +[2024-10-13 15:39:41,024 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 54/139 +[2024-10-13 15:39:41,115 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 55/139 +[2024-10-13 15:39:41,205 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 56/139 +[2024-10-13 15:39:41,296 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 57/139 +[2024-10-13 15:39:41,386 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 58/139 +[2024-10-13 15:39:41,477 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 59/139 +[2024-10-13 15:39:41,567 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 60/139 +[2024-10-13 15:39:41,658 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 61/139 +[2024-10-13 15:39:41,748 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 62/139 +[2024-10-13 15:39:41,839 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 63/139 +[2024-10-13 15:39:41,929 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 64/139 +[2024-10-13 15:39:42,024 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 65/139 +[2024-10-13 15:39:42,155 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 66/139 +[2024-10-13 15:39:42,250 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 67/139 +[2024-10-13 15:39:42,462 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 68/139 +[2024-10-13 15:39:42,554 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 69/139 +[2024-10-13 15:39:42,646 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 70/139 +[2024-10-13 15:39:42,737 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 71/139 +[2024-10-13 15:39:42,828 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 72/139 +[2024-10-13 15:39:42,919 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 73/139 +[2024-10-13 15:39:43,010 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 74/139 +[2024-10-13 15:39:43,101 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 75/139 +[2024-10-13 15:39:43,191 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 76/139 +[2024-10-13 15:39:43,282 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 77/139 +[2024-10-13 15:39:43,373 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 78/139 +[2024-10-13 15:39:43,464 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 79/139 +[2024-10-13 15:39:43,555 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 80/139 +[2024-10-13 15:39:43,646 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 81/139 +[2024-10-13 15:39:43,737 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 82/139 +[2024-10-13 15:39:43,827 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 83/139 +[2024-10-13 15:39:43,918 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 84/139 +[2024-10-13 15:39:44,009 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 85/139 +[2024-10-13 15:39:44,100 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 86/139 +[2024-10-13 15:39:44,191 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 87/139 +[2024-10-13 15:39:44,290 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 88/139 +[2024-10-13 15:39:44,390 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 89/139 +[2024-10-13 15:39:44,490 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 90/139 +[2024-10-13 15:39:44,590 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 91/139 +[2024-10-13 15:39:44,691 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 92/139 +[2024-10-13 15:39:44,791 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 93/139 +[2024-10-13 15:39:44,891 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 94/139 +[2024-10-13 15:39:44,991 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 95/139 +[2024-10-13 15:39:45,091 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 96/139 +[2024-10-13 15:39:45,191 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 97/139 +[2024-10-13 15:39:45,290 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 98/139 +[2024-10-13 15:39:45,390 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 99/139 +[2024-10-13 15:39:45,490 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 100/139 +[2024-10-13 15:39:45,590 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 101/139 +[2024-10-13 15:39:45,690 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 102/139 +[2024-10-13 15:39:45,789 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 103/139 +[2024-10-13 15:39:45,889 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 104/139 +[2024-10-13 15:39:45,989 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 105/139 +[2024-10-13 15:39:46,089 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 106/139 +[2024-10-13 15:39:46,189 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 107/139 +[2024-10-13 15:39:46,288 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 108/139 +[2024-10-13 15:39:46,388 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 109/139 +[2024-10-13 15:39:46,488 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 110/139 +[2024-10-13 15:39:46,588 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 111/139 +[2024-10-13 15:39:46,687 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 112/139 +[2024-10-13 15:39:46,787 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 113/139 +[2024-10-13 15:39:46,887 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 114/139 +[2024-10-13 15:39:46,986 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 115/139 +[2024-10-13 15:39:47,086 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 116/139 +[2024-10-13 15:39:47,185 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 117/139 +[2024-10-13 15:39:47,285 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 118/139 +[2024-10-13 15:39:47,385 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 119/139 +[2024-10-13 15:39:47,484 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 120/139 +[2024-10-13 15:39:47,584 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 121/139 +[2024-10-13 15:39:47,683 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 122/139 +[2024-10-13 15:39:47,783 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 123/139 +[2024-10-13 15:39:47,883 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 124/139 +[2024-10-13 15:39:47,982 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 125/139 +[2024-10-13 15:39:48,082 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 126/139 +[2024-10-13 15:39:48,182 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 127/139 +[2024-10-13 15:39:48,277 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 128/139 +[2024-10-13 15:39:48,372 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 129/139 +[2024-10-13 15:39:48,466 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 130/139 +[2024-10-13 15:39:48,561 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 131/139 +[2024-10-13 15:39:48,656 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 132/139 +[2024-10-13 15:39:48,750 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 133/139 +[2024-10-13 15:39:48,845 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 134/139 +[2024-10-13 15:39:48,940 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 135/139 +[2024-10-13 15:39:49,035 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 136/139 +[2024-10-13 15:39:49,130 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 137/139 +[2024-10-13 15:39:49,224 INFO test.py line 186 25394] Test: 35/312-scene0084_02, Batch: 138/139 +[2024-10-13 15:39:49,358 INFO test.py line 272 25394] Test: scene0084_02 [35/312]-98346 Batch 13.520 (18.025) Accuracy 0.9208 (0.3668) mIoU 0.4258 (0.3041) +[2024-10-13 15:39:49,689 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 0/139 +[2024-10-13 15:39:49,968 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 1/139 +[2024-10-13 15:39:50,245 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 2/139 +[2024-10-13 15:39:50,521 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 3/139 +[2024-10-13 15:39:50,798 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 4/139 +[2024-10-13 15:39:51,074 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 5/139 +[2024-10-13 15:39:51,350 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 6/139 +[2024-10-13 15:39:51,626 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 7/139 +[2024-10-13 15:39:51,904 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 8/139 +[2024-10-13 15:39:52,181 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 9/139 +[2024-10-13 15:39:52,458 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 10/139 +[2024-10-13 15:39:52,735 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 11/139 +[2024-10-13 15:39:53,011 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 12/139 +[2024-10-13 15:39:53,288 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 13/139 +[2024-10-13 15:39:53,564 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 14/139 +[2024-10-13 15:39:53,841 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 15/139 +[2024-10-13 15:39:54,121 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 16/139 +[2024-10-13 15:39:54,398 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 17/139 +[2024-10-13 15:39:54,676 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 18/139 +[2024-10-13 15:39:54,953 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 19/139 +[2024-10-13 15:39:55,229 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 20/139 +[2024-10-13 15:39:55,506 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 21/139 +[2024-10-13 15:39:55,782 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 22/139 +[2024-10-13 15:39:56,058 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 23/139 +[2024-10-13 15:39:56,333 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 24/139 +[2024-10-13 15:39:56,608 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 25/139 +[2024-10-13 15:39:56,884 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 26/139 +[2024-10-13 15:39:57,160 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 27/139 +[2024-10-13 15:39:57,436 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 28/139 +[2024-10-13 15:39:57,711 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 29/139 +[2024-10-13 15:39:57,986 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 30/139 +[2024-10-13 15:39:58,262 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 31/139 +[2024-10-13 15:39:58,537 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 32/139 +[2024-10-13 15:39:58,812 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 33/139 +[2024-10-13 15:39:59,087 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 34/139 +[2024-10-13 15:39:59,362 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 35/139 +[2024-10-13 15:39:59,637 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 36/139 +[2024-10-13 15:39:59,912 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 37/139 +[2024-10-13 15:40:00,187 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 38/139 +[2024-10-13 15:40:00,462 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 39/139 +[2024-10-13 15:40:00,738 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 40/139 +[2024-10-13 15:40:01,014 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 41/139 +[2024-10-13 15:40:01,289 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 42/139 +[2024-10-13 15:40:01,564 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 43/139 +[2024-10-13 15:40:01,822 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 44/139 +[2024-10-13 15:40:02,080 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 45/139 +[2024-10-13 15:40:02,337 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 46/139 +[2024-10-13 15:40:02,595 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 47/139 +[2024-10-13 15:40:02,854 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 48/139 +[2024-10-13 15:40:03,112 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 49/139 +[2024-10-13 15:40:03,369 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 50/139 +[2024-10-13 15:40:03,628 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 51/139 +[2024-10-13 15:40:03,886 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 52/139 +[2024-10-13 15:40:04,144 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 53/139 +[2024-10-13 15:40:04,401 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 54/139 +[2024-10-13 15:40:04,659 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 55/139 +[2024-10-13 15:40:04,917 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 56/139 +[2024-10-13 15:40:05,174 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 57/139 +[2024-10-13 15:40:05,433 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 58/139 +[2024-10-13 15:40:05,691 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 59/139 +[2024-10-13 15:40:05,949 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 60/139 +[2024-10-13 15:40:06,207 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 61/139 +[2024-10-13 15:40:06,465 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 62/139 +[2024-10-13 15:40:06,722 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 63/139 +[2024-10-13 15:40:06,980 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 64/139 +[2024-10-13 15:40:07,238 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 65/139 +[2024-10-13 15:40:07,496 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 66/139 +[2024-10-13 15:40:07,754 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 67/139 +[2024-10-13 15:40:08,013 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 68/139 +[2024-10-13 15:40:08,272 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 69/139 +[2024-10-13 15:40:08,530 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 70/139 +[2024-10-13 15:40:08,789 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 71/139 +[2024-10-13 15:40:09,048 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 72/139 +[2024-10-13 15:40:09,306 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 73/139 +[2024-10-13 15:40:09,564 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 74/139 +[2024-10-13 15:40:09,822 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 75/139 +[2024-10-13 15:40:10,080 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 76/139 +[2024-10-13 15:40:10,339 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 77/139 +[2024-10-13 15:40:10,598 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 78/139 +[2024-10-13 15:40:10,857 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 79/139 +[2024-10-13 15:40:11,116 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 80/139 +[2024-10-13 15:40:11,375 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 81/139 +[2024-10-13 15:40:11,634 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 82/139 +[2024-10-13 15:40:11,893 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 83/139 +[2024-10-13 15:40:12,152 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 84/139 +[2024-10-13 15:40:12,411 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 85/139 +[2024-10-13 15:40:12,671 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 86/139 +[2024-10-13 15:40:12,930 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 87/139 +[2024-10-13 15:40:13,223 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 88/139 +[2024-10-13 15:40:13,516 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 89/139 +[2024-10-13 15:40:13,810 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 90/139 +[2024-10-13 15:40:14,103 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 91/139 +[2024-10-13 15:40:14,397 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 92/139 +[2024-10-13 15:40:14,691 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 93/139 +[2024-10-13 15:40:14,984 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 94/139 +[2024-10-13 15:40:15,277 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 95/139 +[2024-10-13 15:40:15,570 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 96/139 +[2024-10-13 15:40:15,863 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 97/139 +[2024-10-13 15:40:16,157 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 98/139 +[2024-10-13 15:40:16,450 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 99/139 +[2024-10-13 15:40:16,744 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 100/139 +[2024-10-13 15:40:17,037 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 101/139 +[2024-10-13 15:40:17,330 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 102/139 +[2024-10-13 15:40:17,624 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 103/139 +[2024-10-13 15:40:17,917 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 104/139 +[2024-10-13 15:40:18,210 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 105/139 +[2024-10-13 15:40:18,503 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 106/139 +[2024-10-13 15:40:18,797 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 107/139 +[2024-10-13 15:40:19,091 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 108/139 +[2024-10-13 15:40:19,385 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 109/139 +[2024-10-13 15:40:19,679 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 110/139 +[2024-10-13 15:40:19,974 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 111/139 +[2024-10-13 15:40:20,268 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 112/139 +[2024-10-13 15:40:20,562 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 113/139 +[2024-10-13 15:40:20,856 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 114/139 +[2024-10-13 15:40:21,150 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 115/139 +[2024-10-13 15:40:21,445 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 116/139 +[2024-10-13 15:40:21,739 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 117/139 +[2024-10-13 15:40:22,034 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 118/139 +[2024-10-13 15:40:22,328 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 119/139 +[2024-10-13 15:40:22,622 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 120/139 +[2024-10-13 15:40:22,916 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 121/139 +[2024-10-13 15:40:23,211 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 122/139 +[2024-10-13 15:40:23,506 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 123/139 +[2024-10-13 15:40:23,800 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 124/139 +[2024-10-13 15:40:24,094 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 125/139 +[2024-10-13 15:40:24,389 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 126/139 +[2024-10-13 15:40:24,684 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 127/139 +[2024-10-13 15:40:24,959 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 128/139 +[2024-10-13 15:40:25,234 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 129/139 +[2024-10-13 15:40:25,509 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 130/139 +[2024-10-13 15:40:25,784 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 131/139 +[2024-10-13 15:40:26,060 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 132/139 +[2024-10-13 15:40:26,335 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 133/139 +[2024-10-13 15:40:26,610 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 134/139 +[2024-10-13 15:40:26,886 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 135/139 +[2024-10-13 15:40:27,161 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 136/139 +[2024-10-13 15:40:27,436 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 137/139 +[2024-10-13 15:40:27,712 INFO test.py line 186 25394] Test: 36/312-scene0231_02, Batch: 138/139 +[2024-10-13 15:40:28,156 INFO test.py line 272 25394] Test: scene0231_02 [36/312]-353013 Batch 38.798 (18.602) Accuracy 0.8072 (0.3742) mIoU 0.3307 (0.3044) +[2024-10-13 15:40:28,394 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 0/143 +[2024-10-13 15:40:28,599 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 1/143 +[2024-10-13 15:40:28,800 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 2/143 +[2024-10-13 15:40:29,002 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 3/143 +[2024-10-13 15:40:29,203 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 4/143 +[2024-10-13 15:40:29,405 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 5/143 +[2024-10-13 15:40:29,605 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 6/143 +[2024-10-13 15:40:29,806 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 7/143 +[2024-10-13 15:40:30,008 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 8/143 +[2024-10-13 15:40:30,213 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 9/143 +[2024-10-13 15:40:30,413 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 10/143 +[2024-10-13 15:40:30,617 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 11/143 +[2024-10-13 15:40:30,818 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 12/143 +[2024-10-13 15:40:31,019 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 13/143 +[2024-10-13 15:40:31,221 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 14/143 +[2024-10-13 15:40:31,422 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 15/143 +[2024-10-13 15:40:31,624 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 16/143 +[2024-10-13 15:40:31,826 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 17/143 +[2024-10-13 15:40:32,027 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 18/143 +[2024-10-13 15:40:32,229 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 19/143 +[2024-10-13 15:40:32,430 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 20/143 +[2024-10-13 15:40:32,632 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 21/143 +[2024-10-13 15:40:32,833 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 22/143 +[2024-10-13 15:40:33,033 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 23/143 +[2024-10-13 15:40:33,233 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 24/143 +[2024-10-13 15:40:33,433 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 25/143 +[2024-10-13 15:40:33,634 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 26/143 +[2024-10-13 15:40:33,834 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 27/143 +[2024-10-13 15:40:34,035 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 28/143 +[2024-10-13 15:40:34,235 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 29/143 +[2024-10-13 15:40:34,435 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 30/143 +[2024-10-13 15:40:34,635 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 31/143 +[2024-10-13 15:40:34,835 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 32/143 +[2024-10-13 15:40:35,036 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 33/143 +[2024-10-13 15:40:35,236 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 34/143 +[2024-10-13 15:40:35,437 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 35/143 +[2024-10-13 15:40:35,639 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 36/143 +[2024-10-13 15:40:35,840 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 37/143 +[2024-10-13 15:40:36,041 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 38/143 +[2024-10-13 15:40:36,243 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 39/143 +[2024-10-13 15:40:36,444 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 40/143 +[2024-10-13 15:40:36,644 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 41/143 +[2024-10-13 15:40:36,845 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 42/143 +[2024-10-13 15:40:37,046 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 43/143 +[2024-10-13 15:40:37,232 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 44/143 +[2024-10-13 15:40:37,417 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 45/143 +[2024-10-13 15:40:37,603 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 46/143 +[2024-10-13 15:40:37,789 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 47/143 +[2024-10-13 15:40:37,974 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 48/143 +[2024-10-13 15:40:38,160 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 49/143 +[2024-10-13 15:40:38,346 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 50/143 +[2024-10-13 15:40:38,533 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 51/143 +[2024-10-13 15:40:38,718 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 52/143 +[2024-10-13 15:40:38,904 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 53/143 +[2024-10-13 15:40:39,090 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 54/143 +[2024-10-13 15:40:39,276 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 55/143 +[2024-10-13 15:40:39,461 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 56/143 +[2024-10-13 15:40:39,647 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 57/143 +[2024-10-13 15:40:39,833 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 58/143 +[2024-10-13 15:40:40,018 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 59/143 +[2024-10-13 15:40:40,204 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 60/143 +[2024-10-13 15:40:40,389 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 61/143 +[2024-10-13 15:40:40,575 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 62/143 +[2024-10-13 15:40:40,761 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 63/143 +[2024-10-13 15:40:40,946 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 64/143 +[2024-10-13 15:40:41,132 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 65/143 +[2024-10-13 15:40:41,317 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 66/143 +[2024-10-13 15:40:41,503 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 67/143 +[2024-10-13 15:40:41,688 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 68/143 +[2024-10-13 15:40:41,874 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 69/143 +[2024-10-13 15:40:42,060 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 70/143 +[2024-10-13 15:40:42,246 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 71/143 +[2024-10-13 15:40:42,432 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 72/143 +[2024-10-13 15:40:42,617 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 73/143 +[2024-10-13 15:40:42,802 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 74/143 +[2024-10-13 15:40:42,988 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 75/143 +[2024-10-13 15:40:43,174 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 76/143 +[2024-10-13 15:40:43,360 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 77/143 +[2024-10-13 15:40:43,545 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 78/143 +[2024-10-13 15:40:43,731 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 79/143 +[2024-10-13 15:40:43,917 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 80/143 +[2024-10-13 15:40:44,102 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 81/143 +[2024-10-13 15:40:44,288 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 82/143 +[2024-10-13 15:40:44,474 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 83/143 +[2024-10-13 15:40:44,660 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 84/143 +[2024-10-13 15:40:44,846 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 85/143 +[2024-10-13 15:40:45,032 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 86/143 +[2024-10-13 15:40:45,218 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 87/143 +[2024-10-13 15:40:45,404 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 88/143 +[2024-10-13 15:40:45,590 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 89/143 +[2024-10-13 15:40:45,776 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 90/143 +[2024-10-13 15:40:45,962 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 91/143 +[2024-10-13 15:40:46,148 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 92/143 +[2024-10-13 15:40:46,334 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 93/143 +[2024-10-13 15:40:46,521 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 94/143 +[2024-10-13 15:40:46,707 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 95/143 +[2024-10-13 15:40:46,920 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 96/143 +[2024-10-13 15:40:47,133 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 97/143 +[2024-10-13 15:40:47,347 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 98/143 +[2024-10-13 15:40:47,560 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 99/143 +[2024-10-13 15:40:47,774 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 100/143 +[2024-10-13 15:40:47,987 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 101/143 +[2024-10-13 15:40:48,200 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 102/143 +[2024-10-13 15:40:48,412 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 103/143 +[2024-10-13 15:40:48,625 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 104/143 +[2024-10-13 15:40:48,837 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 105/143 +[2024-10-13 15:40:49,050 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 106/143 +[2024-10-13 15:40:49,263 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 107/143 +[2024-10-13 15:40:49,476 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 108/143 +[2024-10-13 15:40:49,688 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 109/143 +[2024-10-13 15:40:49,901 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 110/143 +[2024-10-13 15:40:50,114 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 111/143 +[2024-10-13 15:40:50,327 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 112/143 +[2024-10-13 15:40:50,539 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 113/143 +[2024-10-13 15:40:50,751 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 114/143 +[2024-10-13 15:40:50,963 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 115/143 +[2024-10-13 15:40:51,175 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 116/143 +[2024-10-13 15:40:51,387 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 117/143 +[2024-10-13 15:40:51,599 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 118/143 +[2024-10-13 15:40:51,811 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 119/143 +[2024-10-13 15:40:52,023 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 120/143 +[2024-10-13 15:40:52,235 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 121/143 +[2024-10-13 15:40:52,447 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 122/143 +[2024-10-13 15:40:52,659 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 123/143 +[2024-10-13 15:40:52,872 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 124/143 +[2024-10-13 15:40:53,084 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 125/143 +[2024-10-13 15:40:53,296 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 126/143 +[2024-10-13 15:40:53,509 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 127/143 +[2024-10-13 15:40:53,722 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 128/143 +[2024-10-13 15:40:53,934 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 129/143 +[2024-10-13 15:40:54,147 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 130/143 +[2024-10-13 15:40:54,359 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 131/143 +[2024-10-13 15:40:54,559 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 132/143 +[2024-10-13 15:40:54,758 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 133/143 +[2024-10-13 15:40:54,958 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 134/143 +[2024-10-13 15:40:55,158 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 135/143 +[2024-10-13 15:40:55,358 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 136/143 +[2024-10-13 15:40:55,558 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 137/143 +[2024-10-13 15:40:55,757 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 138/143 +[2024-10-13 15:40:55,957 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 139/143 +[2024-10-13 15:40:56,157 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 140/143 +[2024-10-13 15:40:56,357 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 141/143 +[2024-10-13 15:40:56,556 INFO test.py line 186 25394] Test: 37/312-scene0629_01, Batch: 142/143 +[2024-10-13 15:40:56,862 INFO test.py line 272 25394] Test: scene0629_01 [37/312]-244962 Batch 28.706 (18.875) Accuracy 0.7418 (0.3757) mIoU 0.3651 (0.3037) +[2024-10-13 15:40:57,090 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 0/125 +[2024-10-13 15:40:57,287 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 1/125 +[2024-10-13 15:40:57,484 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 2/125 +[2024-10-13 15:40:57,676 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 3/125 +[2024-10-13 15:40:57,868 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 4/125 +[2024-10-13 15:40:58,060 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 5/125 +[2024-10-13 15:40:58,252 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 6/125 +[2024-10-13 15:40:58,444 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 7/125 +[2024-10-13 15:40:58,635 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 8/125 +[2024-10-13 15:40:58,827 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 9/125 +[2024-10-13 15:40:59,019 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 10/125 +[2024-10-13 15:40:59,212 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 11/125 +[2024-10-13 15:40:59,404 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 12/125 +[2024-10-13 15:40:59,596 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 13/125 +[2024-10-13 15:40:59,788 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 14/125 +[2024-10-13 15:40:59,980 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 15/125 +[2024-10-13 15:41:00,172 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 16/125 +[2024-10-13 15:41:00,366 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 17/125 +[2024-10-13 15:41:00,558 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 18/125 +[2024-10-13 15:41:00,750 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 19/125 +[2024-10-13 15:41:00,959 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 20/125 +[2024-10-13 15:41:01,152 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 21/125 +[2024-10-13 15:41:01,344 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 22/125 +[2024-10-13 15:41:01,536 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 23/125 +[2024-10-13 15:41:01,728 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 24/125 +[2024-10-13 15:41:01,920 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 25/125 +[2024-10-13 15:41:02,112 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 26/125 +[2024-10-13 15:41:02,304 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 27/125 +[2024-10-13 15:41:02,496 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 28/125 +[2024-10-13 15:41:02,687 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 29/125 +[2024-10-13 15:41:02,879 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 30/125 +[2024-10-13 15:41:03,071 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 31/125 +[2024-10-13 15:41:03,262 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 32/125 +[2024-10-13 15:41:03,454 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 33/125 +[2024-10-13 15:41:03,645 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 34/125 +[2024-10-13 15:41:03,837 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 35/125 +[2024-10-13 15:41:04,017 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 36/125 +[2024-10-13 15:41:04,198 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 37/125 +[2024-10-13 15:41:04,379 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 38/125 +[2024-10-13 15:41:04,560 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 39/125 +[2024-10-13 15:41:04,741 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 40/125 +[2024-10-13 15:41:04,922 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 41/125 +[2024-10-13 15:41:05,103 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 42/125 +[2024-10-13 15:41:05,284 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 43/125 +[2024-10-13 15:41:05,465 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 44/125 +[2024-10-13 15:41:05,646 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 45/125 +[2024-10-13 15:41:05,827 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 46/125 +[2024-10-13 15:41:06,007 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 47/125 +[2024-10-13 15:41:06,186 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 48/125 +[2024-10-13 15:41:06,365 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 49/125 +[2024-10-13 15:41:06,544 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 50/125 +[2024-10-13 15:41:06,724 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 51/125 +[2024-10-13 15:41:06,903 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 52/125 +[2024-10-13 15:41:07,083 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 53/125 +[2024-10-13 15:41:07,263 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 54/125 +[2024-10-13 15:41:07,443 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 55/125 +[2024-10-13 15:41:07,622 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 56/125 +[2024-10-13 15:41:07,802 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 57/125 +[2024-10-13 15:41:07,982 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 58/125 +[2024-10-13 15:41:08,161 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 59/125 +[2024-10-13 15:41:08,341 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 60/125 +[2024-10-13 15:41:08,520 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 61/125 +[2024-10-13 15:41:08,701 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 62/125 +[2024-10-13 15:41:08,880 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 63/125 +[2024-10-13 15:41:09,060 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 64/125 +[2024-10-13 15:41:09,239 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 65/125 +[2024-10-13 15:41:09,419 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 66/125 +[2024-10-13 15:41:09,599 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 67/125 +[2024-10-13 15:41:09,779 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 68/125 +[2024-10-13 15:41:09,960 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 69/125 +[2024-10-13 15:41:10,141 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 70/125 +[2024-10-13 15:41:10,322 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 71/125 +[2024-10-13 15:41:10,503 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 72/125 +[2024-10-13 15:41:10,684 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 73/125 +[2024-10-13 15:41:10,865 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 74/125 +[2024-10-13 15:41:11,046 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 75/125 +[2024-10-13 15:41:11,227 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 76/125 +[2024-10-13 15:41:11,408 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 77/125 +[2024-10-13 15:41:11,588 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 78/125 +[2024-10-13 15:41:11,769 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 79/125 +[2024-10-13 15:41:11,976 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 80/125 +[2024-10-13 15:41:12,183 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 81/125 +[2024-10-13 15:41:12,391 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 82/125 +[2024-10-13 15:41:12,598 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 83/125 +[2024-10-13 15:41:12,805 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 84/125 +[2024-10-13 15:41:13,012 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 85/125 +[2024-10-13 15:41:13,218 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 86/125 +[2024-10-13 15:41:13,425 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 87/125 +[2024-10-13 15:41:13,633 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 88/125 +[2024-10-13 15:41:13,840 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 89/125 +[2024-10-13 15:41:14,047 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 90/125 +[2024-10-13 15:41:14,254 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 91/125 +[2024-10-13 15:41:14,462 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 92/125 +[2024-10-13 15:41:14,669 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 93/125 +[2024-10-13 15:41:14,877 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 94/125 +[2024-10-13 15:41:15,084 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 95/125 +[2024-10-13 15:41:15,291 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 96/125 +[2024-10-13 15:41:15,498 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 97/125 +[2024-10-13 15:41:15,705 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 98/125 +[2024-10-13 15:41:15,912 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 99/125 +[2024-10-13 15:41:16,119 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 100/125 +[2024-10-13 15:41:16,326 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 101/125 +[2024-10-13 15:41:16,533 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 102/125 +[2024-10-13 15:41:16,739 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 103/125 +[2024-10-13 15:41:16,946 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 104/125 +[2024-10-13 15:41:17,153 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 105/125 +[2024-10-13 15:41:17,359 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 106/125 +[2024-10-13 15:41:17,566 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 107/125 +[2024-10-13 15:41:17,773 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 108/125 +[2024-10-13 15:41:17,981 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 109/125 +[2024-10-13 15:41:18,188 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 110/125 +[2024-10-13 15:41:18,395 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 111/125 +[2024-10-13 15:41:18,602 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 112/125 +[2024-10-13 15:41:18,808 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 113/125 +[2024-10-13 15:41:19,015 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 114/125 +[2024-10-13 15:41:19,222 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 115/125 +[2024-10-13 15:41:19,413 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 116/125 +[2024-10-13 15:41:19,606 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 117/125 +[2024-10-13 15:41:19,797 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 118/125 +[2024-10-13 15:41:19,989 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 119/125 +[2024-10-13 15:41:20,181 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 120/125 +[2024-10-13 15:41:20,372 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 121/125 +[2024-10-13 15:41:20,564 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 122/125 +[2024-10-13 15:41:20,756 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 123/125 +[2024-10-13 15:41:20,947 INFO test.py line 186 25394] Test: 38/312-scene0608_02, Batch: 124/125 +[2024-10-13 15:41:21,239 INFO test.py line 272 25394] Test: scene0608_02 [38/312]-235030 Batch 24.377 (19.019) Accuracy 0.7308 (0.3735) mIoU 0.3369 (0.3041) +[2024-10-13 15:41:21,341 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 0/143 +[2024-10-13 15:41:21,430 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 1/143 +[2024-10-13 15:41:21,520 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 2/143 +[2024-10-13 15:41:21,610 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 3/143 +[2024-10-13 15:41:21,707 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 4/143 +[2024-10-13 15:41:21,804 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 5/143 +[2024-10-13 15:41:21,893 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 6/143 +[2024-10-13 15:41:21,983 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 7/143 +[2024-10-13 15:41:22,072 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 8/143 +[2024-10-13 15:41:22,162 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 9/143 +[2024-10-13 15:41:22,251 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 10/143 +[2024-10-13 15:41:22,340 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 11/143 +[2024-10-13 15:41:22,429 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 12/143 +[2024-10-13 15:41:22,519 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 13/143 +[2024-10-13 15:41:22,608 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 14/143 +[2024-10-13 15:41:22,697 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 15/143 +[2024-10-13 15:41:22,787 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 16/143 +[2024-10-13 15:41:22,876 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 17/143 +[2024-10-13 15:41:22,966 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 18/143 +[2024-10-13 15:41:23,055 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 19/143 +[2024-10-13 15:41:23,144 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 20/143 +[2024-10-13 15:41:23,234 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 21/143 +[2024-10-13 15:41:23,323 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 22/143 +[2024-10-13 15:41:23,413 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 23/143 +[2024-10-13 15:41:23,502 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 24/143 +[2024-10-13 15:41:23,591 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 25/143 +[2024-10-13 15:41:23,681 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 26/143 +[2024-10-13 15:41:23,770 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 27/143 +[2024-10-13 15:41:23,859 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 28/143 +[2024-10-13 15:41:23,948 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 29/143 +[2024-10-13 15:41:24,037 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 30/143 +[2024-10-13 15:41:24,126 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 31/143 +[2024-10-13 15:41:24,216 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 32/143 +[2024-10-13 15:41:24,305 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 33/143 +[2024-10-13 15:41:24,394 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 34/143 +[2024-10-13 15:41:24,483 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 35/143 +[2024-10-13 15:41:24,572 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 36/143 +[2024-10-13 15:41:24,661 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 37/143 +[2024-10-13 15:41:24,751 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 38/143 +[2024-10-13 15:41:24,840 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 39/143 +[2024-10-13 15:41:24,929 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 40/143 +[2024-10-13 15:41:25,018 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 41/143 +[2024-10-13 15:41:25,107 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 42/143 +[2024-10-13 15:41:25,197 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 43/143 +[2024-10-13 15:41:25,283 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 44/143 +[2024-10-13 15:41:25,369 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 45/143 +[2024-10-13 15:41:25,455 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 46/143 +[2024-10-13 15:41:25,541 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 47/143 +[2024-10-13 15:41:25,627 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 48/143 +[2024-10-13 15:41:25,713 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 49/143 +[2024-10-13 15:41:25,799 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 50/143 +[2024-10-13 15:41:25,885 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 51/143 +[2024-10-13 15:41:25,972 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 52/143 +[2024-10-13 15:41:26,064 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 53/143 +[2024-10-13 15:41:26,150 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 54/143 +[2024-10-13 15:41:26,237 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 55/143 +[2024-10-13 15:41:26,323 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 56/143 +[2024-10-13 15:41:26,409 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 57/143 +[2024-10-13 15:41:26,496 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 58/143 +[2024-10-13 15:41:26,582 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 59/143 +[2024-10-13 15:41:26,682 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 60/143 +[2024-10-13 15:41:26,793 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 61/143 +[2024-10-13 15:41:26,883 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 62/143 +[2024-10-13 15:41:26,970 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 63/143 +[2024-10-13 15:41:27,058 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 64/143 +[2024-10-13 15:41:27,145 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 65/143 +[2024-10-13 15:41:27,231 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 66/143 +[2024-10-13 15:41:27,317 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 67/143 +[2024-10-13 15:41:27,403 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 68/143 +[2024-10-13 15:41:27,489 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 69/143 +[2024-10-13 15:41:27,575 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 70/143 +[2024-10-13 15:41:27,661 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 71/143 +[2024-10-13 15:41:27,746 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 72/143 +[2024-10-13 15:41:27,832 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 73/143 +[2024-10-13 15:41:27,918 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 74/143 +[2024-10-13 15:41:28,004 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 75/143 +[2024-10-13 15:41:28,090 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 76/143 +[2024-10-13 15:41:28,176 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 77/143 +[2024-10-13 15:41:28,261 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 78/143 +[2024-10-13 15:41:28,347 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 79/143 +[2024-10-13 15:41:28,434 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 80/143 +[2024-10-13 15:41:28,520 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 81/143 +[2024-10-13 15:41:28,606 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 82/143 +[2024-10-13 15:41:28,692 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 83/143 +[2024-10-13 15:41:28,778 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 84/143 +[2024-10-13 15:41:28,865 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 85/143 +[2024-10-13 15:41:28,951 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 86/143 +[2024-10-13 15:41:29,037 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 87/143 +[2024-10-13 15:41:29,123 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 88/143 +[2024-10-13 15:41:29,209 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 89/143 +[2024-10-13 15:41:29,296 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 90/143 +[2024-10-13 15:41:29,382 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 91/143 +[2024-10-13 15:41:29,475 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 92/143 +[2024-10-13 15:41:29,569 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 93/143 +[2024-10-13 15:41:29,662 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 94/143 +[2024-10-13 15:41:29,756 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 95/143 +[2024-10-13 15:41:29,850 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 96/143 +[2024-10-13 15:41:29,944 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 97/143 +[2024-10-13 15:41:30,037 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 98/143 +[2024-10-13 15:41:30,131 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 99/143 +[2024-10-13 15:41:30,225 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 100/143 +[2024-10-13 15:41:30,318 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 101/143 +[2024-10-13 15:41:30,412 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 102/143 +[2024-10-13 15:41:30,505 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 103/143 +[2024-10-13 15:41:30,599 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 104/143 +[2024-10-13 15:41:30,693 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 105/143 +[2024-10-13 15:41:30,786 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 106/143 +[2024-10-13 15:41:30,880 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 107/143 +[2024-10-13 15:41:30,974 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 108/143 +[2024-10-13 15:41:31,068 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 109/143 +[2024-10-13 15:41:31,161 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 110/143 +[2024-10-13 15:41:31,255 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 111/143 +[2024-10-13 15:41:31,350 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 112/143 +[2024-10-13 15:41:31,445 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 113/143 +[2024-10-13 15:41:31,540 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 114/143 +[2024-10-13 15:41:31,634 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 115/143 +[2024-10-13 15:41:31,729 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 116/143 +[2024-10-13 15:41:31,824 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 117/143 +[2024-10-13 15:41:31,919 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 118/143 +[2024-10-13 15:41:32,013 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 119/143 +[2024-10-13 15:41:32,108 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 120/143 +[2024-10-13 15:41:32,203 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 121/143 +[2024-10-13 15:41:32,296 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 122/143 +[2024-10-13 15:41:32,390 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 123/143 +[2024-10-13 15:41:32,483 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 124/143 +[2024-10-13 15:41:32,577 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 125/143 +[2024-10-13 15:41:32,670 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 126/143 +[2024-10-13 15:41:32,764 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 127/143 +[2024-10-13 15:41:32,858 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 128/143 +[2024-10-13 15:41:32,951 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 129/143 +[2024-10-13 15:41:33,045 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 130/143 +[2024-10-13 15:41:33,139 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 131/143 +[2024-10-13 15:41:33,228 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 132/143 +[2024-10-13 15:41:33,317 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 133/143 +[2024-10-13 15:41:33,406 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 134/143 +[2024-10-13 15:41:33,496 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 135/143 +[2024-10-13 15:41:33,585 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 136/143 +[2024-10-13 15:41:33,674 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 137/143 +[2024-10-13 15:41:33,763 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 138/143 +[2024-10-13 15:41:33,852 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 139/143 +[2024-10-13 15:41:33,941 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 140/143 +[2024-10-13 15:41:34,030 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 141/143 +[2024-10-13 15:41:34,120 INFO test.py line 186 25394] Test: 39/312-scene0651_00, Batch: 142/143 +[2024-10-13 15:41:34,240 INFO test.py line 272 25394] Test: scene0651_00 [39/312]-88450 Batch 13.000 (18.865) Accuracy 0.9669 (0.3831) mIoU 0.7596 (0.3136) +[2024-10-13 15:41:34,402 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 0/138 +[2024-10-13 15:41:34,539 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 1/138 +[2024-10-13 15:41:34,676 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 2/138 +[2024-10-13 15:41:34,818 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 3/138 +[2024-10-13 15:41:34,956 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 4/138 +[2024-10-13 15:41:35,092 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 5/138 +[2024-10-13 15:41:35,229 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 6/138 +[2024-10-13 15:41:35,366 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 7/138 +[2024-10-13 15:41:35,503 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 8/138 +[2024-10-13 15:41:35,640 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 9/138 +[2024-10-13 15:41:35,777 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 10/138 +[2024-10-13 15:41:35,913 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 11/138 +[2024-10-13 15:41:36,050 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 12/138 +[2024-10-13 15:41:36,186 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 13/138 +[2024-10-13 15:41:36,323 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 14/138 +[2024-10-13 15:41:36,459 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 15/138 +[2024-10-13 15:41:36,596 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 16/138 +[2024-10-13 15:41:36,732 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 17/138 +[2024-10-13 15:41:36,869 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 18/138 +[2024-10-13 15:41:37,005 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 19/138 +[2024-10-13 15:41:37,142 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 20/138 +[2024-10-13 15:41:37,278 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 21/138 +[2024-10-13 15:41:37,415 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 22/138 +[2024-10-13 15:41:37,551 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 23/138 +[2024-10-13 15:41:37,688 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 24/138 +[2024-10-13 15:41:37,824 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 25/138 +[2024-10-13 15:41:37,961 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 26/138 +[2024-10-13 15:41:38,097 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 27/138 +[2024-10-13 15:41:38,233 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 28/138 +[2024-10-13 15:41:38,370 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 29/138 +[2024-10-13 15:41:38,506 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 30/138 +[2024-10-13 15:41:38,643 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 31/138 +[2024-10-13 15:41:38,779 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 32/138 +[2024-10-13 15:41:38,916 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 33/138 +[2024-10-13 15:41:39,052 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 34/138 +[2024-10-13 15:41:39,189 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 35/138 +[2024-10-13 15:41:39,325 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 36/138 +[2024-10-13 15:41:39,461 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 37/138 +[2024-10-13 15:41:39,598 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 38/138 +[2024-10-13 15:41:39,734 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 39/138 +[2024-10-13 15:41:39,863 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 40/138 +[2024-10-13 15:41:39,991 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 41/138 +[2024-10-13 15:41:40,119 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 42/138 +[2024-10-13 15:41:40,248 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 43/138 +[2024-10-13 15:41:40,376 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 44/138 +[2024-10-13 15:41:40,505 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 45/138 +[2024-10-13 15:41:40,633 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 46/138 +[2024-10-13 15:41:40,761 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 47/138 +[2024-10-13 15:41:40,944 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 48/138 +[2024-10-13 15:41:41,073 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 49/138 +[2024-10-13 15:41:41,202 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 50/138 +[2024-10-13 15:41:41,332 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 51/138 +[2024-10-13 15:41:41,461 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 52/138 +[2024-10-13 15:41:41,589 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 53/138 +[2024-10-13 15:41:41,718 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 54/138 +[2024-10-13 15:41:41,847 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 55/138 +[2024-10-13 15:41:41,976 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 56/138 +[2024-10-13 15:41:42,105 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 57/138 +[2024-10-13 15:41:42,234 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 58/138 +[2024-10-13 15:41:42,363 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 59/138 +[2024-10-13 15:41:42,492 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 60/138 +[2024-10-13 15:41:42,620 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 61/138 +[2024-10-13 15:41:42,749 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 62/138 +[2024-10-13 15:41:42,878 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 63/138 +[2024-10-13 15:41:43,007 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 64/138 +[2024-10-13 15:41:43,136 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 65/138 +[2024-10-13 15:41:43,264 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 66/138 +[2024-10-13 15:41:43,393 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 67/138 +[2024-10-13 15:41:43,522 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 68/138 +[2024-10-13 15:41:43,651 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 69/138 +[2024-10-13 15:41:43,780 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 70/138 +[2024-10-13 15:41:43,909 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 71/138 +[2024-10-13 15:41:44,038 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 72/138 +[2024-10-13 15:41:44,166 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 73/138 +[2024-10-13 15:41:44,295 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 74/138 +[2024-10-13 15:41:44,424 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 75/138 +[2024-10-13 15:41:44,553 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 76/138 +[2024-10-13 15:41:44,682 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 77/138 +[2024-10-13 15:41:44,811 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 78/138 +[2024-10-13 15:41:44,940 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 79/138 +[2024-10-13 15:41:45,069 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 80/138 +[2024-10-13 15:41:45,198 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 81/138 +[2024-10-13 15:41:45,326 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 82/138 +[2024-10-13 15:41:45,456 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 83/138 +[2024-10-13 15:41:45,585 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 84/138 +[2024-10-13 15:41:45,714 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 85/138 +[2024-10-13 15:41:45,843 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 86/138 +[2024-10-13 15:41:45,972 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 87/138 +[2024-10-13 15:41:46,116 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 88/138 +[2024-10-13 15:41:46,261 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 89/138 +[2024-10-13 15:41:46,405 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 90/138 +[2024-10-13 15:41:46,549 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 91/138 +[2024-10-13 15:41:46,694 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 92/138 +[2024-10-13 15:41:46,839 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 93/138 +[2024-10-13 15:41:46,983 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 94/138 +[2024-10-13 15:41:47,127 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 95/138 +[2024-10-13 15:41:47,272 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 96/138 +[2024-10-13 15:41:47,416 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 97/138 +[2024-10-13 15:41:47,561 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 98/138 +[2024-10-13 15:41:47,706 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 99/138 +[2024-10-13 15:41:47,850 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 100/138 +[2024-10-13 15:41:47,995 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 101/138 +[2024-10-13 15:41:48,140 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 102/138 +[2024-10-13 15:41:48,284 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 103/138 +[2024-10-13 15:41:48,429 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 104/138 +[2024-10-13 15:41:48,573 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 105/138 +[2024-10-13 15:41:48,718 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 106/138 +[2024-10-13 15:41:48,863 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 107/138 +[2024-10-13 15:41:49,007 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 108/138 +[2024-10-13 15:41:49,151 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 109/138 +[2024-10-13 15:41:49,295 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 110/138 +[2024-10-13 15:41:49,439 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 111/138 +[2024-10-13 15:41:49,583 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 112/138 +[2024-10-13 15:41:49,727 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 113/138 +[2024-10-13 15:41:49,871 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 114/138 +[2024-10-13 15:41:50,016 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 115/138 +[2024-10-13 15:41:50,160 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 116/138 +[2024-10-13 15:41:50,304 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 117/138 +[2024-10-13 15:41:50,447 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 118/138 +[2024-10-13 15:41:50,591 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 119/138 +[2024-10-13 15:41:50,734 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 120/138 +[2024-10-13 15:41:50,878 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 121/138 +[2024-10-13 15:41:51,022 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 122/138 +[2024-10-13 15:41:51,165 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 123/138 +[2024-10-13 15:41:51,309 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 124/138 +[2024-10-13 15:41:51,459 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 125/138 +[2024-10-13 15:41:51,602 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 126/138 +[2024-10-13 15:41:51,745 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 127/138 +[2024-10-13 15:41:51,881 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 128/138 +[2024-10-13 15:41:52,018 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 129/138 +[2024-10-13 15:41:52,154 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 130/138 +[2024-10-13 15:41:52,290 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 131/138 +[2024-10-13 15:41:52,427 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 132/138 +[2024-10-13 15:41:52,563 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 133/138 +[2024-10-13 15:41:52,699 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 134/138 +[2024-10-13 15:41:52,835 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 135/138 +[2024-10-13 15:41:52,971 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 136/138 +[2024-10-13 15:41:53,107 INFO test.py line 186 25394] Test: 40/312-scene0149_00, Batch: 137/138 +[2024-10-13 15:41:53,319 INFO test.py line 272 25394] Test: scene0149_00 [40/312]-162396 Batch 19.079 (18.870) Accuracy 0.9437 (0.3897) mIoU 0.5550 (0.3186) +[2024-10-13 15:41:53,534 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 0/139 +[2024-10-13 15:41:53,716 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 1/139 +[2024-10-13 15:41:53,903 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 2/139 +[2024-10-13 15:41:54,085 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 3/139 +[2024-10-13 15:41:54,266 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 4/139 +[2024-10-13 15:41:54,448 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 5/139 +[2024-10-13 15:41:54,629 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 6/139 +[2024-10-13 15:41:54,811 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 7/139 +[2024-10-13 15:41:54,993 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 8/139 +[2024-10-13 15:41:55,174 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 9/139 +[2024-10-13 15:41:55,355 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 10/139 +[2024-10-13 15:41:55,536 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 11/139 +[2024-10-13 15:41:55,717 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 12/139 +[2024-10-13 15:41:55,898 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 13/139 +[2024-10-13 15:41:56,082 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 14/139 +[2024-10-13 15:41:56,263 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 15/139 +[2024-10-13 15:41:56,444 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 16/139 +[2024-10-13 15:41:56,628 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 17/139 +[2024-10-13 15:41:56,809 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 18/139 +[2024-10-13 15:41:56,991 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 19/139 +[2024-10-13 15:41:57,174 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 20/139 +[2024-10-13 15:41:57,356 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 21/139 +[2024-10-13 15:41:57,538 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 22/139 +[2024-10-13 15:41:57,721 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 23/139 +[2024-10-13 15:41:57,903 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 24/139 +[2024-10-13 15:41:58,085 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 25/139 +[2024-10-13 15:41:58,267 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 26/139 +[2024-10-13 15:41:58,450 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 27/139 +[2024-10-13 15:41:58,632 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 28/139 +[2024-10-13 15:41:58,814 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 29/139 +[2024-10-13 15:41:58,996 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 30/139 +[2024-10-13 15:41:59,178 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 31/139 +[2024-10-13 15:41:59,360 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 32/139 +[2024-10-13 15:41:59,541 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 33/139 +[2024-10-13 15:41:59,722 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 34/139 +[2024-10-13 15:41:59,904 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 35/139 +[2024-10-13 15:42:00,085 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 36/139 +[2024-10-13 15:42:00,266 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 37/139 +[2024-10-13 15:42:00,447 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 38/139 +[2024-10-13 15:42:00,628 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 39/139 +[2024-10-13 15:42:00,809 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 40/139 +[2024-10-13 15:42:00,990 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 41/139 +[2024-10-13 15:42:01,171 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 42/139 +[2024-10-13 15:42:01,351 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 43/139 +[2024-10-13 15:42:01,522 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 44/139 +[2024-10-13 15:42:01,692 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 45/139 +[2024-10-13 15:42:01,862 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 46/139 +[2024-10-13 15:42:02,032 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 47/139 +[2024-10-13 15:42:02,202 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 48/139 +[2024-10-13 15:42:02,372 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 49/139 +[2024-10-13 15:42:02,542 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 50/139 +[2024-10-13 15:42:02,712 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 51/139 +[2024-10-13 15:42:02,882 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 52/139 +[2024-10-13 15:42:03,052 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 53/139 +[2024-10-13 15:42:03,222 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 54/139 +[2024-10-13 15:42:03,392 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 55/139 +[2024-10-13 15:42:03,562 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 56/139 +[2024-10-13 15:42:03,732 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 57/139 +[2024-10-13 15:42:03,902 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 58/139 +[2024-10-13 15:42:04,072 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 59/139 +[2024-10-13 15:42:04,242 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 60/139 +[2024-10-13 15:42:04,411 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 61/139 +[2024-10-13 15:42:04,581 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 62/139 +[2024-10-13 15:42:04,751 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 63/139 +[2024-10-13 15:42:04,921 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 64/139 +[2024-10-13 15:42:05,091 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 65/139 +[2024-10-13 15:42:05,262 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 66/139 +[2024-10-13 15:42:05,432 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 67/139 +[2024-10-13 15:42:05,603 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 68/139 +[2024-10-13 15:42:05,773 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 69/139 +[2024-10-13 15:42:05,943 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 70/139 +[2024-10-13 15:42:06,114 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 71/139 +[2024-10-13 15:42:06,284 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 72/139 +[2024-10-13 15:42:06,455 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 73/139 +[2024-10-13 15:42:06,625 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 74/139 +[2024-10-13 15:42:06,795 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 75/139 +[2024-10-13 15:42:06,966 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 76/139 +[2024-10-13 15:42:07,136 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 77/139 +[2024-10-13 15:42:07,306 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 78/139 +[2024-10-13 15:42:07,477 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 79/139 +[2024-10-13 15:42:07,647 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 80/139 +[2024-10-13 15:42:07,818 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 81/139 +[2024-10-13 15:42:07,989 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 82/139 +[2024-10-13 15:42:08,160 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 83/139 +[2024-10-13 15:42:08,330 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 84/139 +[2024-10-13 15:42:08,501 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 85/139 +[2024-10-13 15:42:08,672 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 86/139 +[2024-10-13 15:42:08,843 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 87/139 +[2024-10-13 15:42:09,037 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 88/139 +[2024-10-13 15:42:09,230 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 89/139 +[2024-10-13 15:42:09,424 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 90/139 +[2024-10-13 15:42:09,619 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 91/139 +[2024-10-13 15:42:09,813 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 92/139 +[2024-10-13 15:42:10,007 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 93/139 +[2024-10-13 15:42:10,201 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 94/139 +[2024-10-13 15:42:10,395 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 95/139 +[2024-10-13 15:42:10,589 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 96/139 +[2024-10-13 15:42:10,783 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 97/139 +[2024-10-13 15:42:10,977 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 98/139 +[2024-10-13 15:42:11,170 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 99/139 +[2024-10-13 15:42:11,363 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 100/139 +[2024-10-13 15:42:11,557 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 101/139 +[2024-10-13 15:42:11,751 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 102/139 +[2024-10-13 15:42:11,945 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 103/139 +[2024-10-13 15:42:12,138 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 104/139 +[2024-10-13 15:42:12,332 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 105/139 +[2024-10-13 15:42:12,526 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 106/139 +[2024-10-13 15:42:12,719 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 107/139 +[2024-10-13 15:42:12,913 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 108/139 +[2024-10-13 15:42:13,107 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 109/139 +[2024-10-13 15:42:13,300 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 110/139 +[2024-10-13 15:42:13,493 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 111/139 +[2024-10-13 15:42:13,686 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 112/139 +[2024-10-13 15:42:13,880 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 113/139 +[2024-10-13 15:42:14,073 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 114/139 +[2024-10-13 15:42:14,266 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 115/139 +[2024-10-13 15:42:14,459 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 116/139 +[2024-10-13 15:42:14,652 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 117/139 +[2024-10-13 15:42:14,845 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 118/139 +[2024-10-13 15:42:15,038 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 119/139 +[2024-10-13 15:42:15,231 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 120/139 +[2024-10-13 15:42:15,424 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 121/139 +[2024-10-13 15:42:15,617 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 122/139 +[2024-10-13 15:42:15,810 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 123/139 +[2024-10-13 15:42:16,004 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 124/139 +[2024-10-13 15:42:16,197 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 125/139 +[2024-10-13 15:42:16,390 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 126/139 +[2024-10-13 15:42:16,583 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 127/139 +[2024-10-13 15:42:16,765 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 128/139 +[2024-10-13 15:42:16,947 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 129/139 +[2024-10-13 15:42:17,129 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 130/139 +[2024-10-13 15:42:17,311 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 131/139 +[2024-10-13 15:42:17,493 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 132/139 +[2024-10-13 15:42:17,675 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 133/139 +[2024-10-13 15:42:17,858 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 134/139 +[2024-10-13 15:42:18,040 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 135/139 +[2024-10-13 15:42:18,222 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 136/139 +[2024-10-13 15:42:18,404 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 137/139 +[2024-10-13 15:42:18,586 INFO test.py line 186 25394] Test: 41/312-scene0015_00, Batch: 138/139 +[2024-10-13 15:42:18,870 INFO test.py line 272 25394] Test: scene0015_00 [41/312]-217086 Batch 25.551 (19.033) Accuracy 0.9199 (0.3899) mIoU 0.5274 (0.3178) +[2024-10-13 15:42:19,122 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 0/144 +[2024-10-13 15:42:19,335 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 1/144 +[2024-10-13 15:42:19,549 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 2/144 +[2024-10-13 15:42:19,762 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 3/144 +[2024-10-13 15:42:19,975 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 4/144 +[2024-10-13 15:42:20,187 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 5/144 +[2024-10-13 15:42:20,400 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 6/144 +[2024-10-13 15:42:20,612 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 7/144 +[2024-10-13 15:42:20,825 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 8/144 +[2024-10-13 15:42:21,038 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 9/144 +[2024-10-13 15:42:21,250 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 10/144 +[2024-10-13 15:42:21,463 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 11/144 +[2024-10-13 15:42:21,676 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 12/144 +[2024-10-13 15:42:21,888 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 13/144 +[2024-10-13 15:42:22,101 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 14/144 +[2024-10-13 15:42:22,314 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 15/144 +[2024-10-13 15:42:22,527 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 16/144 +[2024-10-13 15:42:22,739 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 17/144 +[2024-10-13 15:42:22,952 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 18/144 +[2024-10-13 15:42:23,165 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 19/144 +[2024-10-13 15:42:23,377 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 20/144 +[2024-10-13 15:42:23,590 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 21/144 +[2024-10-13 15:42:23,803 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 22/144 +[2024-10-13 15:42:24,015 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 23/144 +[2024-10-13 15:42:24,228 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 24/144 +[2024-10-13 15:42:24,441 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 25/144 +[2024-10-13 15:42:24,654 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 26/144 +[2024-10-13 15:42:24,867 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 27/144 +[2024-10-13 15:42:25,080 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 28/144 +[2024-10-13 15:42:25,294 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 29/144 +[2024-10-13 15:42:25,506 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 30/144 +[2024-10-13 15:42:25,719 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 31/144 +[2024-10-13 15:42:25,932 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 32/144 +[2024-10-13 15:42:26,145 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 33/144 +[2024-10-13 15:42:26,359 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 34/144 +[2024-10-13 15:42:26,572 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 35/144 +[2024-10-13 15:42:26,784 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 36/144 +[2024-10-13 15:42:26,997 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 37/144 +[2024-10-13 15:42:27,211 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 38/144 +[2024-10-13 15:42:27,424 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 39/144 +[2024-10-13 15:42:27,638 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 40/144 +[2024-10-13 15:42:27,853 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 41/144 +[2024-10-13 15:42:28,108 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 42/144 +[2024-10-13 15:42:28,593 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 43/144 +[2024-10-13 15:42:29,008 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 44/144 +[2024-10-13 15:42:29,221 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 45/144 +[2024-10-13 15:42:29,434 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 46/144 +[2024-10-13 15:42:29,647 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 47/144 +[2024-10-13 15:42:29,844 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 48/144 +[2024-10-13 15:42:30,041 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 49/144 +[2024-10-13 15:42:30,238 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 50/144 +[2024-10-13 15:42:30,434 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 51/144 +[2024-10-13 15:42:30,631 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 52/144 +[2024-10-13 15:42:30,828 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 53/144 +[2024-10-13 15:42:31,025 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 54/144 +[2024-10-13 15:42:31,222 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 55/144 +[2024-10-13 15:42:31,420 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 56/144 +[2024-10-13 15:42:31,616 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 57/144 +[2024-10-13 15:42:31,813 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 58/144 +[2024-10-13 15:42:32,009 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 59/144 +[2024-10-13 15:42:32,206 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 60/144 +[2024-10-13 15:42:32,404 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 61/144 +[2024-10-13 15:42:32,601 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 62/144 +[2024-10-13 15:42:32,798 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 63/144 +[2024-10-13 15:42:32,995 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 64/144 +[2024-10-13 15:42:33,192 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 65/144 +[2024-10-13 15:42:33,389 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 66/144 +[2024-10-13 15:42:33,586 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 67/144 +[2024-10-13 15:42:33,784 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 68/144 +[2024-10-13 15:42:33,981 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 69/144 +[2024-10-13 15:42:34,178 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 70/144 +[2024-10-13 15:42:34,375 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 71/144 +[2024-10-13 15:42:34,572 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 72/144 +[2024-10-13 15:42:34,769 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 73/144 +[2024-10-13 15:42:34,966 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 74/144 +[2024-10-13 15:42:35,163 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 75/144 +[2024-10-13 15:42:35,360 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 76/144 +[2024-10-13 15:42:35,557 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 77/144 +[2024-10-13 15:42:35,754 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 78/144 +[2024-10-13 15:42:35,951 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 79/144 +[2024-10-13 15:42:36,148 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 80/144 +[2024-10-13 15:42:36,346 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 81/144 +[2024-10-13 15:42:36,543 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 82/144 +[2024-10-13 15:42:36,740 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 83/144 +[2024-10-13 15:42:36,938 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 84/144 +[2024-10-13 15:42:37,135 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 85/144 +[2024-10-13 15:42:37,332 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 86/144 +[2024-10-13 15:42:37,530 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 87/144 +[2024-10-13 15:42:37,727 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 88/144 +[2024-10-13 15:42:37,924 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 89/144 +[2024-10-13 15:42:38,122 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 90/144 +[2024-10-13 15:42:38,320 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 91/144 +[2024-10-13 15:42:38,545 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 92/144 +[2024-10-13 15:42:38,771 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 93/144 +[2024-10-13 15:42:38,997 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 94/144 +[2024-10-13 15:42:39,224 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 95/144 +[2024-10-13 15:42:39,450 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 96/144 +[2024-10-13 15:42:39,676 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 97/144 +[2024-10-13 15:42:39,902 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 98/144 +[2024-10-13 15:42:40,128 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 99/144 +[2024-10-13 15:42:40,353 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 100/144 +[2024-10-13 15:42:40,579 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 101/144 +[2024-10-13 15:42:40,805 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 102/144 +[2024-10-13 15:42:41,030 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 103/144 +[2024-10-13 15:42:41,255 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 104/144 +[2024-10-13 15:42:41,481 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 105/144 +[2024-10-13 15:42:41,707 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 106/144 +[2024-10-13 15:42:41,932 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 107/144 +[2024-10-13 15:42:42,157 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 108/144 +[2024-10-13 15:42:42,383 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 109/144 +[2024-10-13 15:42:42,609 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 110/144 +[2024-10-13 15:42:42,834 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 111/144 +[2024-10-13 15:42:43,060 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 112/144 +[2024-10-13 15:42:43,285 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 113/144 +[2024-10-13 15:42:43,510 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 114/144 +[2024-10-13 15:42:43,735 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 115/144 +[2024-10-13 15:42:43,960 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 116/144 +[2024-10-13 15:42:44,186 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 117/144 +[2024-10-13 15:42:44,411 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 118/144 +[2024-10-13 15:42:44,636 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 119/144 +[2024-10-13 15:42:44,862 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 120/144 +[2024-10-13 15:42:45,087 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 121/144 +[2024-10-13 15:42:45,312 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 122/144 +[2024-10-13 15:42:45,538 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 123/144 +[2024-10-13 15:42:45,763 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 124/144 +[2024-10-13 15:42:45,989 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 125/144 +[2024-10-13 15:42:46,214 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 126/144 +[2024-10-13 15:42:46,439 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 127/144 +[2024-10-13 15:42:46,664 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 128/144 +[2024-10-13 15:42:46,889 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 129/144 +[2024-10-13 15:42:47,115 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 130/144 +[2024-10-13 15:42:47,340 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 131/144 +[2024-10-13 15:42:47,554 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 132/144 +[2024-10-13 15:42:47,767 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 133/144 +[2024-10-13 15:42:47,979 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 134/144 +[2024-10-13 15:42:48,191 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 135/144 +[2024-10-13 15:42:48,404 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 136/144 +[2024-10-13 15:42:48,617 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 137/144 +[2024-10-13 15:42:48,829 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 138/144 +[2024-10-13 15:42:49,042 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 139/144 +[2024-10-13 15:42:49,255 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 140/144 +[2024-10-13 15:42:49,467 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 141/144 +[2024-10-13 15:42:49,680 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 142/144 +[2024-10-13 15:42:49,893 INFO test.py line 186 25394] Test: 42/312-scene0670_01, Batch: 143/144 +[2024-10-13 15:42:50,223 INFO test.py line 272 25394] Test: scene0670_01 [42/312]-256524 Batch 31.353 (19.327) Accuracy 0.7921 (0.3870) mIoU 0.3590 (0.3139) +[2024-10-13 15:42:50,374 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 0/143 +[2024-10-13 15:42:50,501 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 1/143 +[2024-10-13 15:42:50,628 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 2/143 +[2024-10-13 15:42:50,762 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 3/143 +[2024-10-13 15:42:50,889 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 4/143 +[2024-10-13 15:42:51,016 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 5/143 +[2024-10-13 15:42:51,143 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 6/143 +[2024-10-13 15:42:51,270 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 7/143 +[2024-10-13 15:42:51,397 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 8/143 +[2024-10-13 15:42:51,524 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 9/143 +[2024-10-13 15:42:51,651 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 10/143 +[2024-10-13 15:42:51,778 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 11/143 +[2024-10-13 15:42:51,905 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 12/143 +[2024-10-13 15:42:52,032 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 13/143 +[2024-10-13 15:42:52,158 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 14/143 +[2024-10-13 15:42:52,285 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 15/143 +[2024-10-13 15:42:52,412 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 16/143 +[2024-10-13 15:42:52,539 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 17/143 +[2024-10-13 15:42:52,665 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 18/143 +[2024-10-13 15:42:52,792 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 19/143 +[2024-10-13 15:42:52,921 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 20/143 +[2024-10-13 15:42:53,047 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 21/143 +[2024-10-13 15:42:53,175 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 22/143 +[2024-10-13 15:42:53,303 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 23/143 +[2024-10-13 15:42:53,430 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 24/143 +[2024-10-13 15:42:53,558 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 25/143 +[2024-10-13 15:42:53,686 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 26/143 +[2024-10-13 15:42:53,814 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 27/143 +[2024-10-13 15:42:53,942 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 28/143 +[2024-10-13 15:42:54,070 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 29/143 +[2024-10-13 15:42:54,203 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 30/143 +[2024-10-13 15:42:54,331 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 31/143 +[2024-10-13 15:42:54,459 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 32/143 +[2024-10-13 15:42:54,587 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 33/143 +[2024-10-13 15:42:54,752 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 34/143 +[2024-10-13 15:42:54,880 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 35/143 +[2024-10-13 15:42:55,008 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 36/143 +[2024-10-13 15:42:55,136 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 37/143 +[2024-10-13 15:42:55,263 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 38/143 +[2024-10-13 15:42:55,390 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 39/143 +[2024-10-13 15:42:55,517 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 40/143 +[2024-10-13 15:42:55,644 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 41/143 +[2024-10-13 15:42:55,771 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 42/143 +[2024-10-13 15:42:55,898 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 43/143 +[2024-10-13 15:42:56,018 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 44/143 +[2024-10-13 15:42:56,138 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 45/143 +[2024-10-13 15:42:56,258 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 46/143 +[2024-10-13 15:42:56,378 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 47/143 +[2024-10-13 15:42:56,498 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 48/143 +[2024-10-13 15:42:56,617 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 49/143 +[2024-10-13 15:42:56,737 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 50/143 +[2024-10-13 15:42:56,857 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 51/143 +[2024-10-13 15:42:56,977 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 52/143 +[2024-10-13 15:42:57,097 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 53/143 +[2024-10-13 15:42:57,217 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 54/143 +[2024-10-13 15:42:57,337 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 55/143 +[2024-10-13 15:42:57,457 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 56/143 +[2024-10-13 15:42:57,577 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 57/143 +[2024-10-13 15:42:57,697 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 58/143 +[2024-10-13 15:42:57,817 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 59/143 +[2024-10-13 15:42:57,936 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 60/143 +[2024-10-13 15:42:58,056 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 61/143 +[2024-10-13 15:42:58,176 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 62/143 +[2024-10-13 15:42:58,296 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 63/143 +[2024-10-13 15:42:58,416 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 64/143 +[2024-10-13 15:42:58,536 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 65/143 +[2024-10-13 15:42:58,656 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 66/143 +[2024-10-13 15:42:58,776 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 67/143 +[2024-10-13 15:42:58,895 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 68/143 +[2024-10-13 15:42:59,014 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 69/143 +[2024-10-13 15:42:59,133 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 70/143 +[2024-10-13 15:42:59,252 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 71/143 +[2024-10-13 15:42:59,372 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 72/143 +[2024-10-13 15:42:59,491 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 73/143 +[2024-10-13 15:42:59,610 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 74/143 +[2024-10-13 15:42:59,729 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 75/143 +[2024-10-13 15:42:59,848 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 76/143 +[2024-10-13 15:42:59,967 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 77/143 +[2024-10-13 15:43:00,086 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 78/143 +[2024-10-13 15:43:00,205 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 79/143 +[2024-10-13 15:43:00,325 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 80/143 +[2024-10-13 15:43:00,445 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 81/143 +[2024-10-13 15:43:00,565 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 82/143 +[2024-10-13 15:43:00,685 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 83/143 +[2024-10-13 15:43:00,805 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 84/143 +[2024-10-13 15:43:00,925 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 85/143 +[2024-10-13 15:43:01,045 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 86/143 +[2024-10-13 15:43:01,164 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 87/143 +[2024-10-13 15:43:01,284 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 88/143 +[2024-10-13 15:43:01,404 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 89/143 +[2024-10-13 15:43:01,524 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 90/143 +[2024-10-13 15:43:01,644 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 91/143 +[2024-10-13 15:43:01,779 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 92/143 +[2024-10-13 15:43:01,913 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 93/143 +[2024-10-13 15:43:02,048 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 94/143 +[2024-10-13 15:43:02,183 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 95/143 +[2024-10-13 15:43:02,318 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 96/143 +[2024-10-13 15:43:02,452 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 97/143 +[2024-10-13 15:43:02,586 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 98/143 +[2024-10-13 15:43:02,721 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 99/143 +[2024-10-13 15:43:02,856 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 100/143 +[2024-10-13 15:43:02,990 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 101/143 +[2024-10-13 15:43:03,125 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 102/143 +[2024-10-13 15:43:03,260 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 103/143 +[2024-10-13 15:43:03,394 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 104/143 +[2024-10-13 15:43:03,528 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 105/143 +[2024-10-13 15:43:03,663 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 106/143 +[2024-10-13 15:43:03,797 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 107/143 +[2024-10-13 15:43:03,932 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 108/143 +[2024-10-13 15:43:04,066 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 109/143 +[2024-10-13 15:43:04,201 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 110/143 +[2024-10-13 15:43:04,335 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 111/143 +[2024-10-13 15:43:04,469 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 112/143 +[2024-10-13 15:43:04,603 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 113/143 +[2024-10-13 15:43:04,736 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 114/143 +[2024-10-13 15:43:04,870 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 115/143 +[2024-10-13 15:43:05,004 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 116/143 +[2024-10-13 15:43:05,138 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 117/143 +[2024-10-13 15:43:05,271 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 118/143 +[2024-10-13 15:43:05,405 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 119/143 +[2024-10-13 15:43:05,539 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 120/143 +[2024-10-13 15:43:05,673 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 121/143 +[2024-10-13 15:43:05,808 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 122/143 +[2024-10-13 15:43:05,943 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 123/143 +[2024-10-13 15:43:06,078 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 124/143 +[2024-10-13 15:43:06,213 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 125/143 +[2024-10-13 15:43:06,347 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 126/143 +[2024-10-13 15:43:06,482 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 127/143 +[2024-10-13 15:43:06,617 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 128/143 +[2024-10-13 15:43:06,752 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 129/143 +[2024-10-13 15:43:06,887 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 130/143 +[2024-10-13 15:43:07,022 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 131/143 +[2024-10-13 15:43:07,150 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 132/143 +[2024-10-13 15:43:07,278 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 133/143 +[2024-10-13 15:43:07,405 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 134/143 +[2024-10-13 15:43:07,533 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 135/143 +[2024-10-13 15:43:07,660 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 136/143 +[2024-10-13 15:43:07,788 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 137/143 +[2024-10-13 15:43:07,916 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 138/143 +[2024-10-13 15:43:08,043 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 139/143 +[2024-10-13 15:43:08,171 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 140/143 +[2024-10-13 15:43:08,298 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 141/143 +[2024-10-13 15:43:08,426 INFO test.py line 186 25394] Test: 43/312-scene0088_01, Batch: 142/143 +[2024-10-13 15:43:08,611 INFO test.py line 272 25394] Test: scene0088_01 [43/312]-145650 Batch 18.387 (19.305) Accuracy 0.8048 (0.3870) mIoU 0.6062 (0.3136) +[2024-10-13 15:43:08,925 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 0/160 +[2024-10-13 15:43:09,191 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 1/160 +[2024-10-13 15:43:09,455 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 2/160 +[2024-10-13 15:43:09,720 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 3/160 +[2024-10-13 15:43:09,985 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 4/160 +[2024-10-13 15:43:10,250 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 5/160 +[2024-10-13 15:43:10,515 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 6/160 +[2024-10-13 15:43:10,780 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 7/160 +[2024-10-13 15:43:11,044 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 8/160 +[2024-10-13 15:43:11,309 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 9/160 +[2024-10-13 15:43:11,574 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 10/160 +[2024-10-13 15:43:11,839 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 11/160 +[2024-10-13 15:43:12,103 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 12/160 +[2024-10-13 15:43:12,367 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 13/160 +[2024-10-13 15:43:12,631 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 14/160 +[2024-10-13 15:43:12,896 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 15/160 +[2024-10-13 15:43:13,160 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 16/160 +[2024-10-13 15:43:13,424 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 17/160 +[2024-10-13 15:43:13,688 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 18/160 +[2024-10-13 15:43:13,961 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 19/160 +[2024-10-13 15:43:14,226 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 20/160 +[2024-10-13 15:43:14,489 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 21/160 +[2024-10-13 15:43:14,754 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 22/160 +[2024-10-13 15:43:15,018 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 23/160 +[2024-10-13 15:43:15,282 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 24/160 +[2024-10-13 15:43:15,545 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 25/160 +[2024-10-13 15:43:15,811 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 26/160 +[2024-10-13 15:43:16,075 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 27/160 +[2024-10-13 15:43:16,339 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 28/160 +[2024-10-13 15:43:16,602 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 29/160 +[2024-10-13 15:43:16,866 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 30/160 +[2024-10-13 15:43:17,131 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 31/160 +[2024-10-13 15:43:17,395 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 32/160 +[2024-10-13 15:43:17,659 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 33/160 +[2024-10-13 15:43:17,922 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 34/160 +[2024-10-13 15:43:18,186 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 35/160 +[2024-10-13 15:43:18,450 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 36/160 +[2024-10-13 15:43:18,715 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 37/160 +[2024-10-13 15:43:18,978 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 38/160 +[2024-10-13 15:43:19,242 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 39/160 +[2024-10-13 15:43:19,505 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 40/160 +[2024-10-13 15:43:19,770 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 41/160 +[2024-10-13 15:43:20,034 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 42/160 +[2024-10-13 15:43:20,298 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 43/160 +[2024-10-13 15:43:20,561 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 44/160 +[2024-10-13 15:43:20,824 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 45/160 +[2024-10-13 15:43:21,089 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 46/160 +[2024-10-13 15:43:21,353 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 47/160 +[2024-10-13 15:43:21,598 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 48/160 +[2024-10-13 15:43:21,842 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 49/160 +[2024-10-13 15:43:22,087 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 50/160 +[2024-10-13 15:43:22,333 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 51/160 +[2024-10-13 15:43:22,578 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 52/160 +[2024-10-13 15:43:22,823 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 53/160 +[2024-10-13 15:43:23,067 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 54/160 +[2024-10-13 15:43:23,313 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 55/160 +[2024-10-13 15:43:23,558 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 56/160 +[2024-10-13 15:43:23,803 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 57/160 +[2024-10-13 15:43:24,047 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 58/160 +[2024-10-13 15:43:24,293 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 59/160 +[2024-10-13 15:43:24,538 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 60/160 +[2024-10-13 15:43:24,783 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 61/160 +[2024-10-13 15:43:25,028 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 62/160 +[2024-10-13 15:43:25,273 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 63/160 +[2024-10-13 15:43:25,519 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 64/160 +[2024-10-13 15:43:25,765 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 65/160 +[2024-10-13 15:43:26,010 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 66/160 +[2024-10-13 15:43:26,255 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 67/160 +[2024-10-13 15:43:26,500 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 68/160 +[2024-10-13 15:43:26,746 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 69/160 +[2024-10-13 15:43:26,991 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 70/160 +[2024-10-13 15:43:27,237 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 71/160 +[2024-10-13 15:43:27,482 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 72/160 +[2024-10-13 15:43:27,727 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 73/160 +[2024-10-13 15:43:27,972 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 74/160 +[2024-10-13 15:43:28,218 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 75/160 +[2024-10-13 15:43:28,464 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 76/160 +[2024-10-13 15:43:28,709 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 77/160 +[2024-10-13 15:43:28,955 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 78/160 +[2024-10-13 15:43:29,200 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 79/160 +[2024-10-13 15:43:29,445 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 80/160 +[2024-10-13 15:43:29,691 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 81/160 +[2024-10-13 15:43:29,937 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 82/160 +[2024-10-13 15:43:30,183 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 83/160 +[2024-10-13 15:43:30,427 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 84/160 +[2024-10-13 15:43:30,673 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 85/160 +[2024-10-13 15:43:30,919 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 86/160 +[2024-10-13 15:43:31,164 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 87/160 +[2024-10-13 15:43:31,410 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 88/160 +[2024-10-13 15:43:31,656 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 89/160 +[2024-10-13 15:43:31,900 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 90/160 +[2024-10-13 15:43:32,145 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 91/160 +[2024-10-13 15:43:32,389 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 92/160 +[2024-10-13 15:43:32,635 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 93/160 +[2024-10-13 15:43:32,879 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 94/160 +[2024-10-13 15:43:33,124 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 95/160 +[2024-10-13 15:43:33,369 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 96/160 +[2024-10-13 15:43:33,614 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 97/160 +[2024-10-13 15:43:33,859 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 98/160 +[2024-10-13 15:43:34,104 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 99/160 +[2024-10-13 15:43:34,349 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 100/160 +[2024-10-13 15:43:34,594 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 101/160 +[2024-10-13 15:43:34,838 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 102/160 +[2024-10-13 15:43:35,083 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 103/160 +[2024-10-13 15:43:35,365 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 104/160 +[2024-10-13 15:43:35,646 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 105/160 +[2024-10-13 15:43:35,927 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 106/160 +[2024-10-13 15:43:36,207 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 107/160 +[2024-10-13 15:43:36,487 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 108/160 +[2024-10-13 15:43:36,768 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 109/160 +[2024-10-13 15:43:37,050 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 110/160 +[2024-10-13 15:43:37,331 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 111/160 +[2024-10-13 15:43:37,612 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 112/160 +[2024-10-13 15:43:37,893 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 113/160 +[2024-10-13 15:43:38,175 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 114/160 +[2024-10-13 15:43:38,456 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 115/160 +[2024-10-13 15:43:38,737 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 116/160 +[2024-10-13 15:43:39,018 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 117/160 +[2024-10-13 15:43:39,299 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 118/160 +[2024-10-13 15:43:39,579 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 119/160 +[2024-10-13 15:43:39,860 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 120/160 +[2024-10-13 15:43:40,141 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 121/160 +[2024-10-13 15:43:40,422 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 122/160 +[2024-10-13 15:43:40,703 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 123/160 +[2024-10-13 15:43:40,984 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 124/160 +[2024-10-13 15:43:41,264 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 125/160 +[2024-10-13 15:43:41,546 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 126/160 +[2024-10-13 15:43:41,827 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 127/160 +[2024-10-13 15:43:42,108 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 128/160 +[2024-10-13 15:43:42,389 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 129/160 +[2024-10-13 15:43:42,671 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 130/160 +[2024-10-13 15:43:42,953 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 131/160 +[2024-10-13 15:43:43,234 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 132/160 +[2024-10-13 15:43:43,516 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 133/160 +[2024-10-13 15:43:43,797 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 134/160 +[2024-10-13 15:43:44,079 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 135/160 +[2024-10-13 15:43:44,360 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 136/160 +[2024-10-13 15:43:44,641 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 137/160 +[2024-10-13 15:43:44,923 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 138/160 +[2024-10-13 15:43:45,203 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 139/160 +[2024-10-13 15:43:45,484 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 140/160 +[2024-10-13 15:43:45,765 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 141/160 +[2024-10-13 15:43:46,046 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 142/160 +[2024-10-13 15:43:46,328 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 143/160 +[2024-10-13 15:43:46,610 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 144/160 +[2024-10-13 15:43:46,891 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 145/160 +[2024-10-13 15:43:47,173 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 146/160 +[2024-10-13 15:43:47,454 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 147/160 +[2024-10-13 15:43:47,719 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 148/160 +[2024-10-13 15:43:47,983 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 149/160 +[2024-10-13 15:43:48,248 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 150/160 +[2024-10-13 15:43:48,511 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 151/160 +[2024-10-13 15:43:48,775 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 152/160 +[2024-10-13 15:43:49,039 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 153/160 +[2024-10-13 15:43:49,304 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 154/160 +[2024-10-13 15:43:49,568 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 155/160 +[2024-10-13 15:43:49,832 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 156/160 +[2024-10-13 15:43:50,095 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 157/160 +[2024-10-13 15:43:50,360 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 158/160 +[2024-10-13 15:43:50,624 INFO test.py line 186 25394] Test: 44/312-scene0678_02, Batch: 159/160 +[2024-10-13 15:43:51,036 INFO test.py line 272 25394] Test: scene0678_02 [44/312]-328973 Batch 42.425 (19.830) Accuracy 0.8960 (0.3829) mIoU 0.2569 (0.3108) +[2024-10-13 15:43:51,215 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 0/143 +[2024-10-13 15:43:51,369 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 1/143 +[2024-10-13 15:43:51,522 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 2/143 +[2024-10-13 15:43:51,674 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 3/143 +[2024-10-13 15:43:51,826 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 4/143 +[2024-10-13 15:43:51,979 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 5/143 +[2024-10-13 15:43:52,131 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 6/143 +[2024-10-13 15:43:52,284 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 7/143 +[2024-10-13 15:43:52,436 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 8/143 +[2024-10-13 15:43:52,589 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 9/143 +[2024-10-13 15:43:52,742 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 10/143 +[2024-10-13 15:43:52,894 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 11/143 +[2024-10-13 15:43:53,047 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 12/143 +[2024-10-13 15:43:53,200 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 13/143 +[2024-10-13 15:43:53,359 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 14/143 +[2024-10-13 15:43:53,539 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 15/143 +[2024-10-13 15:43:53,692 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 16/143 +[2024-10-13 15:43:53,845 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 17/143 +[2024-10-13 15:43:53,998 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 18/143 +[2024-10-13 15:43:54,151 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 19/143 +[2024-10-13 15:43:54,303 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 20/143 +[2024-10-13 15:43:54,456 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 21/143 +[2024-10-13 15:43:54,609 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 22/143 +[2024-10-13 15:43:54,761 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 23/143 +[2024-10-13 15:43:54,914 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 24/143 +[2024-10-13 15:43:55,066 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 25/143 +[2024-10-13 15:43:55,219 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 26/143 +[2024-10-13 15:43:55,372 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 27/143 +[2024-10-13 15:43:55,524 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 28/143 +[2024-10-13 15:43:55,677 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 29/143 +[2024-10-13 15:43:55,830 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 30/143 +[2024-10-13 15:43:55,983 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 31/143 +[2024-10-13 15:43:56,136 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 32/143 +[2024-10-13 15:43:56,288 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 33/143 +[2024-10-13 15:43:56,440 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 34/143 +[2024-10-13 15:43:56,592 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 35/143 +[2024-10-13 15:43:56,744 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 36/143 +[2024-10-13 15:43:56,897 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 37/143 +[2024-10-13 15:43:57,049 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 38/143 +[2024-10-13 15:43:57,201 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 39/143 +[2024-10-13 15:43:57,354 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 40/143 +[2024-10-13 15:43:57,506 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 41/143 +[2024-10-13 15:43:57,658 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 42/143 +[2024-10-13 15:43:57,810 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 43/143 +[2024-10-13 15:43:57,953 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 44/143 +[2024-10-13 15:43:58,096 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 45/143 +[2024-10-13 15:43:58,238 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 46/143 +[2024-10-13 15:43:58,381 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 47/143 +[2024-10-13 15:43:58,523 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 48/143 +[2024-10-13 15:43:58,666 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 49/143 +[2024-10-13 15:43:58,809 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 50/143 +[2024-10-13 15:43:58,952 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 51/143 +[2024-10-13 15:43:59,095 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 52/143 +[2024-10-13 15:43:59,238 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 53/143 +[2024-10-13 15:43:59,380 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 54/143 +[2024-10-13 15:43:59,523 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 55/143 +[2024-10-13 15:43:59,666 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 56/143 +[2024-10-13 15:43:59,808 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 57/143 +[2024-10-13 15:43:59,951 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 58/143 +[2024-10-13 15:44:00,093 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 59/143 +[2024-10-13 15:44:00,235 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 60/143 +[2024-10-13 15:44:00,378 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 61/143 +[2024-10-13 15:44:00,520 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 62/143 +[2024-10-13 15:44:00,662 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 63/143 +[2024-10-13 15:44:00,805 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 64/143 +[2024-10-13 15:44:00,947 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 65/143 +[2024-10-13 15:44:01,090 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 66/143 +[2024-10-13 15:44:01,232 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 67/143 +[2024-10-13 15:44:01,375 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 68/143 +[2024-10-13 15:44:01,517 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 69/143 +[2024-10-13 15:44:01,659 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 70/143 +[2024-10-13 15:44:01,802 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 71/143 +[2024-10-13 15:44:01,945 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 72/143 +[2024-10-13 15:44:02,087 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 73/143 +[2024-10-13 15:44:02,230 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 74/143 +[2024-10-13 15:44:02,373 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 75/143 +[2024-10-13 15:44:02,516 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 76/143 +[2024-10-13 15:44:02,658 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 77/143 +[2024-10-13 15:44:02,801 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 78/143 +[2024-10-13 15:44:02,943 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 79/143 +[2024-10-13 15:44:03,086 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 80/143 +[2024-10-13 15:44:03,228 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 81/143 +[2024-10-13 15:44:03,371 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 82/143 +[2024-10-13 15:44:03,514 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 83/143 +[2024-10-13 15:44:03,656 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 84/143 +[2024-10-13 15:44:03,799 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 85/143 +[2024-10-13 15:44:03,941 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 86/143 +[2024-10-13 15:44:04,083 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 87/143 +[2024-10-13 15:44:04,226 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 88/143 +[2024-10-13 15:44:04,368 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 89/143 +[2024-10-13 15:44:04,511 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 90/143 +[2024-10-13 15:44:04,653 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 91/143 +[2024-10-13 15:44:04,796 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 92/143 +[2024-10-13 15:44:04,938 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 93/143 +[2024-10-13 15:44:05,081 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 94/143 +[2024-10-13 15:44:05,223 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 95/143 +[2024-10-13 15:44:05,385 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 96/143 +[2024-10-13 15:44:05,546 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 97/143 +[2024-10-13 15:44:05,707 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 98/143 +[2024-10-13 15:44:05,868 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 99/143 +[2024-10-13 15:44:06,029 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 100/143 +[2024-10-13 15:44:06,191 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 101/143 +[2024-10-13 15:44:06,352 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 102/143 +[2024-10-13 15:44:06,514 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 103/143 +[2024-10-13 15:44:06,676 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 104/143 +[2024-10-13 15:44:06,838 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 105/143 +[2024-10-13 15:44:06,999 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 106/143 +[2024-10-13 15:44:07,161 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 107/143 +[2024-10-13 15:44:07,322 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 108/143 +[2024-10-13 15:44:07,483 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 109/143 +[2024-10-13 15:44:07,644 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 110/143 +[2024-10-13 15:44:07,805 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 111/143 +[2024-10-13 15:44:07,966 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 112/143 +[2024-10-13 15:44:08,127 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 113/143 +[2024-10-13 15:44:08,289 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 114/143 +[2024-10-13 15:44:08,450 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 115/143 +[2024-10-13 15:44:08,611 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 116/143 +[2024-10-13 15:44:08,773 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 117/143 +[2024-10-13 15:44:08,935 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 118/143 +[2024-10-13 15:44:09,096 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 119/143 +[2024-10-13 15:44:09,258 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 120/143 +[2024-10-13 15:44:09,420 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 121/143 +[2024-10-13 15:44:09,581 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 122/143 +[2024-10-13 15:44:09,742 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 123/143 +[2024-10-13 15:44:09,902 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 124/143 +[2024-10-13 15:44:10,063 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 125/143 +[2024-10-13 15:44:10,223 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 126/143 +[2024-10-13 15:44:10,384 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 127/143 +[2024-10-13 15:44:10,545 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 128/143 +[2024-10-13 15:44:10,706 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 129/143 +[2024-10-13 15:44:10,867 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 130/143 +[2024-10-13 15:44:11,028 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 131/143 +[2024-10-13 15:44:11,180 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 132/143 +[2024-10-13 15:44:11,333 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 133/143 +[2024-10-13 15:44:11,486 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 134/143 +[2024-10-13 15:44:11,638 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 135/143 +[2024-10-13 15:44:11,791 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 136/143 +[2024-10-13 15:44:11,944 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 137/143 +[2024-10-13 15:44:12,096 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 138/143 +[2024-10-13 15:44:12,249 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 139/143 +[2024-10-13 15:44:12,402 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 140/143 +[2024-10-13 15:44:12,555 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 141/143 +[2024-10-13 15:44:12,707 INFO test.py line 186 25394] Test: 45/312-scene0025_00, Batch: 142/143 +[2024-10-13 15:44:12,929 INFO test.py line 272 25394] Test: scene0025_00 [45/312]-173392 Batch 21.893 (19.876) Accuracy 0.6909 (0.3833) mIoU 0.2694 (0.3089) +[2024-10-13 15:44:13,165 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 0/113 +[2024-10-13 15:44:13,368 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 1/113 +[2024-10-13 15:44:13,570 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 2/113 +[2024-10-13 15:44:13,772 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 3/113 +[2024-10-13 15:44:13,971 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 4/113 +[2024-10-13 15:44:14,170 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 5/113 +[2024-10-13 15:44:14,368 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 6/113 +[2024-10-13 15:44:14,567 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 7/113 +[2024-10-13 15:44:14,766 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 8/113 +[2024-10-13 15:44:14,964 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 9/113 +[2024-10-13 15:44:15,163 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 10/113 +[2024-10-13 15:44:15,361 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 11/113 +[2024-10-13 15:44:15,560 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 12/113 +[2024-10-13 15:44:15,758 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 13/113 +[2024-10-13 15:44:15,957 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 14/113 +[2024-10-13 15:44:16,155 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 15/113 +[2024-10-13 15:44:16,354 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 16/113 +[2024-10-13 15:44:16,553 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 17/113 +[2024-10-13 15:44:16,752 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 18/113 +[2024-10-13 15:44:16,951 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 19/113 +[2024-10-13 15:44:17,190 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 20/113 +[2024-10-13 15:44:17,391 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 21/113 +[2024-10-13 15:44:17,589 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 22/113 +[2024-10-13 15:44:17,788 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 23/113 +[2024-10-13 15:44:17,986 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 24/113 +[2024-10-13 15:44:18,184 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 25/113 +[2024-10-13 15:44:18,382 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 26/113 +[2024-10-13 15:44:18,581 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 27/113 +[2024-10-13 15:44:18,779 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 28/113 +[2024-10-13 15:44:18,978 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 29/113 +[2024-10-13 15:44:19,177 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 30/113 +[2024-10-13 15:44:19,376 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 31/113 +[2024-10-13 15:44:19,575 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 32/113 +[2024-10-13 15:44:19,774 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 33/113 +[2024-10-13 15:44:19,972 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 34/113 +[2024-10-13 15:44:20,171 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 35/113 +[2024-10-13 15:44:20,356 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 36/113 +[2024-10-13 15:44:20,541 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 37/113 +[2024-10-13 15:44:20,727 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 38/113 +[2024-10-13 15:44:20,912 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 39/113 +[2024-10-13 15:44:21,097 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 40/113 +[2024-10-13 15:44:21,282 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 41/113 +[2024-10-13 15:44:21,467 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 42/113 +[2024-10-13 15:44:21,652 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 43/113 +[2024-10-13 15:44:21,837 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 44/113 +[2024-10-13 15:44:22,023 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 45/113 +[2024-10-13 15:44:22,207 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 46/113 +[2024-10-13 15:44:22,392 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 47/113 +[2024-10-13 15:44:22,577 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 48/113 +[2024-10-13 15:44:22,762 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 49/113 +[2024-10-13 15:44:22,947 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 50/113 +[2024-10-13 15:44:23,131 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 51/113 +[2024-10-13 15:44:23,316 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 52/113 +[2024-10-13 15:44:23,501 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 53/113 +[2024-10-13 15:44:23,687 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 54/113 +[2024-10-13 15:44:23,871 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 55/113 +[2024-10-13 15:44:24,056 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 56/113 +[2024-10-13 15:44:24,242 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 57/113 +[2024-10-13 15:44:24,427 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 58/113 +[2024-10-13 15:44:24,612 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 59/113 +[2024-10-13 15:44:24,797 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 60/113 +[2024-10-13 15:44:24,982 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 61/113 +[2024-10-13 15:44:25,167 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 62/113 +[2024-10-13 15:44:25,352 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 63/113 +[2024-10-13 15:44:25,537 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 64/113 +[2024-10-13 15:44:25,723 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 65/113 +[2024-10-13 15:44:25,908 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 66/113 +[2024-10-13 15:44:26,093 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 67/113 +[2024-10-13 15:44:26,278 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 68/113 +[2024-10-13 15:44:26,463 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 69/113 +[2024-10-13 15:44:26,648 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 70/113 +[2024-10-13 15:44:26,833 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 71/113 +[2024-10-13 15:44:27,045 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 72/113 +[2024-10-13 15:44:27,256 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 73/113 +[2024-10-13 15:44:27,468 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 74/113 +[2024-10-13 15:44:27,680 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 75/113 +[2024-10-13 15:44:27,891 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 76/113 +[2024-10-13 15:44:28,104 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 77/113 +[2024-10-13 15:44:28,315 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 78/113 +[2024-10-13 15:44:28,527 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 79/113 +[2024-10-13 15:44:28,739 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 80/113 +[2024-10-13 15:44:28,950 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 81/113 +[2024-10-13 15:44:29,162 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 82/113 +[2024-10-13 15:44:29,374 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 83/113 +[2024-10-13 15:44:29,586 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 84/113 +[2024-10-13 15:44:29,798 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 85/113 +[2024-10-13 15:44:30,010 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 86/113 +[2024-10-13 15:44:30,222 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 87/113 +[2024-10-13 15:44:30,433 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 88/113 +[2024-10-13 15:44:30,645 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 89/113 +[2024-10-13 15:44:30,857 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 90/113 +[2024-10-13 15:44:31,069 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 91/113 +[2024-10-13 15:44:31,281 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 92/113 +[2024-10-13 15:44:31,493 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 93/113 +[2024-10-13 15:44:31,705 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 94/113 +[2024-10-13 15:44:31,917 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 95/113 +[2024-10-13 15:44:32,128 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 96/113 +[2024-10-13 15:44:32,339 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 97/113 +[2024-10-13 15:44:32,550 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 98/113 +[2024-10-13 15:44:32,761 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 99/113 +[2024-10-13 15:44:32,972 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 100/113 +[2024-10-13 15:44:33,183 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 101/113 +[2024-10-13 15:44:33,394 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 102/113 +[2024-10-13 15:44:33,605 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 103/113 +[2024-10-13 15:44:33,803 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 104/113 +[2024-10-13 15:44:34,001 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 105/113 +[2024-10-13 15:44:34,199 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 106/113 +[2024-10-13 15:44:34,396 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 107/113 +[2024-10-13 15:44:34,594 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 108/113 +[2024-10-13 15:44:34,792 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 109/113 +[2024-10-13 15:44:34,990 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 110/113 +[2024-10-13 15:44:35,188 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 111/113 +[2024-10-13 15:44:35,386 INFO test.py line 186 25394] Test: 46/312-scene0203_02, Batch: 112/113 +[2024-10-13 15:44:35,694 INFO test.py line 272 25394] Test: scene0203_02 [46/312]-238392 Batch 22.764 (19.939) Accuracy 0.6573 (0.3858) mIoU 0.3803 (0.3103) +[2024-10-13 15:44:35,803 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 0/134 +[2024-10-13 15:44:35,898 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 1/134 +[2024-10-13 15:44:35,994 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 2/134 +[2024-10-13 15:44:36,093 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 3/134 +[2024-10-13 15:44:36,195 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 4/134 +[2024-10-13 15:44:36,293 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 5/134 +[2024-10-13 15:44:36,388 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 6/134 +[2024-10-13 15:44:36,484 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 7/134 +[2024-10-13 15:44:36,579 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 8/134 +[2024-10-13 15:44:36,675 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 9/134 +[2024-10-13 15:44:36,770 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 10/134 +[2024-10-13 15:44:36,866 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 11/134 +[2024-10-13 15:44:36,961 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 12/134 +[2024-10-13 15:44:37,057 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 13/134 +[2024-10-13 15:44:37,152 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 14/134 +[2024-10-13 15:44:37,248 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 15/134 +[2024-10-13 15:44:37,344 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 16/134 +[2024-10-13 15:44:37,439 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 17/134 +[2024-10-13 15:44:37,535 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 18/134 +[2024-10-13 15:44:37,630 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 19/134 +[2024-10-13 15:44:37,726 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 20/134 +[2024-10-13 15:44:37,822 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 21/134 +[2024-10-13 15:44:37,918 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 22/134 +[2024-10-13 15:44:38,013 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 23/134 +[2024-10-13 15:44:38,109 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 24/134 +[2024-10-13 15:44:38,205 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 25/134 +[2024-10-13 15:44:38,300 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 26/134 +[2024-10-13 15:44:38,396 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 27/134 +[2024-10-13 15:44:38,491 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 28/134 +[2024-10-13 15:44:38,587 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 29/134 +[2024-10-13 15:44:38,682 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 30/134 +[2024-10-13 15:44:38,777 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 31/134 +[2024-10-13 15:44:38,872 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 32/134 +[2024-10-13 15:44:38,968 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 33/134 +[2024-10-13 15:44:39,063 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 34/134 +[2024-10-13 15:44:39,158 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 35/134 +[2024-10-13 15:44:39,253 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 36/134 +[2024-10-13 15:44:39,348 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 37/134 +[2024-10-13 15:44:39,444 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 38/134 +[2024-10-13 15:44:39,538 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 39/134 +[2024-10-13 15:44:39,630 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 40/134 +[2024-10-13 15:44:39,722 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 41/134 +[2024-10-13 15:44:39,813 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 42/134 +[2024-10-13 15:44:39,905 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 43/134 +[2024-10-13 15:44:39,997 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 44/134 +[2024-10-13 15:44:40,089 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 45/134 +[2024-10-13 15:44:40,180 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 46/134 +[2024-10-13 15:44:40,271 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 47/134 +[2024-10-13 15:44:40,363 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 48/134 +[2024-10-13 15:44:40,455 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 49/134 +[2024-10-13 15:44:40,546 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 50/134 +[2024-10-13 15:44:40,638 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 51/134 +[2024-10-13 15:44:40,729 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 52/134 +[2024-10-13 15:44:40,821 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 53/134 +[2024-10-13 15:44:40,913 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 54/134 +[2024-10-13 15:44:41,004 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 55/134 +[2024-10-13 15:44:41,096 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 56/134 +[2024-10-13 15:44:41,187 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 57/134 +[2024-10-13 15:44:41,279 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 58/134 +[2024-10-13 15:44:41,370 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 59/134 +[2024-10-13 15:44:41,461 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 60/134 +[2024-10-13 15:44:41,553 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 61/134 +[2024-10-13 15:44:41,644 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 62/134 +[2024-10-13 15:44:41,736 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 63/134 +[2024-10-13 15:44:41,828 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 64/134 +[2024-10-13 15:44:41,919 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 65/134 +[2024-10-13 15:44:42,011 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 66/134 +[2024-10-13 15:44:42,103 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 67/134 +[2024-10-13 15:44:42,194 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 68/134 +[2024-10-13 15:44:42,286 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 69/134 +[2024-10-13 15:44:42,378 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 70/134 +[2024-10-13 15:44:42,469 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 71/134 +[2024-10-13 15:44:42,561 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 72/134 +[2024-10-13 15:44:42,653 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 73/134 +[2024-10-13 15:44:42,745 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 74/134 +[2024-10-13 15:44:42,874 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 75/134 +[2024-10-13 15:44:42,967 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 76/134 +[2024-10-13 15:44:43,059 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 77/134 +[2024-10-13 15:44:43,152 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 78/134 +[2024-10-13 15:44:43,245 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 79/134 +[2024-10-13 15:44:43,348 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 80/134 +[2024-10-13 15:44:43,451 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 81/134 +[2024-10-13 15:44:43,553 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 82/134 +[2024-10-13 15:44:43,655 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 83/134 +[2024-10-13 15:44:43,758 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 84/134 +[2024-10-13 15:44:43,861 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 85/134 +[2024-10-13 15:44:43,963 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 86/134 +[2024-10-13 15:44:44,065 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 87/134 +[2024-10-13 15:44:44,168 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 88/134 +[2024-10-13 15:44:44,270 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 89/134 +[2024-10-13 15:44:44,373 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 90/134 +[2024-10-13 15:44:44,474 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 91/134 +[2024-10-13 15:44:44,576 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 92/134 +[2024-10-13 15:44:44,677 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 93/134 +[2024-10-13 15:44:44,779 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 94/134 +[2024-10-13 15:44:44,881 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 95/134 +[2024-10-13 15:44:44,982 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 96/134 +[2024-10-13 15:44:45,084 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 97/134 +[2024-10-13 15:44:45,185 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 98/134 +[2024-10-13 15:44:45,287 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 99/134 +[2024-10-13 15:44:45,388 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 100/134 +[2024-10-13 15:44:45,490 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 101/134 +[2024-10-13 15:44:45,592 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 102/134 +[2024-10-13 15:44:45,693 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 103/134 +[2024-10-13 15:44:45,795 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 104/134 +[2024-10-13 15:44:45,896 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 105/134 +[2024-10-13 15:44:45,998 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 106/134 +[2024-10-13 15:44:46,100 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 107/134 +[2024-10-13 15:44:46,202 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 108/134 +[2024-10-13 15:44:46,303 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 109/134 +[2024-10-13 15:44:46,405 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 110/134 +[2024-10-13 15:44:46,506 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 111/134 +[2024-10-13 15:44:46,608 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 112/134 +[2024-10-13 15:44:46,710 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 113/134 +[2024-10-13 15:44:46,811 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 114/134 +[2024-10-13 15:44:46,913 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 115/134 +[2024-10-13 15:44:47,014 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 116/134 +[2024-10-13 15:44:47,116 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 117/134 +[2024-10-13 15:44:47,218 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 118/134 +[2024-10-13 15:44:47,319 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 119/134 +[2024-10-13 15:44:47,421 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 120/134 +[2024-10-13 15:44:47,522 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 121/134 +[2024-10-13 15:44:47,624 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 122/134 +[2024-10-13 15:44:47,725 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 123/134 +[2024-10-13 15:44:47,821 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 124/134 +[2024-10-13 15:44:47,917 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 125/134 +[2024-10-13 15:44:48,013 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 126/134 +[2024-10-13 15:44:48,108 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 127/134 +[2024-10-13 15:44:48,204 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 128/134 +[2024-10-13 15:44:48,300 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 129/134 +[2024-10-13 15:44:48,395 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 130/134 +[2024-10-13 15:44:48,491 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 131/134 +[2024-10-13 15:44:48,586 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 132/134 +[2024-10-13 15:44:48,682 INFO test.py line 186 25394] Test: 47/312-scene0633_01, Batch: 133/134 +[2024-10-13 15:44:48,810 INFO test.py line 272 25394] Test: scene0633_01 [47/312]-99171 Batch 13.115 (19.794) Accuracy 0.7948 (0.3862) mIoU 0.3017 (0.3096) +[2024-10-13 15:44:48,988 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 0/135 +[2024-10-13 15:44:49,138 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 1/135 +[2024-10-13 15:44:49,292 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 2/135 +[2024-10-13 15:44:49,446 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 3/135 +[2024-10-13 15:44:49,597 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 4/135 +[2024-10-13 15:44:49,747 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 5/135 +[2024-10-13 15:44:49,899 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 6/135 +[2024-10-13 15:44:50,048 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 7/135 +[2024-10-13 15:44:50,199 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 8/135 +[2024-10-13 15:44:50,349 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 9/135 +[2024-10-13 15:44:50,499 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 10/135 +[2024-10-13 15:44:50,649 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 11/135 +[2024-10-13 15:44:50,798 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 12/135 +[2024-10-13 15:44:50,948 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 13/135 +[2024-10-13 15:44:51,097 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 14/135 +[2024-10-13 15:44:51,247 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 15/135 +[2024-10-13 15:44:51,397 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 16/135 +[2024-10-13 15:44:51,547 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 17/135 +[2024-10-13 15:44:51,697 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 18/135 +[2024-10-13 15:44:51,847 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 19/135 +[2024-10-13 15:44:51,996 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 20/135 +[2024-10-13 15:44:52,146 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 21/135 +[2024-10-13 15:44:52,296 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 22/135 +[2024-10-13 15:44:52,446 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 23/135 +[2024-10-13 15:44:52,596 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 24/135 +[2024-10-13 15:44:52,746 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 25/135 +[2024-10-13 15:44:52,896 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 26/135 +[2024-10-13 15:44:53,046 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 27/135 +[2024-10-13 15:44:53,196 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 28/135 +[2024-10-13 15:44:53,346 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 29/135 +[2024-10-13 15:44:53,496 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 30/135 +[2024-10-13 15:44:53,650 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 31/135 +[2024-10-13 15:44:53,801 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 32/135 +[2024-10-13 15:44:53,950 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 33/135 +[2024-10-13 15:44:54,100 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 34/135 +[2024-10-13 15:44:54,256 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 35/135 +[2024-10-13 15:44:54,407 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 36/135 +[2024-10-13 15:44:54,559 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 37/135 +[2024-10-13 15:44:54,709 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 38/135 +[2024-10-13 15:44:54,859 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 39/135 +[2024-10-13 15:44:55,009 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 40/135 +[2024-10-13 15:44:55,158 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 41/135 +[2024-10-13 15:44:55,308 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 42/135 +[2024-10-13 15:44:55,458 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 43/135 +[2024-10-13 15:44:55,598 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 44/135 +[2024-10-13 15:44:55,737 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 45/135 +[2024-10-13 15:44:55,876 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 46/135 +[2024-10-13 15:44:56,016 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 47/135 +[2024-10-13 15:44:56,155 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 48/135 +[2024-10-13 15:44:56,295 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 49/135 +[2024-10-13 15:44:56,435 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 50/135 +[2024-10-13 15:44:56,574 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 51/135 +[2024-10-13 15:44:56,714 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 52/135 +[2024-10-13 15:44:56,853 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 53/135 +[2024-10-13 15:44:56,993 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 54/135 +[2024-10-13 15:44:57,133 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 55/135 +[2024-10-13 15:44:57,272 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 56/135 +[2024-10-13 15:44:57,412 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 57/135 +[2024-10-13 15:44:57,551 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 58/135 +[2024-10-13 15:44:57,691 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 59/135 +[2024-10-13 15:44:57,830 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 60/135 +[2024-10-13 15:44:57,969 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 61/135 +[2024-10-13 15:44:58,109 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 62/135 +[2024-10-13 15:44:58,248 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 63/135 +[2024-10-13 15:44:58,388 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 64/135 +[2024-10-13 15:44:58,527 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 65/135 +[2024-10-13 15:44:58,667 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 66/135 +[2024-10-13 15:44:58,806 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 67/135 +[2024-10-13 15:44:58,945 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 68/135 +[2024-10-13 15:44:59,084 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 69/135 +[2024-10-13 15:44:59,223 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 70/135 +[2024-10-13 15:44:59,362 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 71/135 +[2024-10-13 15:44:59,502 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 72/135 +[2024-10-13 15:44:59,641 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 73/135 +[2024-10-13 15:44:59,780 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 74/135 +[2024-10-13 15:44:59,920 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 75/135 +[2024-10-13 15:45:00,059 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 76/135 +[2024-10-13 15:45:00,199 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 77/135 +[2024-10-13 15:45:00,340 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 78/135 +[2024-10-13 15:45:00,480 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 79/135 +[2024-10-13 15:45:00,620 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 80/135 +[2024-10-13 15:45:00,760 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 81/135 +[2024-10-13 15:45:00,900 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 82/135 +[2024-10-13 15:45:01,040 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 83/135 +[2024-10-13 15:45:01,180 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 84/135 +[2024-10-13 15:45:01,320 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 85/135 +[2024-10-13 15:45:01,460 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 86/135 +[2024-10-13 15:45:01,600 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 87/135 +[2024-10-13 15:45:01,757 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 88/135 +[2024-10-13 15:45:01,913 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 89/135 +[2024-10-13 15:45:02,070 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 90/135 +[2024-10-13 15:45:02,227 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 91/135 +[2024-10-13 15:45:02,383 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 92/135 +[2024-10-13 15:45:02,540 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 93/135 +[2024-10-13 15:45:02,697 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 94/135 +[2024-10-13 15:45:02,853 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 95/135 +[2024-10-13 15:45:03,010 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 96/135 +[2024-10-13 15:45:03,167 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 97/135 +[2024-10-13 15:45:03,324 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 98/135 +[2024-10-13 15:45:03,481 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 99/135 +[2024-10-13 15:45:03,638 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 100/135 +[2024-10-13 15:45:03,795 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 101/135 +[2024-10-13 15:45:03,952 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 102/135 +[2024-10-13 15:45:04,109 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 103/135 +[2024-10-13 15:45:04,266 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 104/135 +[2024-10-13 15:45:04,423 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 105/135 +[2024-10-13 15:45:04,580 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 106/135 +[2024-10-13 15:45:04,737 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 107/135 +[2024-10-13 15:45:04,894 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 108/135 +[2024-10-13 15:45:05,051 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 109/135 +[2024-10-13 15:45:05,208 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 110/135 +[2024-10-13 15:45:05,365 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 111/135 +[2024-10-13 15:45:05,521 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 112/135 +[2024-10-13 15:45:05,678 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 113/135 +[2024-10-13 15:45:05,836 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 114/135 +[2024-10-13 15:45:05,993 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 115/135 +[2024-10-13 15:45:06,149 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 116/135 +[2024-10-13 15:45:06,306 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 117/135 +[2024-10-13 15:45:06,463 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 118/135 +[2024-10-13 15:45:06,620 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 119/135 +[2024-10-13 15:45:06,777 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 120/135 +[2024-10-13 15:45:06,934 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 121/135 +[2024-10-13 15:45:07,091 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 122/135 +[2024-10-13 15:45:07,249 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 123/135 +[2024-10-13 15:45:07,398 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 124/135 +[2024-10-13 15:45:07,548 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 125/135 +[2024-10-13 15:45:07,697 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 126/135 +[2024-10-13 15:45:07,847 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 127/135 +[2024-10-13 15:45:07,996 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 128/135 +[2024-10-13 15:45:08,146 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 129/135 +[2024-10-13 15:45:08,296 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 130/135 +[2024-10-13 15:45:08,445 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 131/135 +[2024-10-13 15:45:08,595 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 132/135 +[2024-10-13 15:45:08,745 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 133/135 +[2024-10-13 15:45:08,895 INFO test.py line 186 25394] Test: 48/312-scene0088_02, Batch: 134/135 +[2024-10-13 15:45:09,116 INFO test.py line 272 25394] Test: scene0088_02 [48/312]-170685 Batch 20.306 (19.804) Accuracy 0.8199 (0.3852) mIoU 0.4136 (0.3100) +[2024-10-13 15:45:09,362 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 0/159 +[2024-10-13 15:45:09,574 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 1/159 +[2024-10-13 15:45:09,783 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 2/159 +[2024-10-13 15:45:09,991 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 3/159 +[2024-10-13 15:45:10,200 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 4/159 +[2024-10-13 15:45:10,410 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 5/159 +[2024-10-13 15:45:10,619 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 6/159 +[2024-10-13 15:45:10,827 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 7/159 +[2024-10-13 15:45:11,036 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 8/159 +[2024-10-13 15:45:11,247 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 9/159 +[2024-10-13 15:45:11,455 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 10/159 +[2024-10-13 15:45:11,666 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 11/159 +[2024-10-13 15:45:11,875 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 12/159 +[2024-10-13 15:45:12,086 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 13/159 +[2024-10-13 15:45:12,298 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 14/159 +[2024-10-13 15:45:12,512 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 15/159 +[2024-10-13 15:45:12,721 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 16/159 +[2024-10-13 15:45:12,929 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 17/159 +[2024-10-13 15:45:13,138 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 18/159 +[2024-10-13 15:45:13,346 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 19/159 +[2024-10-13 15:45:13,555 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 20/159 +[2024-10-13 15:45:13,764 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 21/159 +[2024-10-13 15:45:13,973 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 22/159 +[2024-10-13 15:45:14,182 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 23/159 +[2024-10-13 15:45:14,392 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 24/159 +[2024-10-13 15:45:14,601 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 25/159 +[2024-10-13 15:45:14,810 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 26/159 +[2024-10-13 15:45:15,019 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 27/159 +[2024-10-13 15:45:15,228 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 28/159 +[2024-10-13 15:45:15,437 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 29/159 +[2024-10-13 15:45:15,646 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 30/159 +[2024-10-13 15:45:15,855 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 31/159 +[2024-10-13 15:45:16,065 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 32/159 +[2024-10-13 15:45:16,274 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 33/159 +[2024-10-13 15:45:16,483 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 34/159 +[2024-10-13 15:45:16,693 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 35/159 +[2024-10-13 15:45:16,902 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 36/159 +[2024-10-13 15:45:17,111 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 37/159 +[2024-10-13 15:45:17,320 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 38/159 +[2024-10-13 15:45:17,529 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 39/159 +[2024-10-13 15:45:17,739 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 40/159 +[2024-10-13 15:45:17,948 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 41/159 +[2024-10-13 15:45:18,157 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 42/159 +[2024-10-13 15:45:18,367 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 43/159 +[2024-10-13 15:45:18,560 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 44/159 +[2024-10-13 15:45:18,754 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 45/159 +[2024-10-13 15:45:18,948 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 46/159 +[2024-10-13 15:45:19,142 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 47/159 +[2024-10-13 15:45:19,335 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 48/159 +[2024-10-13 15:45:19,529 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 49/159 +[2024-10-13 15:45:19,723 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 50/159 +[2024-10-13 15:45:19,917 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 51/159 +[2024-10-13 15:45:20,111 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 52/159 +[2024-10-13 15:45:20,304 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 53/159 +[2024-10-13 15:45:20,498 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 54/159 +[2024-10-13 15:45:20,691 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 55/159 +[2024-10-13 15:45:20,885 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 56/159 +[2024-10-13 15:45:21,079 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 57/159 +[2024-10-13 15:45:21,273 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 58/159 +[2024-10-13 15:45:21,467 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 59/159 +[2024-10-13 15:45:21,661 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 60/159 +[2024-10-13 15:45:21,855 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 61/159 +[2024-10-13 15:45:22,049 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 62/159 +[2024-10-13 15:45:22,243 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 63/159 +[2024-10-13 15:45:22,437 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 64/159 +[2024-10-13 15:45:22,631 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 65/159 +[2024-10-13 15:45:22,825 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 66/159 +[2024-10-13 15:45:23,019 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 67/159 +[2024-10-13 15:45:23,213 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 68/159 +[2024-10-13 15:45:23,407 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 69/159 +[2024-10-13 15:45:23,601 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 70/159 +[2024-10-13 15:45:23,794 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 71/159 +[2024-10-13 15:45:23,989 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 72/159 +[2024-10-13 15:45:24,183 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 73/159 +[2024-10-13 15:45:24,377 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 74/159 +[2024-10-13 15:45:24,570 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 75/159 +[2024-10-13 15:45:24,765 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 76/159 +[2024-10-13 15:45:24,958 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 77/159 +[2024-10-13 15:45:25,152 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 78/159 +[2024-10-13 15:45:25,346 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 79/159 +[2024-10-13 15:45:25,539 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 80/159 +[2024-10-13 15:45:25,733 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 81/159 +[2024-10-13 15:45:25,927 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 82/159 +[2024-10-13 15:45:26,121 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 83/159 +[2024-10-13 15:45:26,314 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 84/159 +[2024-10-13 15:45:26,508 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 85/159 +[2024-10-13 15:45:26,702 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 86/159 +[2024-10-13 15:45:26,896 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 87/159 +[2024-10-13 15:45:27,089 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 88/159 +[2024-10-13 15:45:27,283 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 89/159 +[2024-10-13 15:45:27,477 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 90/159 +[2024-10-13 15:45:27,671 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 91/159 +[2024-10-13 15:45:27,865 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 92/159 +[2024-10-13 15:45:28,058 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 93/159 +[2024-10-13 15:45:28,252 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 94/159 +[2024-10-13 15:45:28,446 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 95/159 +[2024-10-13 15:45:28,640 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 96/159 +[2024-10-13 15:45:28,834 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 97/159 +[2024-10-13 15:45:29,028 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 98/159 +[2024-10-13 15:45:29,221 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 99/159 +[2024-10-13 15:45:29,442 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 100/159 +[2024-10-13 15:45:29,663 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 101/159 +[2024-10-13 15:45:29,885 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 102/159 +[2024-10-13 15:45:30,105 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 103/159 +[2024-10-13 15:45:30,327 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 104/159 +[2024-10-13 15:45:30,548 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 105/159 +[2024-10-13 15:45:30,769 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 106/159 +[2024-10-13 15:45:30,990 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 107/159 +[2024-10-13 15:45:31,211 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 108/159 +[2024-10-13 15:45:31,432 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 109/159 +[2024-10-13 15:45:31,652 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 110/159 +[2024-10-13 15:45:31,872 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 111/159 +[2024-10-13 15:45:32,092 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 112/159 +[2024-10-13 15:45:32,312 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 113/159 +[2024-10-13 15:45:32,532 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 114/159 +[2024-10-13 15:45:32,752 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 115/159 +[2024-10-13 15:45:32,972 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 116/159 +[2024-10-13 15:45:33,192 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 117/159 +[2024-10-13 15:45:33,412 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 118/159 +[2024-10-13 15:45:33,632 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 119/159 +[2024-10-13 15:45:33,853 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 120/159 +[2024-10-13 15:45:34,073 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 121/159 +[2024-10-13 15:45:34,293 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 122/159 +[2024-10-13 15:45:34,513 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 123/159 +[2024-10-13 15:45:34,734 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 124/159 +[2024-10-13 15:45:34,955 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 125/159 +[2024-10-13 15:45:35,176 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 126/159 +[2024-10-13 15:45:35,396 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 127/159 +[2024-10-13 15:45:35,617 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 128/159 +[2024-10-13 15:45:35,838 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 129/159 +[2024-10-13 15:45:36,059 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 130/159 +[2024-10-13 15:45:36,281 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 131/159 +[2024-10-13 15:45:36,501 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 132/159 +[2024-10-13 15:45:36,722 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 133/159 +[2024-10-13 15:45:36,942 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 134/159 +[2024-10-13 15:45:37,163 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 135/159 +[2024-10-13 15:45:37,384 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 136/159 +[2024-10-13 15:45:37,604 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 137/159 +[2024-10-13 15:45:37,825 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 138/159 +[2024-10-13 15:45:38,046 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 139/159 +[2024-10-13 15:45:38,267 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 140/159 +[2024-10-13 15:45:38,488 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 141/159 +[2024-10-13 15:45:38,709 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 142/159 +[2024-10-13 15:45:38,929 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 143/159 +[2024-10-13 15:45:39,150 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 144/159 +[2024-10-13 15:45:39,370 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 145/159 +[2024-10-13 15:45:39,590 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 146/159 +[2024-10-13 15:45:39,811 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 147/159 +[2024-10-13 15:45:40,020 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 148/159 +[2024-10-13 15:45:40,229 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 149/159 +[2024-10-13 15:45:40,438 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 150/159 +[2024-10-13 15:45:40,646 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 151/159 +[2024-10-13 15:45:40,855 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 152/159 +[2024-10-13 15:45:41,063 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 153/159 +[2024-10-13 15:45:41,272 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 154/159 +[2024-10-13 15:45:41,481 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 155/159 +[2024-10-13 15:45:41,690 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 156/159 +[2024-10-13 15:45:41,899 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 157/159 +[2024-10-13 15:45:42,108 INFO test.py line 186 25394] Test: 49/312-scene0474_02, Batch: 158/159 +[2024-10-13 15:45:42,431 INFO test.py line 272 25394] Test: scene0474_02 [49/312]-252355 Batch 33.315 (20.080) Accuracy 0.8665 (0.3892) mIoU 0.3738 (0.3121) +[2024-10-13 15:45:42,645 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 0/139 +[2024-10-13 15:45:42,827 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 1/139 +[2024-10-13 15:45:43,011 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 2/139 +[2024-10-13 15:45:43,193 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 3/139 +[2024-10-13 15:45:43,375 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 4/139 +[2024-10-13 15:45:43,557 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 5/139 +[2024-10-13 15:45:43,740 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 6/139 +[2024-10-13 15:45:43,922 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 7/139 +[2024-10-13 15:45:44,104 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 8/139 +[2024-10-13 15:45:44,286 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 9/139 +[2024-10-13 15:45:44,468 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 10/139 +[2024-10-13 15:45:44,682 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 11/139 +[2024-10-13 15:45:44,865 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 12/139 +[2024-10-13 15:45:45,047 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 13/139 +[2024-10-13 15:45:45,228 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 14/139 +[2024-10-13 15:45:45,411 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 15/139 +[2024-10-13 15:45:45,593 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 16/139 +[2024-10-13 15:45:45,776 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 17/139 +[2024-10-13 15:45:45,958 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 18/139 +[2024-10-13 15:45:46,140 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 19/139 +[2024-10-13 15:45:46,323 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 20/139 +[2024-10-13 15:45:46,504 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 21/139 +[2024-10-13 15:45:46,686 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 22/139 +[2024-10-13 15:45:46,868 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 23/139 +[2024-10-13 15:45:47,050 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 24/139 +[2024-10-13 15:45:47,232 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 25/139 +[2024-10-13 15:45:47,414 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 26/139 +[2024-10-13 15:45:47,596 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 27/139 +[2024-10-13 15:45:47,778 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 28/139 +[2024-10-13 15:45:47,960 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 29/139 +[2024-10-13 15:45:48,142 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 30/139 +[2024-10-13 15:45:48,324 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 31/139 +[2024-10-13 15:45:48,506 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 32/139 +[2024-10-13 15:45:48,688 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 33/139 +[2024-10-13 15:45:48,870 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 34/139 +[2024-10-13 15:45:49,053 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 35/139 +[2024-10-13 15:45:49,235 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 36/139 +[2024-10-13 15:45:49,418 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 37/139 +[2024-10-13 15:45:49,600 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 38/139 +[2024-10-13 15:45:49,782 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 39/139 +[2024-10-13 15:45:49,964 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 40/139 +[2024-10-13 15:45:50,146 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 41/139 +[2024-10-13 15:45:50,328 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 42/139 +[2024-10-13 15:45:50,510 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 43/139 +[2024-10-13 15:45:50,681 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 44/139 +[2024-10-13 15:45:50,851 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 45/139 +[2024-10-13 15:45:51,021 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 46/139 +[2024-10-13 15:45:51,192 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 47/139 +[2024-10-13 15:45:51,362 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 48/139 +[2024-10-13 15:45:51,532 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 49/139 +[2024-10-13 15:45:51,702 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 50/139 +[2024-10-13 15:45:51,873 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 51/139 +[2024-10-13 15:45:52,043 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 52/139 +[2024-10-13 15:45:52,213 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 53/139 +[2024-10-13 15:45:52,383 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 54/139 +[2024-10-13 15:45:52,552 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 55/139 +[2024-10-13 15:45:52,721 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 56/139 +[2024-10-13 15:45:52,891 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 57/139 +[2024-10-13 15:45:53,060 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 58/139 +[2024-10-13 15:45:53,230 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 59/139 +[2024-10-13 15:45:53,400 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 60/139 +[2024-10-13 15:45:53,569 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 61/139 +[2024-10-13 15:45:53,739 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 62/139 +[2024-10-13 15:45:53,908 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 63/139 +[2024-10-13 15:45:54,077 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 64/139 +[2024-10-13 15:45:54,247 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 65/139 +[2024-10-13 15:45:54,416 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 66/139 +[2024-10-13 15:45:54,586 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 67/139 +[2024-10-13 15:45:54,755 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 68/139 +[2024-10-13 15:45:54,925 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 69/139 +[2024-10-13 15:45:55,095 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 70/139 +[2024-10-13 15:45:55,265 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 71/139 +[2024-10-13 15:45:55,434 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 72/139 +[2024-10-13 15:45:55,604 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 73/139 +[2024-10-13 15:45:55,774 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 74/139 +[2024-10-13 15:45:55,943 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 75/139 +[2024-10-13 15:45:56,113 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 76/139 +[2024-10-13 15:45:56,283 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 77/139 +[2024-10-13 15:45:56,453 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 78/139 +[2024-10-13 15:45:56,622 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 79/139 +[2024-10-13 15:45:56,792 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 80/139 +[2024-10-13 15:45:56,962 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 81/139 +[2024-10-13 15:45:57,132 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 82/139 +[2024-10-13 15:45:57,301 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 83/139 +[2024-10-13 15:45:57,471 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 84/139 +[2024-10-13 15:45:57,641 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 85/139 +[2024-10-13 15:45:57,811 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 86/139 +[2024-10-13 15:45:57,980 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 87/139 +[2024-10-13 15:45:58,175 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 88/139 +[2024-10-13 15:45:58,369 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 89/139 +[2024-10-13 15:45:58,563 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 90/139 +[2024-10-13 15:45:58,758 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 91/139 +[2024-10-13 15:45:58,952 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 92/139 +[2024-10-13 15:45:59,146 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 93/139 +[2024-10-13 15:45:59,341 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 94/139 +[2024-10-13 15:45:59,535 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 95/139 +[2024-10-13 15:45:59,730 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 96/139 +[2024-10-13 15:45:59,924 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 97/139 +[2024-10-13 15:46:00,118 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 98/139 +[2024-10-13 15:46:00,312 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 99/139 +[2024-10-13 15:46:00,507 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 100/139 +[2024-10-13 15:46:00,702 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 101/139 +[2024-10-13 15:46:00,896 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 102/139 +[2024-10-13 15:46:01,090 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 103/139 +[2024-10-13 15:46:01,285 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 104/139 +[2024-10-13 15:46:01,479 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 105/139 +[2024-10-13 15:46:01,674 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 106/139 +[2024-10-13 15:46:01,869 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 107/139 +[2024-10-13 15:46:02,064 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 108/139 +[2024-10-13 15:46:02,260 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 109/139 +[2024-10-13 15:46:02,455 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 110/139 +[2024-10-13 15:46:02,650 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 111/139 +[2024-10-13 15:46:02,845 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 112/139 +[2024-10-13 15:46:03,040 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 113/139 +[2024-10-13 15:46:03,236 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 114/139 +[2024-10-13 15:46:03,431 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 115/139 +[2024-10-13 15:46:03,626 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 116/139 +[2024-10-13 15:46:03,821 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 117/139 +[2024-10-13 15:46:04,016 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 118/139 +[2024-10-13 15:46:04,211 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 119/139 +[2024-10-13 15:46:04,406 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 120/139 +[2024-10-13 15:46:04,601 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 121/139 +[2024-10-13 15:46:04,796 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 122/139 +[2024-10-13 15:46:04,991 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 123/139 +[2024-10-13 15:46:05,186 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 124/139 +[2024-10-13 15:46:05,381 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 125/139 +[2024-10-13 15:46:05,576 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 126/139 +[2024-10-13 15:46:05,770 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 127/139 +[2024-10-13 15:46:05,952 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 128/139 +[2024-10-13 15:46:06,134 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 129/139 +[2024-10-13 15:46:06,317 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 130/139 +[2024-10-13 15:46:06,498 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 131/139 +[2024-10-13 15:46:06,680 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 132/139 +[2024-10-13 15:46:06,862 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 133/139 +[2024-10-13 15:46:07,044 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 134/139 +[2024-10-13 15:46:07,226 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 135/139 +[2024-10-13 15:46:07,408 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 136/139 +[2024-10-13 15:46:07,590 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 137/139 +[2024-10-13 15:46:07,773 INFO test.py line 186 25394] Test: 50/312-scene0474_01, Batch: 138/139 +[2024-10-13 15:46:08,047 INFO test.py line 272 25394] Test: scene0474_01 [50/312]-213949 Batch 25.616 (20.191) Accuracy 0.8042 (0.3885) mIoU 0.3646 (0.3108) +[2024-10-13 15:46:08,189 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 0/130 +[2024-10-13 15:46:08,315 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 1/130 +[2024-10-13 15:46:08,446 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 2/130 +[2024-10-13 15:46:08,571 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 3/130 +[2024-10-13 15:46:08,697 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 4/130 +[2024-10-13 15:46:08,822 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 5/130 +[2024-10-13 15:46:08,948 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 6/130 +[2024-10-13 15:46:09,073 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 7/130 +[2024-10-13 15:46:09,199 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 8/130 +[2024-10-13 15:46:09,324 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 9/130 +[2024-10-13 15:46:09,449 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 10/130 +[2024-10-13 15:46:09,574 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 11/130 +[2024-10-13 15:46:09,700 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 12/130 +[2024-10-13 15:46:09,825 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 13/130 +[2024-10-13 15:46:09,950 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 14/130 +[2024-10-13 15:46:10,075 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 15/130 +[2024-10-13 15:46:10,200 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 16/130 +[2024-10-13 15:46:10,325 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 17/130 +[2024-10-13 15:46:10,450 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 18/130 +[2024-10-13 15:46:10,575 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 19/130 +[2024-10-13 15:46:10,700 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 20/130 +[2024-10-13 15:46:10,830 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 21/130 +[2024-10-13 15:46:10,956 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 22/130 +[2024-10-13 15:46:11,081 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 23/130 +[2024-10-13 15:46:11,206 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 24/130 +[2024-10-13 15:46:11,374 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 25/130 +[2024-10-13 15:46:11,500 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 26/130 +[2024-10-13 15:46:11,626 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 27/130 +[2024-10-13 15:46:11,751 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 28/130 +[2024-10-13 15:46:11,876 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 29/130 +[2024-10-13 15:46:12,001 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 30/130 +[2024-10-13 15:46:12,126 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 31/130 +[2024-10-13 15:46:12,251 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 32/130 +[2024-10-13 15:46:12,376 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 33/130 +[2024-10-13 15:46:12,501 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 34/130 +[2024-10-13 15:46:12,625 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 35/130 +[2024-10-13 15:46:12,750 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 36/130 +[2024-10-13 15:46:12,875 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 37/130 +[2024-10-13 15:46:13,000 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 38/130 +[2024-10-13 15:46:13,125 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 39/130 +[2024-10-13 15:46:13,241 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 40/130 +[2024-10-13 15:46:13,358 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 41/130 +[2024-10-13 15:46:13,474 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 42/130 +[2024-10-13 15:46:13,591 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 43/130 +[2024-10-13 15:46:13,707 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 44/130 +[2024-10-13 15:46:13,823 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 45/130 +[2024-10-13 15:46:13,940 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 46/130 +[2024-10-13 15:46:14,056 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 47/130 +[2024-10-13 15:46:14,173 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 48/130 +[2024-10-13 15:46:14,289 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 49/130 +[2024-10-13 15:46:14,405 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 50/130 +[2024-10-13 15:46:14,522 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 51/130 +[2024-10-13 15:46:14,639 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 52/130 +[2024-10-13 15:46:14,756 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 53/130 +[2024-10-13 15:46:14,873 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 54/130 +[2024-10-13 15:46:14,990 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 55/130 +[2024-10-13 15:46:15,107 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 56/130 +[2024-10-13 15:46:15,224 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 57/130 +[2024-10-13 15:46:15,341 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 58/130 +[2024-10-13 15:46:15,457 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 59/130 +[2024-10-13 15:46:15,574 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 60/130 +[2024-10-13 15:46:15,691 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 61/130 +[2024-10-13 15:46:15,808 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 62/130 +[2024-10-13 15:46:15,924 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 63/130 +[2024-10-13 15:46:16,041 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 64/130 +[2024-10-13 15:46:16,157 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 65/130 +[2024-10-13 15:46:16,274 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 66/130 +[2024-10-13 15:46:16,391 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 67/130 +[2024-10-13 15:46:16,508 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 68/130 +[2024-10-13 15:46:16,624 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 69/130 +[2024-10-13 15:46:16,741 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 70/130 +[2024-10-13 15:46:16,857 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 71/130 +[2024-10-13 15:46:16,974 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 72/130 +[2024-10-13 15:46:17,091 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 73/130 +[2024-10-13 15:46:17,208 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 74/130 +[2024-10-13 15:46:17,325 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 75/130 +[2024-10-13 15:46:17,442 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 76/130 +[2024-10-13 15:46:17,558 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 77/130 +[2024-10-13 15:46:17,675 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 78/130 +[2024-10-13 15:46:17,792 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 79/130 +[2024-10-13 15:46:17,909 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 80/130 +[2024-10-13 15:46:18,026 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 81/130 +[2024-10-13 15:46:18,142 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 82/130 +[2024-10-13 15:46:18,259 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 83/130 +[2024-10-13 15:46:18,391 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 84/130 +[2024-10-13 15:46:18,523 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 85/130 +[2024-10-13 15:46:18,655 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 86/130 +[2024-10-13 15:46:18,786 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 87/130 +[2024-10-13 15:46:18,919 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 88/130 +[2024-10-13 15:46:19,050 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 89/130 +[2024-10-13 15:46:19,182 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 90/130 +[2024-10-13 15:46:19,315 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 91/130 +[2024-10-13 15:46:19,446 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 92/130 +[2024-10-13 15:46:19,578 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 93/130 +[2024-10-13 15:46:19,709 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 94/130 +[2024-10-13 15:46:19,840 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 95/130 +[2024-10-13 15:46:19,972 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 96/130 +[2024-10-13 15:46:20,103 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 97/130 +[2024-10-13 15:46:20,235 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 98/130 +[2024-10-13 15:46:20,366 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 99/130 +[2024-10-13 15:46:20,497 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 100/130 +[2024-10-13 15:46:20,628 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 101/130 +[2024-10-13 15:46:20,760 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 102/130 +[2024-10-13 15:46:20,891 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 103/130 +[2024-10-13 15:46:21,023 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 104/130 +[2024-10-13 15:46:21,154 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 105/130 +[2024-10-13 15:46:21,285 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 106/130 +[2024-10-13 15:46:21,417 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 107/130 +[2024-10-13 15:46:21,548 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 108/130 +[2024-10-13 15:46:21,679 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 109/130 +[2024-10-13 15:46:21,811 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 110/130 +[2024-10-13 15:46:21,942 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 111/130 +[2024-10-13 15:46:22,073 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 112/130 +[2024-10-13 15:46:22,204 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 113/130 +[2024-10-13 15:46:22,335 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 114/130 +[2024-10-13 15:46:22,466 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 115/130 +[2024-10-13 15:46:22,598 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 116/130 +[2024-10-13 15:46:22,729 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 117/130 +[2024-10-13 15:46:22,860 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 118/130 +[2024-10-13 15:46:22,991 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 119/130 +[2024-10-13 15:46:23,116 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 120/130 +[2024-10-13 15:46:23,241 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 121/130 +[2024-10-13 15:46:23,366 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 122/130 +[2024-10-13 15:46:23,491 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 123/130 +[2024-10-13 15:46:23,616 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 124/130 +[2024-10-13 15:46:23,741 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 125/130 +[2024-10-13 15:46:23,866 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 126/130 +[2024-10-13 15:46:23,991 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 127/130 +[2024-10-13 15:46:24,117 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 128/130 +[2024-10-13 15:46:24,241 INFO test.py line 186 25394] Test: 51/312-scene0019_00, Batch: 129/130 +[2024-10-13 15:46:24,421 INFO test.py line 272 25394] Test: scene0019_00 [51/312]-136769 Batch 16.374 (20.116) Accuracy 0.7642 (0.3883) mIoU 0.3853 (0.3086) +[2024-10-13 15:46:24,520 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 0/139 +[2024-10-13 15:46:24,608 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 1/139 +[2024-10-13 15:46:24,696 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 2/139 +[2024-10-13 15:46:24,789 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 3/139 +[2024-10-13 15:46:24,879 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 4/139 +[2024-10-13 15:46:24,971 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 5/139 +[2024-10-13 15:46:25,062 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 6/139 +[2024-10-13 15:46:25,149 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 7/139 +[2024-10-13 15:46:25,237 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 8/139 +[2024-10-13 15:46:25,325 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 9/139 +[2024-10-13 15:46:25,413 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 10/139 +[2024-10-13 15:46:25,500 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 11/139 +[2024-10-13 15:46:25,588 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 12/139 +[2024-10-13 15:46:25,676 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 13/139 +[2024-10-13 15:46:25,764 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 14/139 +[2024-10-13 15:46:25,851 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 15/139 +[2024-10-13 15:46:25,939 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 16/139 +[2024-10-13 15:46:26,027 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 17/139 +[2024-10-13 15:46:26,115 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 18/139 +[2024-10-13 15:46:26,202 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 19/139 +[2024-10-13 15:46:26,290 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 20/139 +[2024-10-13 15:46:26,378 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 21/139 +[2024-10-13 15:46:26,474 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 22/139 +[2024-10-13 15:46:26,562 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 23/139 +[2024-10-13 15:46:26,650 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 24/139 +[2024-10-13 15:46:26,773 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 25/139 +[2024-10-13 15:46:26,862 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 26/139 +[2024-10-13 15:46:26,952 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 27/139 +[2024-10-13 15:46:27,040 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 28/139 +[2024-10-13 15:46:27,127 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 29/139 +[2024-10-13 15:46:27,215 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 30/139 +[2024-10-13 15:46:27,303 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 31/139 +[2024-10-13 15:46:27,390 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 32/139 +[2024-10-13 15:46:27,478 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 33/139 +[2024-10-13 15:46:27,566 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 34/139 +[2024-10-13 15:46:27,653 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 35/139 +[2024-10-13 15:46:27,741 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 36/139 +[2024-10-13 15:46:27,829 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 37/139 +[2024-10-13 15:46:27,916 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 38/139 +[2024-10-13 15:46:28,004 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 39/139 +[2024-10-13 15:46:28,091 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 40/139 +[2024-10-13 15:46:28,179 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 41/139 +[2024-10-13 15:46:28,267 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 42/139 +[2024-10-13 15:46:28,354 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 43/139 +[2024-10-13 15:46:28,439 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 44/139 +[2024-10-13 15:46:28,524 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 45/139 +[2024-10-13 15:46:28,609 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 46/139 +[2024-10-13 15:46:28,694 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 47/139 +[2024-10-13 15:46:28,778 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 48/139 +[2024-10-13 15:46:28,863 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 49/139 +[2024-10-13 15:46:28,948 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 50/139 +[2024-10-13 15:46:29,033 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 51/139 +[2024-10-13 15:46:29,117 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 52/139 +[2024-10-13 15:46:29,202 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 53/139 +[2024-10-13 15:46:29,287 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 54/139 +[2024-10-13 15:46:29,371 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 55/139 +[2024-10-13 15:46:29,456 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 56/139 +[2024-10-13 15:46:29,540 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 57/139 +[2024-10-13 15:46:29,624 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 58/139 +[2024-10-13 15:46:29,709 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 59/139 +[2024-10-13 15:46:29,793 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 60/139 +[2024-10-13 15:46:29,877 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 61/139 +[2024-10-13 15:46:29,962 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 62/139 +[2024-10-13 15:46:30,046 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 63/139 +[2024-10-13 15:46:30,130 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 64/139 +[2024-10-13 15:46:30,215 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 65/139 +[2024-10-13 15:46:30,299 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 66/139 +[2024-10-13 15:46:30,383 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 67/139 +[2024-10-13 15:46:30,468 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 68/139 +[2024-10-13 15:46:30,552 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 69/139 +[2024-10-13 15:46:30,636 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 70/139 +[2024-10-13 15:46:30,721 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 71/139 +[2024-10-13 15:46:30,805 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 72/139 +[2024-10-13 15:46:30,890 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 73/139 +[2024-10-13 15:46:30,974 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 74/139 +[2024-10-13 15:46:31,058 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 75/139 +[2024-10-13 15:46:31,143 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 76/139 +[2024-10-13 15:46:31,227 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 77/139 +[2024-10-13 15:46:31,312 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 78/139 +[2024-10-13 15:46:31,396 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 79/139 +[2024-10-13 15:46:31,480 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 80/139 +[2024-10-13 15:46:31,565 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 81/139 +[2024-10-13 15:46:31,649 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 82/139 +[2024-10-13 15:46:31,734 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 83/139 +[2024-10-13 15:46:31,819 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 84/139 +[2024-10-13 15:46:31,903 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 85/139 +[2024-10-13 15:46:31,988 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 86/139 +[2024-10-13 15:46:32,072 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 87/139 +[2024-10-13 15:46:32,157 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 88/139 +[2024-10-13 15:46:32,241 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 89/139 +[2024-10-13 15:46:32,326 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 90/139 +[2024-10-13 15:46:32,410 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 91/139 +[2024-10-13 15:46:32,501 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 92/139 +[2024-10-13 15:46:32,593 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 93/139 +[2024-10-13 15:46:32,684 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 94/139 +[2024-10-13 15:46:32,776 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 95/139 +[2024-10-13 15:46:32,867 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 96/139 +[2024-10-13 15:46:32,959 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 97/139 +[2024-10-13 15:46:33,050 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 98/139 +[2024-10-13 15:46:33,141 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 99/139 +[2024-10-13 15:46:33,233 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 100/139 +[2024-10-13 15:46:33,323 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 101/139 +[2024-10-13 15:46:33,414 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 102/139 +[2024-10-13 15:46:33,504 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 103/139 +[2024-10-13 15:46:33,595 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 104/139 +[2024-10-13 15:46:33,685 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 105/139 +[2024-10-13 15:46:33,776 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 106/139 +[2024-10-13 15:46:33,867 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 107/139 +[2024-10-13 15:46:33,957 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 108/139 +[2024-10-13 15:46:34,048 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 109/139 +[2024-10-13 15:46:34,139 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 110/139 +[2024-10-13 15:46:34,230 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 111/139 +[2024-10-13 15:46:34,321 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 112/139 +[2024-10-13 15:46:34,411 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 113/139 +[2024-10-13 15:46:34,502 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 114/139 +[2024-10-13 15:46:34,593 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 115/139 +[2024-10-13 15:46:34,684 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 116/139 +[2024-10-13 15:46:34,774 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 117/139 +[2024-10-13 15:46:34,865 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 118/139 +[2024-10-13 15:46:34,956 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 119/139 +[2024-10-13 15:46:35,048 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 120/139 +[2024-10-13 15:46:35,139 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 121/139 +[2024-10-13 15:46:35,231 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 122/139 +[2024-10-13 15:46:35,322 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 123/139 +[2024-10-13 15:46:35,413 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 124/139 +[2024-10-13 15:46:35,504 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 125/139 +[2024-10-13 15:46:35,595 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 126/139 +[2024-10-13 15:46:35,687 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 127/139 +[2024-10-13 15:46:35,775 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 128/139 +[2024-10-13 15:46:35,862 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 129/139 +[2024-10-13 15:46:35,950 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 130/139 +[2024-10-13 15:46:36,038 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 131/139 +[2024-10-13 15:46:36,125 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 132/139 +[2024-10-13 15:46:36,213 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 133/139 +[2024-10-13 15:46:36,301 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 134/139 +[2024-10-13 15:46:36,388 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 135/139 +[2024-10-13 15:46:36,476 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 136/139 +[2024-10-13 15:46:36,564 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 137/139 +[2024-10-13 15:46:36,652 INFO test.py line 186 25394] Test: 52/312-scene0356_02, Batch: 138/139 +[2024-10-13 15:46:36,763 INFO test.py line 272 25394] Test: scene0356_02 [52/312]-83613 Batch 12.342 (19.967) Accuracy 0.8380 (0.3915) mIoU 0.5374 (0.3113) +[2024-10-13 15:46:36,895 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 0/143 +[2024-10-13 15:46:37,012 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 1/143 +[2024-10-13 15:46:37,132 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 2/143 +[2024-10-13 15:46:37,251 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 3/143 +[2024-10-13 15:46:37,375 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 4/143 +[2024-10-13 15:46:37,491 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 5/143 +[2024-10-13 15:46:37,607 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 6/143 +[2024-10-13 15:46:37,722 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 7/143 +[2024-10-13 15:46:37,838 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 8/143 +[2024-10-13 15:46:37,954 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 9/143 +[2024-10-13 15:46:38,070 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 10/143 +[2024-10-13 15:46:38,185 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 11/143 +[2024-10-13 15:46:38,300 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 12/143 +[2024-10-13 15:46:38,416 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 13/143 +[2024-10-13 15:46:38,531 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 14/143 +[2024-10-13 15:46:38,646 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 15/143 +[2024-10-13 15:46:38,762 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 16/143 +[2024-10-13 15:46:38,877 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 17/143 +[2024-10-13 15:46:38,992 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 18/143 +[2024-10-13 15:46:39,107 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 19/143 +[2024-10-13 15:46:39,223 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 20/143 +[2024-10-13 15:46:39,338 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 21/143 +[2024-10-13 15:46:39,463 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 22/143 +[2024-10-13 15:46:39,579 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 23/143 +[2024-10-13 15:46:39,695 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 24/143 +[2024-10-13 15:46:39,852 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 25/143 +[2024-10-13 15:46:39,970 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 26/143 +[2024-10-13 15:46:40,087 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 27/143 +[2024-10-13 15:46:40,204 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 28/143 +[2024-10-13 15:46:40,320 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 29/143 +[2024-10-13 15:46:40,436 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 30/143 +[2024-10-13 15:46:40,551 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 31/143 +[2024-10-13 15:46:40,667 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 32/143 +[2024-10-13 15:46:40,783 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 33/143 +[2024-10-13 15:46:40,898 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 34/143 +[2024-10-13 15:46:41,013 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 35/143 +[2024-10-13 15:46:41,128 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 36/143 +[2024-10-13 15:46:41,243 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 37/143 +[2024-10-13 15:46:41,358 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 38/143 +[2024-10-13 15:46:41,473 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 39/143 +[2024-10-13 15:46:41,588 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 40/143 +[2024-10-13 15:46:41,703 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 41/143 +[2024-10-13 15:46:41,818 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 42/143 +[2024-10-13 15:46:41,933 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 43/143 +[2024-10-13 15:46:42,041 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 44/143 +[2024-10-13 15:46:42,150 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 45/143 +[2024-10-13 15:46:42,258 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 46/143 +[2024-10-13 15:46:42,367 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 47/143 +[2024-10-13 15:46:42,476 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 48/143 +[2024-10-13 15:46:42,585 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 49/143 +[2024-10-13 15:46:42,694 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 50/143 +[2024-10-13 15:46:42,803 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 51/143 +[2024-10-13 15:46:42,912 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 52/143 +[2024-10-13 15:46:43,021 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 53/143 +[2024-10-13 15:46:43,129 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 54/143 +[2024-10-13 15:46:43,238 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 55/143 +[2024-10-13 15:46:43,347 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 56/143 +[2024-10-13 15:46:43,457 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 57/143 +[2024-10-13 15:46:43,567 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 58/143 +[2024-10-13 15:46:43,676 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 59/143 +[2024-10-13 15:46:43,786 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 60/143 +[2024-10-13 15:46:43,895 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 61/143 +[2024-10-13 15:46:44,005 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 62/143 +[2024-10-13 15:46:44,114 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 63/143 +[2024-10-13 15:46:44,223 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 64/143 +[2024-10-13 15:46:44,333 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 65/143 +[2024-10-13 15:46:44,442 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 66/143 +[2024-10-13 15:46:44,552 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 67/143 +[2024-10-13 15:46:44,659 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 68/143 +[2024-10-13 15:46:44,768 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 69/143 +[2024-10-13 15:46:44,876 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 70/143 +[2024-10-13 15:46:44,984 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 71/143 +[2024-10-13 15:46:45,092 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 72/143 +[2024-10-13 15:46:45,200 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 73/143 +[2024-10-13 15:46:45,308 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 74/143 +[2024-10-13 15:46:45,416 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 75/143 +[2024-10-13 15:46:45,524 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 76/143 +[2024-10-13 15:46:45,632 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 77/143 +[2024-10-13 15:46:45,740 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 78/143 +[2024-10-13 15:46:45,848 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 79/143 +[2024-10-13 15:46:45,956 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 80/143 +[2024-10-13 15:46:46,065 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 81/143 +[2024-10-13 15:46:46,173 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 82/143 +[2024-10-13 15:46:46,281 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 83/143 +[2024-10-13 15:46:46,390 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 84/143 +[2024-10-13 15:46:46,498 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 85/143 +[2024-10-13 15:46:46,606 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 86/143 +[2024-10-13 15:46:46,714 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 87/143 +[2024-10-13 15:46:46,823 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 88/143 +[2024-10-13 15:46:46,931 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 89/143 +[2024-10-13 15:46:47,039 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 90/143 +[2024-10-13 15:46:47,148 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 91/143 +[2024-10-13 15:46:47,269 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 92/143 +[2024-10-13 15:46:47,390 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 93/143 +[2024-10-13 15:46:47,511 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 94/143 +[2024-10-13 15:46:47,631 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 95/143 +[2024-10-13 15:46:47,753 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 96/143 +[2024-10-13 15:46:47,873 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 97/143 +[2024-10-13 15:46:47,994 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 98/143 +[2024-10-13 15:46:48,115 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 99/143 +[2024-10-13 15:46:48,236 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 100/143 +[2024-10-13 15:46:48,357 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 101/143 +[2024-10-13 15:46:48,479 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 102/143 +[2024-10-13 15:46:48,600 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 103/143 +[2024-10-13 15:46:48,722 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 104/143 +[2024-10-13 15:46:48,844 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 105/143 +[2024-10-13 15:46:48,966 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 106/143 +[2024-10-13 15:46:49,088 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 107/143 +[2024-10-13 15:46:49,210 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 108/143 +[2024-10-13 15:46:49,332 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 109/143 +[2024-10-13 15:46:49,454 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 110/143 +[2024-10-13 15:46:49,576 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 111/143 +[2024-10-13 15:46:49,697 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 112/143 +[2024-10-13 15:46:49,819 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 113/143 +[2024-10-13 15:46:49,941 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 114/143 +[2024-10-13 15:46:50,063 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 115/143 +[2024-10-13 15:46:50,185 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 116/143 +[2024-10-13 15:46:50,307 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 117/143 +[2024-10-13 15:46:50,429 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 118/143 +[2024-10-13 15:46:50,551 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 119/143 +[2024-10-13 15:46:50,673 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 120/143 +[2024-10-13 15:46:50,795 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 121/143 +[2024-10-13 15:46:50,916 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 122/143 +[2024-10-13 15:46:51,037 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 123/143 +[2024-10-13 15:46:51,158 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 124/143 +[2024-10-13 15:46:51,280 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 125/143 +[2024-10-13 15:46:51,401 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 126/143 +[2024-10-13 15:46:51,522 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 127/143 +[2024-10-13 15:46:51,643 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 128/143 +[2024-10-13 15:46:51,764 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 129/143 +[2024-10-13 15:46:51,886 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 130/143 +[2024-10-13 15:46:52,006 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 131/143 +[2024-10-13 15:46:52,122 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 132/143 +[2024-10-13 15:46:52,239 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 133/143 +[2024-10-13 15:46:52,355 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 134/143 +[2024-10-13 15:46:52,471 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 135/143 +[2024-10-13 15:46:52,587 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 136/143 +[2024-10-13 15:46:52,703 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 137/143 +[2024-10-13 15:46:52,820 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 138/143 +[2024-10-13 15:46:52,935 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 139/143 +[2024-10-13 15:46:53,051 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 140/143 +[2024-10-13 15:46:53,167 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 141/143 +[2024-10-13 15:46:53,283 INFO test.py line 186 25394] Test: 53/312-scene0217_00, Batch: 142/143 +[2024-10-13 15:46:53,450 INFO test.py line 272 25394] Test: scene0217_00 [53/312]-126385 Batch 16.686 (19.905) Accuracy 0.9356 (0.3930) mIoU 0.7457 (0.3130) +[2024-10-13 15:46:53,562 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 0/127 +[2024-10-13 15:46:53,660 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 1/127 +[2024-10-13 15:46:53,759 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 2/127 +[2024-10-13 15:46:53,865 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 3/127 +[2024-10-13 15:46:53,963 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 4/127 +[2024-10-13 15:46:54,061 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 5/127 +[2024-10-13 15:46:54,160 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 6/127 +[2024-10-13 15:46:54,258 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 7/127 +[2024-10-13 15:46:54,356 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 8/127 +[2024-10-13 15:46:54,455 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 9/127 +[2024-10-13 15:46:54,553 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 10/127 +[2024-10-13 15:46:54,650 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 11/127 +[2024-10-13 15:46:54,747 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 12/127 +[2024-10-13 15:46:54,845 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 13/127 +[2024-10-13 15:46:54,942 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 14/127 +[2024-10-13 15:46:55,045 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 15/127 +[2024-10-13 15:46:55,142 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 16/127 +[2024-10-13 15:46:55,240 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 17/127 +[2024-10-13 15:46:55,378 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 18/127 +[2024-10-13 15:46:55,478 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 19/127 +[2024-10-13 15:46:55,575 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 20/127 +[2024-10-13 15:46:55,672 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 21/127 +[2024-10-13 15:46:55,770 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 22/127 +[2024-10-13 15:46:55,867 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 23/127 +[2024-10-13 15:46:55,964 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 24/127 +[2024-10-13 15:46:56,062 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 25/127 +[2024-10-13 15:46:56,159 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 26/127 +[2024-10-13 15:46:56,256 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 27/127 +[2024-10-13 15:46:56,354 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 28/127 +[2024-10-13 15:46:56,451 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 29/127 +[2024-10-13 15:46:56,548 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 30/127 +[2024-10-13 15:46:56,645 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 31/127 +[2024-10-13 15:46:56,743 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 32/127 +[2024-10-13 15:46:56,841 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 33/127 +[2024-10-13 15:46:56,940 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 34/127 +[2024-10-13 15:46:57,038 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 35/127 +[2024-10-13 15:46:57,136 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 36/127 +[2024-10-13 15:46:57,235 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 37/127 +[2024-10-13 15:46:57,333 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 38/127 +[2024-10-13 15:46:57,432 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 39/127 +[2024-10-13 15:46:57,530 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 40/127 +[2024-10-13 15:46:57,629 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 41/127 +[2024-10-13 15:46:57,727 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 42/127 +[2024-10-13 15:46:57,826 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 43/127 +[2024-10-13 15:46:57,917 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 44/127 +[2024-10-13 15:46:58,008 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 45/127 +[2024-10-13 15:46:58,099 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 46/127 +[2024-10-13 15:46:58,191 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 47/127 +[2024-10-13 15:46:58,282 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 48/127 +[2024-10-13 15:46:58,373 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 49/127 +[2024-10-13 15:46:58,464 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 50/127 +[2024-10-13 15:46:58,555 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 51/127 +[2024-10-13 15:46:58,646 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 52/127 +[2024-10-13 15:46:58,737 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 53/127 +[2024-10-13 15:46:58,829 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 54/127 +[2024-10-13 15:46:58,920 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 55/127 +[2024-10-13 15:46:59,011 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 56/127 +[2024-10-13 15:46:59,103 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 57/127 +[2024-10-13 15:46:59,194 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 58/127 +[2024-10-13 15:46:59,285 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 59/127 +[2024-10-13 15:46:59,377 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 60/127 +[2024-10-13 15:46:59,468 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 61/127 +[2024-10-13 15:46:59,560 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 62/127 +[2024-10-13 15:46:59,651 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 63/127 +[2024-10-13 15:46:59,742 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 64/127 +[2024-10-13 15:46:59,834 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 65/127 +[2024-10-13 15:46:59,925 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 66/127 +[2024-10-13 15:47:00,016 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 67/127 +[2024-10-13 15:47:00,107 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 68/127 +[2024-10-13 15:47:00,199 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 69/127 +[2024-10-13 15:47:00,290 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 70/127 +[2024-10-13 15:47:00,381 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 71/127 +[2024-10-13 15:47:00,473 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 72/127 +[2024-10-13 15:47:00,564 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 73/127 +[2024-10-13 15:47:00,655 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 74/127 +[2024-10-13 15:47:00,746 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 75/127 +[2024-10-13 15:47:00,838 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 76/127 +[2024-10-13 15:47:00,929 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 77/127 +[2024-10-13 15:47:01,020 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 78/127 +[2024-10-13 15:47:01,112 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 79/127 +[2024-10-13 15:47:01,214 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 80/127 +[2024-10-13 15:47:01,316 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 81/127 +[2024-10-13 15:47:01,419 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 82/127 +[2024-10-13 15:47:01,521 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 83/127 +[2024-10-13 15:47:01,623 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 84/127 +[2024-10-13 15:47:01,726 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 85/127 +[2024-10-13 15:47:01,829 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 86/127 +[2024-10-13 15:47:01,931 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 87/127 +[2024-10-13 15:47:02,033 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 88/127 +[2024-10-13 15:47:02,136 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 89/127 +[2024-10-13 15:47:02,238 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 90/127 +[2024-10-13 15:47:02,341 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 91/127 +[2024-10-13 15:47:02,443 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 92/127 +[2024-10-13 15:47:02,546 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 93/127 +[2024-10-13 15:47:02,648 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 94/127 +[2024-10-13 15:47:02,751 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 95/127 +[2024-10-13 15:47:02,853 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 96/127 +[2024-10-13 15:47:02,955 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 97/127 +[2024-10-13 15:47:03,058 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 98/127 +[2024-10-13 15:47:03,161 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 99/127 +[2024-10-13 15:47:03,264 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 100/127 +[2024-10-13 15:47:03,367 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 101/127 +[2024-10-13 15:47:03,469 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 102/127 +[2024-10-13 15:47:03,572 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 103/127 +[2024-10-13 15:47:03,675 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 104/127 +[2024-10-13 15:47:03,778 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 105/127 +[2024-10-13 15:47:03,880 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 106/127 +[2024-10-13 15:47:03,983 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 107/127 +[2024-10-13 15:47:04,086 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 108/127 +[2024-10-13 15:47:04,189 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 109/127 +[2024-10-13 15:47:04,292 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 110/127 +[2024-10-13 15:47:04,395 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 111/127 +[2024-10-13 15:47:04,498 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 112/127 +[2024-10-13 15:47:04,601 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 113/127 +[2024-10-13 15:47:04,704 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 114/127 +[2024-10-13 15:47:04,807 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 115/127 +[2024-10-13 15:47:04,904 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 116/127 +[2024-10-13 15:47:05,002 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 117/127 +[2024-10-13 15:47:05,099 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 118/127 +[2024-10-13 15:47:05,196 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 119/127 +[2024-10-13 15:47:05,294 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 120/127 +[2024-10-13 15:47:05,391 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 121/127 +[2024-10-13 15:47:05,488 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 122/127 +[2024-10-13 15:47:05,585 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 123/127 +[2024-10-13 15:47:05,683 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 124/127 +[2024-10-13 15:47:05,780 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 125/127 +[2024-10-13 15:47:05,878 INFO test.py line 186 25394] Test: 54/312-scene0652_00, Batch: 126/127 +[2024-10-13 15:47:06,008 INFO test.py line 272 25394] Test: scene0652_00 [54/312]-100286 Batch 12.558 (19.769) Accuracy 0.8416 (0.3921) mIoU 0.3811 (0.3115) +[2024-10-13 15:47:06,134 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 0/142 +[2024-10-13 15:47:06,246 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 1/142 +[2024-10-13 15:47:06,357 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 2/142 +[2024-10-13 15:47:06,468 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 3/142 +[2024-10-13 15:47:06,580 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 4/142 +[2024-10-13 15:47:06,696 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 5/142 +[2024-10-13 15:47:06,810 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 6/142 +[2024-10-13 15:47:06,925 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 7/142 +[2024-10-13 15:47:07,043 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 8/142 +[2024-10-13 15:47:07,155 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 9/142 +[2024-10-13 15:47:07,266 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 10/142 +[2024-10-13 15:47:07,377 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 11/142 +[2024-10-13 15:47:07,487 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 12/142 +[2024-10-13 15:47:07,598 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 13/142 +[2024-10-13 15:47:07,709 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 14/142 +[2024-10-13 15:47:07,820 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 15/142 +[2024-10-13 15:47:07,931 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 16/142 +[2024-10-13 15:47:08,042 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 17/142 +[2024-10-13 15:47:08,153 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 18/142 +[2024-10-13 15:47:08,263 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 19/142 +[2024-10-13 15:47:08,375 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 20/142 +[2024-10-13 15:47:08,487 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 21/142 +[2024-10-13 15:47:08,599 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 22/142 +[2024-10-13 15:47:08,718 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 23/142 +[2024-10-13 15:47:08,830 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 24/142 +[2024-10-13 15:47:08,942 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 25/142 +[2024-10-13 15:47:09,095 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 26/142 +[2024-10-13 15:47:09,209 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 27/142 +[2024-10-13 15:47:09,321 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 28/142 +[2024-10-13 15:47:09,432 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 29/142 +[2024-10-13 15:47:09,545 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 30/142 +[2024-10-13 15:47:09,658 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 31/142 +[2024-10-13 15:47:09,771 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 32/142 +[2024-10-13 15:47:09,884 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 33/142 +[2024-10-13 15:47:09,996 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 34/142 +[2024-10-13 15:47:10,109 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 35/142 +[2024-10-13 15:47:10,222 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 36/142 +[2024-10-13 15:47:10,334 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 37/142 +[2024-10-13 15:47:10,447 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 38/142 +[2024-10-13 15:47:10,560 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 39/142 +[2024-10-13 15:47:10,664 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 40/142 +[2024-10-13 15:47:10,769 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 41/142 +[2024-10-13 15:47:10,874 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 42/142 +[2024-10-13 15:47:10,979 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 43/142 +[2024-10-13 15:47:11,084 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 44/142 +[2024-10-13 15:47:11,188 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 45/142 +[2024-10-13 15:47:11,293 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 46/142 +[2024-10-13 15:47:11,398 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 47/142 +[2024-10-13 15:47:11,502 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 48/142 +[2024-10-13 15:47:11,607 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 49/142 +[2024-10-13 15:47:11,711 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 50/142 +[2024-10-13 15:47:11,816 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 51/142 +[2024-10-13 15:47:11,921 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 52/142 +[2024-10-13 15:47:12,026 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 53/142 +[2024-10-13 15:47:12,130 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 54/142 +[2024-10-13 15:47:12,235 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 55/142 +[2024-10-13 15:47:12,340 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 56/142 +[2024-10-13 15:47:12,445 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 57/142 +[2024-10-13 15:47:12,549 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 58/142 +[2024-10-13 15:47:12,655 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 59/142 +[2024-10-13 15:47:12,759 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 60/142 +[2024-10-13 15:47:12,864 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 61/142 +[2024-10-13 15:47:12,969 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 62/142 +[2024-10-13 15:47:13,074 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 63/142 +[2024-10-13 15:47:13,179 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 64/142 +[2024-10-13 15:47:13,284 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 65/142 +[2024-10-13 15:47:13,388 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 66/142 +[2024-10-13 15:47:13,493 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 67/142 +[2024-10-13 15:47:13,597 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 68/142 +[2024-10-13 15:47:13,702 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 69/142 +[2024-10-13 15:47:13,806 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 70/142 +[2024-10-13 15:47:13,911 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 71/142 +[2024-10-13 15:47:14,015 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 72/142 +[2024-10-13 15:47:14,120 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 73/142 +[2024-10-13 15:47:14,224 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 74/142 +[2024-10-13 15:47:14,329 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 75/142 +[2024-10-13 15:47:14,434 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 76/142 +[2024-10-13 15:47:14,538 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 77/142 +[2024-10-13 15:47:14,643 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 78/142 +[2024-10-13 15:47:14,747 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 79/142 +[2024-10-13 15:47:14,852 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 80/142 +[2024-10-13 15:47:14,957 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 81/142 +[2024-10-13 15:47:15,061 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 82/142 +[2024-10-13 15:47:15,166 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 83/142 +[2024-10-13 15:47:15,270 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 84/142 +[2024-10-13 15:47:15,375 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 85/142 +[2024-10-13 15:47:15,480 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 86/142 +[2024-10-13 15:47:15,584 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 87/142 +[2024-10-13 15:47:15,688 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 88/142 +[2024-10-13 15:47:15,793 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 89/142 +[2024-10-13 15:47:15,898 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 90/142 +[2024-10-13 15:47:16,002 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 91/142 +[2024-10-13 15:47:16,122 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 92/142 +[2024-10-13 15:47:16,241 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 93/142 +[2024-10-13 15:47:16,360 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 94/142 +[2024-10-13 15:47:16,479 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 95/142 +[2024-10-13 15:47:16,599 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 96/142 +[2024-10-13 15:47:16,718 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 97/142 +[2024-10-13 15:47:16,838 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 98/142 +[2024-10-13 15:47:16,957 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 99/142 +[2024-10-13 15:47:17,077 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 100/142 +[2024-10-13 15:47:17,196 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 101/142 +[2024-10-13 15:47:17,315 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 102/142 +[2024-10-13 15:47:17,433 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 103/142 +[2024-10-13 15:47:17,551 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 104/142 +[2024-10-13 15:47:17,669 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 105/142 +[2024-10-13 15:47:17,787 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 106/142 +[2024-10-13 15:47:17,906 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 107/142 +[2024-10-13 15:47:18,024 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 108/142 +[2024-10-13 15:47:18,142 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 109/142 +[2024-10-13 15:47:18,260 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 110/142 +[2024-10-13 15:47:18,379 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 111/142 +[2024-10-13 15:47:18,498 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 112/142 +[2024-10-13 15:47:18,617 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 113/142 +[2024-10-13 15:47:18,735 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 114/142 +[2024-10-13 15:47:18,854 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 115/142 +[2024-10-13 15:47:18,973 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 116/142 +[2024-10-13 15:47:19,092 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 117/142 +[2024-10-13 15:47:19,211 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 118/142 +[2024-10-13 15:47:19,329 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 119/142 +[2024-10-13 15:47:19,448 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 120/142 +[2024-10-13 15:47:19,566 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 121/142 +[2024-10-13 15:47:19,685 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 122/142 +[2024-10-13 15:47:19,804 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 123/142 +[2024-10-13 15:47:19,922 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 124/142 +[2024-10-13 15:47:20,041 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 125/142 +[2024-10-13 15:47:20,160 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 126/142 +[2024-10-13 15:47:20,279 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 127/142 +[2024-10-13 15:47:20,397 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 128/142 +[2024-10-13 15:47:20,516 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 129/142 +[2024-10-13 15:47:20,635 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 130/142 +[2024-10-13 15:47:20,753 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 131/142 +[2024-10-13 15:47:20,865 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 132/142 +[2024-10-13 15:47:20,977 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 133/142 +[2024-10-13 15:47:21,089 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 134/142 +[2024-10-13 15:47:21,200 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 135/142 +[2024-10-13 15:47:21,312 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 136/142 +[2024-10-13 15:47:21,423 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 137/142 +[2024-10-13 15:47:21,535 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 138/142 +[2024-10-13 15:47:21,647 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 139/142 +[2024-10-13 15:47:21,759 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 140/142 +[2024-10-13 15:47:21,870 INFO test.py line 186 25394] Test: 55/312-scene0599_02, Batch: 141/142 +[2024-10-13 15:47:22,027 INFO test.py line 272 25394] Test: scene0599_02 [55/312]-122711 Batch 16.019 (19.700) Accuracy 0.9562 (0.3923) mIoU 0.8845 (0.3120) +[2024-10-13 15:47:22,121 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 0/139 +[2024-10-13 15:47:22,203 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 1/139 +[2024-10-13 15:47:22,286 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 2/139 +[2024-10-13 15:47:22,368 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 3/139 +[2024-10-13 15:47:22,451 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 4/139 +[2024-10-13 15:47:22,543 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 5/139 +[2024-10-13 15:47:22,626 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 6/139 +[2024-10-13 15:47:22,708 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 7/139 +[2024-10-13 15:47:22,790 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 8/139 +[2024-10-13 15:47:22,873 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 9/139 +[2024-10-13 15:47:22,955 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 10/139 +[2024-10-13 15:47:23,037 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 11/139 +[2024-10-13 15:47:23,120 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 12/139 +[2024-10-13 15:47:23,204 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 13/139 +[2024-10-13 15:47:23,287 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 14/139 +[2024-10-13 15:47:23,370 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 15/139 +[2024-10-13 15:47:23,452 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 16/139 +[2024-10-13 15:47:23,535 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 17/139 +[2024-10-13 15:47:23,618 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 18/139 +[2024-10-13 15:47:23,702 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 19/139 +[2024-10-13 15:47:23,785 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 20/139 +[2024-10-13 15:47:23,867 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 21/139 +[2024-10-13 15:47:23,950 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 22/139 +[2024-10-13 15:47:24,032 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 23/139 +[2024-10-13 15:47:24,115 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 24/139 +[2024-10-13 15:47:24,197 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 25/139 +[2024-10-13 15:47:24,279 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 26/139 +[2024-10-13 15:47:24,362 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 27/139 +[2024-10-13 15:47:24,445 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 28/139 +[2024-10-13 15:47:24,527 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 29/139 +[2024-10-13 15:47:24,609 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 30/139 +[2024-10-13 15:47:24,692 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 31/139 +[2024-10-13 15:47:24,774 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 32/139 +[2024-10-13 15:47:24,857 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 33/139 +[2024-10-13 15:47:24,939 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 34/139 +[2024-10-13 15:47:25,021 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 35/139 +[2024-10-13 15:47:25,104 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 36/139 +[2024-10-13 15:47:25,186 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 37/139 +[2024-10-13 15:47:25,268 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 38/139 +[2024-10-13 15:47:25,351 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 39/139 +[2024-10-13 15:47:25,433 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 40/139 +[2024-10-13 15:47:25,515 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 41/139 +[2024-10-13 15:47:25,597 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 42/139 +[2024-10-13 15:47:25,680 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 43/139 +[2024-10-13 15:47:25,757 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 44/139 +[2024-10-13 15:47:25,836 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 45/139 +[2024-10-13 15:47:25,912 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 46/139 +[2024-10-13 15:47:25,989 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 47/139 +[2024-10-13 15:47:26,066 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 48/139 +[2024-10-13 15:47:26,143 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 49/139 +[2024-10-13 15:47:26,219 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 50/139 +[2024-10-13 15:47:26,299 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 51/139 +[2024-10-13 15:47:26,411 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 52/139 +[2024-10-13 15:47:26,489 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 53/139 +[2024-10-13 15:47:26,567 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 54/139 +[2024-10-13 15:47:26,645 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 55/139 +[2024-10-13 15:47:26,722 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 56/139 +[2024-10-13 15:47:26,799 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 57/139 +[2024-10-13 15:47:26,875 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 58/139 +[2024-10-13 15:47:26,951 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 59/139 +[2024-10-13 15:47:27,028 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 60/139 +[2024-10-13 15:47:27,105 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 61/139 +[2024-10-13 15:47:27,181 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 62/139 +[2024-10-13 15:47:27,258 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 63/139 +[2024-10-13 15:47:27,334 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 64/139 +[2024-10-13 15:47:27,410 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 65/139 +[2024-10-13 15:47:27,487 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 66/139 +[2024-10-13 15:47:27,564 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 67/139 +[2024-10-13 15:47:27,640 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 68/139 +[2024-10-13 15:47:27,717 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 69/139 +[2024-10-13 15:47:27,793 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 70/139 +[2024-10-13 15:47:27,870 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 71/139 +[2024-10-13 15:47:27,947 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 72/139 +[2024-10-13 15:47:28,024 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 73/139 +[2024-10-13 15:47:28,100 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 74/139 +[2024-10-13 15:47:28,177 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 75/139 +[2024-10-13 15:47:28,253 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 76/139 +[2024-10-13 15:47:28,330 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 77/139 +[2024-10-13 15:47:28,407 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 78/139 +[2024-10-13 15:47:28,484 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 79/139 +[2024-10-13 15:47:28,561 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 80/139 +[2024-10-13 15:47:28,638 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 81/139 +[2024-10-13 15:47:28,714 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 82/139 +[2024-10-13 15:47:28,791 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 83/139 +[2024-10-13 15:47:28,868 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 84/139 +[2024-10-13 15:47:28,945 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 85/139 +[2024-10-13 15:47:29,022 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 86/139 +[2024-10-13 15:47:29,099 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 87/139 +[2024-10-13 15:47:29,185 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 88/139 +[2024-10-13 15:47:29,271 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 89/139 +[2024-10-13 15:47:29,357 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 90/139 +[2024-10-13 15:47:29,443 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 91/139 +[2024-10-13 15:47:29,529 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 92/139 +[2024-10-13 15:47:29,615 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 93/139 +[2024-10-13 15:47:29,701 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 94/139 +[2024-10-13 15:47:29,787 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 95/139 +[2024-10-13 15:47:29,873 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 96/139 +[2024-10-13 15:47:29,959 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 97/139 +[2024-10-13 15:47:30,045 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 98/139 +[2024-10-13 15:47:30,131 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 99/139 +[2024-10-13 15:47:30,217 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 100/139 +[2024-10-13 15:47:30,303 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 101/139 +[2024-10-13 15:47:30,389 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 102/139 +[2024-10-13 15:47:30,475 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 103/139 +[2024-10-13 15:47:30,561 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 104/139 +[2024-10-13 15:47:30,646 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 105/139 +[2024-10-13 15:47:30,732 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 106/139 +[2024-10-13 15:47:30,818 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 107/139 +[2024-10-13 15:47:30,904 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 108/139 +[2024-10-13 15:47:30,990 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 109/139 +[2024-10-13 15:47:31,076 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 110/139 +[2024-10-13 15:47:31,163 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 111/139 +[2024-10-13 15:47:31,248 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 112/139 +[2024-10-13 15:47:31,334 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 113/139 +[2024-10-13 15:47:31,420 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 114/139 +[2024-10-13 15:47:31,506 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 115/139 +[2024-10-13 15:47:31,592 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 116/139 +[2024-10-13 15:47:31,678 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 117/139 +[2024-10-13 15:47:31,764 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 118/139 +[2024-10-13 15:47:31,850 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 119/139 +[2024-10-13 15:47:31,937 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 120/139 +[2024-10-13 15:47:32,023 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 121/139 +[2024-10-13 15:47:32,109 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 122/139 +[2024-10-13 15:47:32,195 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 123/139 +[2024-10-13 15:47:32,281 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 124/139 +[2024-10-13 15:47:32,367 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 125/139 +[2024-10-13 15:47:32,453 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 126/139 +[2024-10-13 15:47:32,539 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 127/139 +[2024-10-13 15:47:32,621 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 128/139 +[2024-10-13 15:47:32,704 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 129/139 +[2024-10-13 15:47:32,786 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 130/139 +[2024-10-13 15:47:32,869 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 131/139 +[2024-10-13 15:47:32,951 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 132/139 +[2024-10-13 15:47:33,033 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 133/139 +[2024-10-13 15:47:33,116 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 134/139 +[2024-10-13 15:47:33,198 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 135/139 +[2024-10-13 15:47:33,281 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 136/139 +[2024-10-13 15:47:33,364 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 137/139 +[2024-10-13 15:47:33,446 INFO test.py line 186 25394] Test: 56/312-scene0701_01, Batch: 138/139 +[2024-10-13 15:47:33,551 INFO test.py line 272 25394] Test: scene0701_01 [56/312]-77206 Batch 11.524 (19.554) Accuracy 0.9785 (0.3925) mIoU 0.7786 (0.3122) +[2024-10-13 15:47:33,666 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 0/134 +[2024-10-13 15:47:33,767 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 1/134 +[2024-10-13 15:47:33,870 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 2/134 +[2024-10-13 15:47:33,978 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 3/134 +[2024-10-13 15:47:34,079 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 4/134 +[2024-10-13 15:47:34,181 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 5/134 +[2024-10-13 15:47:34,282 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 6/134 +[2024-10-13 15:47:34,383 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 7/134 +[2024-10-13 15:47:34,485 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 8/134 +[2024-10-13 15:47:34,585 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 9/134 +[2024-10-13 15:47:34,687 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 10/134 +[2024-10-13 15:47:34,788 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 11/134 +[2024-10-13 15:47:34,888 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 12/134 +[2024-10-13 15:47:34,989 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 13/134 +[2024-10-13 15:47:35,090 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 14/134 +[2024-10-13 15:47:35,190 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 15/134 +[2024-10-13 15:47:35,291 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 16/134 +[2024-10-13 15:47:35,392 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 17/134 +[2024-10-13 15:47:35,492 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 18/134 +[2024-10-13 15:47:35,593 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 19/134 +[2024-10-13 15:47:35,694 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 20/134 +[2024-10-13 15:47:35,795 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 21/134 +[2024-10-13 15:47:35,896 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 22/134 +[2024-10-13 15:47:35,996 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 23/134 +[2024-10-13 15:47:36,097 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 24/134 +[2024-10-13 15:47:36,198 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 25/134 +[2024-10-13 15:47:36,298 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 26/134 +[2024-10-13 15:47:36,399 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 27/134 +[2024-10-13 15:47:36,499 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 28/134 +[2024-10-13 15:47:36,600 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 29/134 +[2024-10-13 15:47:36,701 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 30/134 +[2024-10-13 15:47:36,802 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 31/134 +[2024-10-13 15:47:36,903 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 32/134 +[2024-10-13 15:47:37,005 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 33/134 +[2024-10-13 15:47:37,106 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 34/134 +[2024-10-13 15:47:37,206 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 35/134 +[2024-10-13 15:47:37,307 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 36/134 +[2024-10-13 15:47:37,408 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 37/134 +[2024-10-13 15:47:37,508 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 38/134 +[2024-10-13 15:47:37,609 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 39/134 +[2024-10-13 15:47:37,705 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 40/134 +[2024-10-13 15:47:37,801 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 41/134 +[2024-10-13 15:47:37,897 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 42/134 +[2024-10-13 15:47:37,993 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 43/134 +[2024-10-13 15:47:38,089 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 44/134 +[2024-10-13 15:47:38,186 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 45/134 +[2024-10-13 15:47:38,282 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 46/134 +[2024-10-13 15:47:38,378 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 47/134 +[2024-10-13 15:47:38,474 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 48/134 +[2024-10-13 15:47:38,570 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 49/134 +[2024-10-13 15:47:38,666 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 50/134 +[2024-10-13 15:47:38,762 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 51/134 +[2024-10-13 15:47:38,858 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 52/134 +[2024-10-13 15:47:38,954 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 53/134 +[2024-10-13 15:47:39,050 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 54/134 +[2024-10-13 15:47:39,147 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 55/134 +[2024-10-13 15:47:39,250 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 56/134 +[2024-10-13 15:47:39,346 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 57/134 +[2024-10-13 15:47:39,442 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 58/134 +[2024-10-13 15:47:39,538 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 59/134 +[2024-10-13 15:47:39,634 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 60/134 +[2024-10-13 15:47:39,730 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 61/134 +[2024-10-13 15:47:39,826 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 62/134 +[2024-10-13 15:47:39,923 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 63/134 +[2024-10-13 15:47:40,053 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 64/134 +[2024-10-13 15:47:40,150 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 65/134 +[2024-10-13 15:47:40,247 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 66/134 +[2024-10-13 15:47:40,343 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 67/134 +[2024-10-13 15:47:40,440 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 68/134 +[2024-10-13 15:47:40,535 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 69/134 +[2024-10-13 15:47:40,631 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 70/134 +[2024-10-13 15:47:40,727 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 71/134 +[2024-10-13 15:47:40,823 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 72/134 +[2024-10-13 15:47:40,918 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 73/134 +[2024-10-13 15:47:41,014 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 74/134 +[2024-10-13 15:47:41,109 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 75/134 +[2024-10-13 15:47:41,205 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 76/134 +[2024-10-13 15:47:41,301 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 77/134 +[2024-10-13 15:47:41,397 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 78/134 +[2024-10-13 15:47:41,493 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 79/134 +[2024-10-13 15:47:41,589 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 80/134 +[2024-10-13 15:47:41,685 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 81/134 +[2024-10-13 15:47:41,781 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 82/134 +[2024-10-13 15:47:41,877 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 83/134 +[2024-10-13 15:47:41,973 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 84/134 +[2024-10-13 15:47:42,069 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 85/134 +[2024-10-13 15:47:42,165 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 86/134 +[2024-10-13 15:47:42,261 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 87/134 +[2024-10-13 15:47:42,368 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 88/134 +[2024-10-13 15:47:42,474 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 89/134 +[2024-10-13 15:47:42,581 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 90/134 +[2024-10-13 15:47:42,688 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 91/134 +[2024-10-13 15:47:42,794 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 92/134 +[2024-10-13 15:47:42,900 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 93/134 +[2024-10-13 15:47:43,007 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 94/134 +[2024-10-13 15:47:43,114 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 95/134 +[2024-10-13 15:47:43,220 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 96/134 +[2024-10-13 15:47:43,327 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 97/134 +[2024-10-13 15:47:43,433 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 98/134 +[2024-10-13 15:47:43,540 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 99/134 +[2024-10-13 15:47:43,646 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 100/134 +[2024-10-13 15:47:43,753 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 101/134 +[2024-10-13 15:47:43,859 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 102/134 +[2024-10-13 15:47:43,966 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 103/134 +[2024-10-13 15:47:44,072 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 104/134 +[2024-10-13 15:47:44,179 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 105/134 +[2024-10-13 15:47:44,285 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 106/134 +[2024-10-13 15:47:44,392 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 107/134 +[2024-10-13 15:47:44,498 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 108/134 +[2024-10-13 15:47:44,605 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 109/134 +[2024-10-13 15:47:44,711 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 110/134 +[2024-10-13 15:47:44,817 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 111/134 +[2024-10-13 15:47:44,924 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 112/134 +[2024-10-13 15:47:45,030 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 113/134 +[2024-10-13 15:47:45,136 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 114/134 +[2024-10-13 15:47:45,242 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 115/134 +[2024-10-13 15:47:45,349 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 116/134 +[2024-10-13 15:47:45,456 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 117/134 +[2024-10-13 15:47:45,562 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 118/134 +[2024-10-13 15:47:45,668 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 119/134 +[2024-10-13 15:47:45,775 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 120/134 +[2024-10-13 15:47:45,881 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 121/134 +[2024-10-13 15:47:45,988 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 122/134 +[2024-10-13 15:47:46,094 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 123/134 +[2024-10-13 15:47:46,195 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 124/134 +[2024-10-13 15:47:46,295 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 125/134 +[2024-10-13 15:47:46,396 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 126/134 +[2024-10-13 15:47:46,496 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 127/134 +[2024-10-13 15:47:46,597 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 128/134 +[2024-10-13 15:47:46,697 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 129/134 +[2024-10-13 15:47:46,798 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 130/134 +[2024-10-13 15:47:46,899 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 131/134 +[2024-10-13 15:47:46,999 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 132/134 +[2024-10-13 15:47:47,100 INFO test.py line 186 25394] Test: 57/312-scene0607_00, Batch: 133/134 +[2024-10-13 15:47:47,244 INFO test.py line 272 25394] Test: scene0607_00 [57/312]-113156 Batch 13.693 (19.452) Accuracy 0.9260 (0.3924) mIoU 0.5629 (0.3122) +[2024-10-13 15:47:47,409 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 0/148 +[2024-10-13 15:47:47,549 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 1/148 +[2024-10-13 15:47:47,692 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 2/148 +[2024-10-13 15:47:47,835 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 3/148 +[2024-10-13 15:47:47,979 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 4/148 +[2024-10-13 15:47:48,119 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 5/148 +[2024-10-13 15:47:48,260 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 6/148 +[2024-10-13 15:47:48,400 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 7/148 +[2024-10-13 15:47:48,540 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 8/148 +[2024-10-13 15:47:48,680 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 9/148 +[2024-10-13 15:47:48,820 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 10/148 +[2024-10-13 15:47:48,960 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 11/148 +[2024-10-13 15:47:49,099 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 12/148 +[2024-10-13 15:47:49,239 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 13/148 +[2024-10-13 15:47:49,379 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 14/148 +[2024-10-13 15:47:49,519 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 15/148 +[2024-10-13 15:47:49,658 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 16/148 +[2024-10-13 15:47:49,798 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 17/148 +[2024-10-13 15:47:49,940 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 18/148 +[2024-10-13 15:47:50,079 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 19/148 +[2024-10-13 15:47:50,219 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 20/148 +[2024-10-13 15:47:50,385 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 21/148 +[2024-10-13 15:47:50,526 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 22/148 +[2024-10-13 15:47:50,665 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 23/148 +[2024-10-13 15:47:50,804 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 24/148 +[2024-10-13 15:47:50,944 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 25/148 +[2024-10-13 15:47:51,083 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 26/148 +[2024-10-13 15:47:51,222 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 27/148 +[2024-10-13 15:47:51,362 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 28/148 +[2024-10-13 15:47:51,501 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 29/148 +[2024-10-13 15:47:51,641 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 30/148 +[2024-10-13 15:47:51,780 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 31/148 +[2024-10-13 15:47:51,920 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 32/148 +[2024-10-13 15:47:52,059 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 33/148 +[2024-10-13 15:47:52,199 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 34/148 +[2024-10-13 15:47:52,338 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 35/148 +[2024-10-13 15:47:52,479 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 36/148 +[2024-10-13 15:47:52,619 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 37/148 +[2024-10-13 15:47:52,759 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 38/148 +[2024-10-13 15:47:52,899 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 39/148 +[2024-10-13 15:47:53,039 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 40/148 +[2024-10-13 15:47:53,179 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 41/148 +[2024-10-13 15:47:53,319 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 42/148 +[2024-10-13 15:47:53,460 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 43/148 +[2024-10-13 15:47:53,600 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 44/148 +[2024-10-13 15:47:53,740 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 45/148 +[2024-10-13 15:47:53,881 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 46/148 +[2024-10-13 15:47:54,021 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 47/148 +[2024-10-13 15:47:54,152 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 48/148 +[2024-10-13 15:47:54,283 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 49/148 +[2024-10-13 15:47:54,414 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 50/148 +[2024-10-13 15:47:54,545 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 51/148 +[2024-10-13 15:47:54,677 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 52/148 +[2024-10-13 15:47:54,808 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 53/148 +[2024-10-13 15:47:54,939 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 54/148 +[2024-10-13 15:47:55,070 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 55/148 +[2024-10-13 15:47:55,202 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 56/148 +[2024-10-13 15:47:55,333 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 57/148 +[2024-10-13 15:47:55,465 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 58/148 +[2024-10-13 15:47:55,596 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 59/148 +[2024-10-13 15:47:55,727 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 60/148 +[2024-10-13 15:47:55,858 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 61/148 +[2024-10-13 15:47:55,989 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 62/148 +[2024-10-13 15:47:56,120 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 63/148 +[2024-10-13 15:47:56,252 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 64/148 +[2024-10-13 15:47:56,383 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 65/148 +[2024-10-13 15:47:56,514 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 66/148 +[2024-10-13 15:47:56,645 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 67/148 +[2024-10-13 15:47:56,776 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 68/148 +[2024-10-13 15:47:56,907 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 69/148 +[2024-10-13 15:47:57,038 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 70/148 +[2024-10-13 15:47:57,169 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 71/148 +[2024-10-13 15:47:57,302 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 72/148 +[2024-10-13 15:47:57,434 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 73/148 +[2024-10-13 15:47:57,566 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 74/148 +[2024-10-13 15:47:57,698 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 75/148 +[2024-10-13 15:47:57,830 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 76/148 +[2024-10-13 15:47:57,962 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 77/148 +[2024-10-13 15:47:58,094 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 78/148 +[2024-10-13 15:47:58,226 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 79/148 +[2024-10-13 15:47:58,358 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 80/148 +[2024-10-13 15:47:58,490 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 81/148 +[2024-10-13 15:47:58,622 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 82/148 +[2024-10-13 15:47:58,754 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 83/148 +[2024-10-13 15:47:58,885 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 84/148 +[2024-10-13 15:47:59,016 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 85/148 +[2024-10-13 15:47:59,148 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 86/148 +[2024-10-13 15:47:59,279 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 87/148 +[2024-10-13 15:47:59,410 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 88/148 +[2024-10-13 15:47:59,540 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 89/148 +[2024-10-13 15:47:59,672 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 90/148 +[2024-10-13 15:47:59,803 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 91/148 +[2024-10-13 15:47:59,934 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 92/148 +[2024-10-13 15:48:00,065 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 93/148 +[2024-10-13 15:48:00,197 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 94/148 +[2024-10-13 15:48:00,328 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 95/148 +[2024-10-13 15:48:00,476 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 96/148 +[2024-10-13 15:48:00,625 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 97/148 +[2024-10-13 15:48:00,773 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 98/148 +[2024-10-13 15:48:00,922 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 99/148 +[2024-10-13 15:48:01,070 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 100/148 +[2024-10-13 15:48:01,218 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 101/148 +[2024-10-13 15:48:01,367 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 102/148 +[2024-10-13 15:48:01,515 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 103/148 +[2024-10-13 15:48:01,663 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 104/148 +[2024-10-13 15:48:01,811 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 105/148 +[2024-10-13 15:48:01,958 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 106/148 +[2024-10-13 15:48:02,105 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 107/148 +[2024-10-13 15:48:02,251 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 108/148 +[2024-10-13 15:48:02,398 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 109/148 +[2024-10-13 15:48:02,545 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 110/148 +[2024-10-13 15:48:02,692 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 111/148 +[2024-10-13 15:48:02,839 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 112/148 +[2024-10-13 15:48:02,986 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 113/148 +[2024-10-13 15:48:03,133 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 114/148 +[2024-10-13 15:48:03,280 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 115/148 +[2024-10-13 15:48:03,427 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 116/148 +[2024-10-13 15:48:03,575 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 117/148 +[2024-10-13 15:48:03,722 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 118/148 +[2024-10-13 15:48:03,869 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 119/148 +[2024-10-13 15:48:04,016 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 120/148 +[2024-10-13 15:48:04,164 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 121/148 +[2024-10-13 15:48:04,311 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 122/148 +[2024-10-13 15:48:04,459 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 123/148 +[2024-10-13 15:48:04,606 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 124/148 +[2024-10-13 15:48:04,753 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 125/148 +[2024-10-13 15:48:04,901 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 126/148 +[2024-10-13 15:48:05,048 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 127/148 +[2024-10-13 15:48:05,195 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 128/148 +[2024-10-13 15:48:05,343 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 129/148 +[2024-10-13 15:48:05,491 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 130/148 +[2024-10-13 15:48:05,638 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 131/148 +[2024-10-13 15:48:05,786 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 132/148 +[2024-10-13 15:48:05,934 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 133/148 +[2024-10-13 15:48:06,081 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 134/148 +[2024-10-13 15:48:06,228 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 135/148 +[2024-10-13 15:48:06,368 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 136/148 +[2024-10-13 15:48:06,507 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 137/148 +[2024-10-13 15:48:06,646 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 138/148 +[2024-10-13 15:48:06,786 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 139/148 +[2024-10-13 15:48:06,926 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 140/148 +[2024-10-13 15:48:07,066 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 141/148 +[2024-10-13 15:48:07,205 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 142/148 +[2024-10-13 15:48:07,345 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 143/148 +[2024-10-13 15:48:07,484 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 144/148 +[2024-10-13 15:48:07,623 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 145/148 +[2024-10-13 15:48:07,763 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 146/148 +[2024-10-13 15:48:07,903 INFO test.py line 186 25394] Test: 58/312-scene0304_00, Batch: 147/148 +[2024-10-13 15:48:08,117 INFO test.py line 272 25394] Test: scene0304_00 [58/312]-164016 Batch 20.873 (19.476) Accuracy 0.5670 (0.3920) mIoU 0.2428 (0.3113) +[2024-10-13 15:48:08,395 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 0/126 +[2024-10-13 15:48:08,632 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 1/126 +[2024-10-13 15:48:08,865 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 2/126 +[2024-10-13 15:48:09,099 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 3/126 +[2024-10-13 15:48:09,332 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 4/126 +[2024-10-13 15:48:09,565 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 5/126 +[2024-10-13 15:48:09,799 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 6/126 +[2024-10-13 15:48:10,032 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 7/126 +[2024-10-13 15:48:10,265 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 8/126 +[2024-10-13 15:48:10,498 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 9/126 +[2024-10-13 15:48:10,732 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 10/126 +[2024-10-13 15:48:10,968 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 11/126 +[2024-10-13 15:48:11,202 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 12/126 +[2024-10-13 15:48:11,436 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 13/126 +[2024-10-13 15:48:11,669 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 14/126 +[2024-10-13 15:48:11,903 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 15/126 +[2024-10-13 15:48:12,137 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 16/126 +[2024-10-13 15:48:12,373 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 17/126 +[2024-10-13 15:48:12,607 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 18/126 +[2024-10-13 15:48:12,842 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 19/126 +[2024-10-13 15:48:13,077 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 20/126 +[2024-10-13 15:48:13,310 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 21/126 +[2024-10-13 15:48:13,544 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 22/126 +[2024-10-13 15:48:13,777 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 23/126 +[2024-10-13 15:48:14,010 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 24/126 +[2024-10-13 15:48:14,244 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 25/126 +[2024-10-13 15:48:14,477 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 26/126 +[2024-10-13 15:48:14,710 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 27/126 +[2024-10-13 15:48:14,943 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 28/126 +[2024-10-13 15:48:15,176 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 29/126 +[2024-10-13 15:48:15,409 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 30/126 +[2024-10-13 15:48:15,642 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 31/126 +[2024-10-13 15:48:15,875 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 32/126 +[2024-10-13 15:48:16,108 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 33/126 +[2024-10-13 15:48:16,341 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 34/126 +[2024-10-13 15:48:16,574 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 35/126 +[2024-10-13 15:48:16,806 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 36/126 +[2024-10-13 15:48:17,039 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 37/126 +[2024-10-13 15:48:17,272 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 38/126 +[2024-10-13 15:48:17,505 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 39/126 +[2024-10-13 15:48:17,724 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 40/126 +[2024-10-13 15:48:17,942 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 41/126 +[2024-10-13 15:48:18,160 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 42/126 +[2024-10-13 15:48:18,379 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 43/126 +[2024-10-13 15:48:18,598 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 44/126 +[2024-10-13 15:48:18,817 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 45/126 +[2024-10-13 15:48:19,036 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 46/126 +[2024-10-13 15:48:19,255 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 47/126 +[2024-10-13 15:48:19,473 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 48/126 +[2024-10-13 15:48:19,692 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 49/126 +[2024-10-13 15:48:19,911 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 50/126 +[2024-10-13 15:48:20,130 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 51/126 +[2024-10-13 15:48:20,349 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 52/126 +[2024-10-13 15:48:20,569 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 53/126 +[2024-10-13 15:48:20,788 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 54/126 +[2024-10-13 15:48:21,007 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 55/126 +[2024-10-13 15:48:21,226 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 56/126 +[2024-10-13 15:48:21,446 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 57/126 +[2024-10-13 15:48:21,665 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 58/126 +[2024-10-13 15:48:21,884 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 59/126 +[2024-10-13 15:48:22,102 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 60/126 +[2024-10-13 15:48:22,322 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 61/126 +[2024-10-13 15:48:22,540 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 62/126 +[2024-10-13 15:48:22,759 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 63/126 +[2024-10-13 15:48:22,977 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 64/126 +[2024-10-13 15:48:23,196 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 65/126 +[2024-10-13 15:48:23,415 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 66/126 +[2024-10-13 15:48:23,634 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 67/126 +[2024-10-13 15:48:23,853 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 68/126 +[2024-10-13 15:48:24,071 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 69/126 +[2024-10-13 15:48:24,290 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 70/126 +[2024-10-13 15:48:24,509 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 71/126 +[2024-10-13 15:48:24,727 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 72/126 +[2024-10-13 15:48:24,945 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 73/126 +[2024-10-13 15:48:25,163 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 74/126 +[2024-10-13 15:48:25,381 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 75/126 +[2024-10-13 15:48:25,599 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 76/126 +[2024-10-13 15:48:25,817 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 77/126 +[2024-10-13 15:48:26,034 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 78/126 +[2024-10-13 15:48:26,253 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 79/126 +[2024-10-13 15:48:26,471 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 80/126 +[2024-10-13 15:48:26,690 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 81/126 +[2024-10-13 15:48:26,908 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 82/126 +[2024-10-13 15:48:27,125 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 83/126 +[2024-10-13 15:48:27,372 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 84/126 +[2024-10-13 15:48:27,619 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 85/126 +[2024-10-13 15:48:27,866 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 86/126 +[2024-10-13 15:48:28,112 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 87/126 +[2024-10-13 15:48:28,359 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 88/126 +[2024-10-13 15:48:28,606 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 89/126 +[2024-10-13 15:48:28,853 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 90/126 +[2024-10-13 15:48:29,099 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 91/126 +[2024-10-13 15:48:29,347 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 92/126 +[2024-10-13 15:48:29,594 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 93/126 +[2024-10-13 15:48:29,842 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 94/126 +[2024-10-13 15:48:30,090 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 95/126 +[2024-10-13 15:48:30,338 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 96/126 +[2024-10-13 15:48:30,585 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 97/126 +[2024-10-13 15:48:30,833 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 98/126 +[2024-10-13 15:48:31,080 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 99/126 +[2024-10-13 15:48:31,328 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 100/126 +[2024-10-13 15:48:31,576 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 101/126 +[2024-10-13 15:48:31,825 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 102/126 +[2024-10-13 15:48:32,072 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 103/126 +[2024-10-13 15:48:32,321 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 104/126 +[2024-10-13 15:48:32,569 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 105/126 +[2024-10-13 15:48:32,818 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 106/126 +[2024-10-13 15:48:33,066 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 107/126 +[2024-10-13 15:48:33,313 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 108/126 +[2024-10-13 15:48:33,560 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 109/126 +[2024-10-13 15:48:33,807 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 110/126 +[2024-10-13 15:48:34,053 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 111/126 +[2024-10-13 15:48:34,300 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 112/126 +[2024-10-13 15:48:34,548 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 113/126 +[2024-10-13 15:48:34,795 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 114/126 +[2024-10-13 15:48:35,043 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 115/126 +[2024-10-13 15:48:35,276 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 116/126 +[2024-10-13 15:48:35,509 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 117/126 +[2024-10-13 15:48:35,742 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 118/126 +[2024-10-13 15:48:35,975 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 119/126 +[2024-10-13 15:48:36,208 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 120/126 +[2024-10-13 15:48:36,441 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 121/126 +[2024-10-13 15:48:36,675 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 122/126 +[2024-10-13 15:48:36,908 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 123/126 +[2024-10-13 15:48:37,141 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 124/126 +[2024-10-13 15:48:37,375 INFO test.py line 186 25394] Test: 59/312-scene0696_01, Batch: 125/126 +[2024-10-13 15:48:37,737 INFO test.py line 272 25394] Test: scene0696_01 [59/312]-288139 Batch 29.620 (19.648) Accuracy 0.7858 (0.3908) mIoU 0.2768 (0.3102) +[2024-10-13 15:48:37,873 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 0/122 +[2024-10-13 15:48:37,992 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 1/122 +[2024-10-13 15:48:38,112 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 2/122 +[2024-10-13 15:48:38,231 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 3/122 +[2024-10-13 15:48:38,351 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 4/122 +[2024-10-13 15:48:38,470 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 5/122 +[2024-10-13 15:48:38,590 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 6/122 +[2024-10-13 15:48:38,709 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 7/122 +[2024-10-13 15:48:38,829 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 8/122 +[2024-10-13 15:48:38,948 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 9/122 +[2024-10-13 15:48:39,068 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 10/122 +[2024-10-13 15:48:39,187 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 11/122 +[2024-10-13 15:48:39,306 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 12/122 +[2024-10-13 15:48:39,426 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 13/122 +[2024-10-13 15:48:39,545 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 14/122 +[2024-10-13 15:48:39,665 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 15/122 +[2024-10-13 15:48:39,784 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 16/122 +[2024-10-13 15:48:39,904 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 17/122 +[2024-10-13 15:48:40,023 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 18/122 +[2024-10-13 15:48:40,143 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 19/122 +[2024-10-13 15:48:40,262 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 20/122 +[2024-10-13 15:48:40,381 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 21/122 +[2024-10-13 15:48:40,500 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 22/122 +[2024-10-13 15:48:40,620 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 23/122 +[2024-10-13 15:48:40,739 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 24/122 +[2024-10-13 15:48:40,859 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 25/122 +[2024-10-13 15:48:40,978 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 26/122 +[2024-10-13 15:48:41,098 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 27/122 +[2024-10-13 15:48:41,217 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 28/122 +[2024-10-13 15:48:41,337 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 29/122 +[2024-10-13 15:48:41,456 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 30/122 +[2024-10-13 15:48:41,575 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 31/122 +[2024-10-13 15:48:41,693 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 32/122 +[2024-10-13 15:48:41,812 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 33/122 +[2024-10-13 15:48:41,932 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 34/122 +[2024-10-13 15:48:42,051 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 35/122 +[2024-10-13 15:48:42,170 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 36/122 +[2024-10-13 15:48:42,289 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 37/122 +[2024-10-13 15:48:42,408 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 38/122 +[2024-10-13 15:48:42,527 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 39/122 +[2024-10-13 15:48:42,639 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 40/122 +[2024-10-13 15:48:42,751 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 41/122 +[2024-10-13 15:48:42,863 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 42/122 +[2024-10-13 15:48:42,975 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 43/122 +[2024-10-13 15:48:43,086 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 44/122 +[2024-10-13 15:48:43,198 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 45/122 +[2024-10-13 15:48:43,310 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 46/122 +[2024-10-13 15:48:43,421 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 47/122 +[2024-10-13 15:48:43,533 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 48/122 +[2024-10-13 15:48:43,645 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 49/122 +[2024-10-13 15:48:43,757 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 50/122 +[2024-10-13 15:48:43,869 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 51/122 +[2024-10-13 15:48:43,981 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 52/122 +[2024-10-13 15:48:44,093 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 53/122 +[2024-10-13 15:48:44,204 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 54/122 +[2024-10-13 15:48:44,316 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 55/122 +[2024-10-13 15:48:44,428 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 56/122 +[2024-10-13 15:48:44,540 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 57/122 +[2024-10-13 15:48:44,652 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 58/122 +[2024-10-13 15:48:44,764 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 59/122 +[2024-10-13 15:48:44,876 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 60/122 +[2024-10-13 15:48:44,988 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 61/122 +[2024-10-13 15:48:45,100 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 62/122 +[2024-10-13 15:48:45,212 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 63/122 +[2024-10-13 15:48:45,324 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 64/122 +[2024-10-13 15:48:45,436 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 65/122 +[2024-10-13 15:48:45,548 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 66/122 +[2024-10-13 15:48:45,661 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 67/122 +[2024-10-13 15:48:45,773 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 68/122 +[2024-10-13 15:48:45,885 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 69/122 +[2024-10-13 15:48:45,997 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 70/122 +[2024-10-13 15:48:46,109 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 71/122 +[2024-10-13 15:48:46,273 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 72/122 +[2024-10-13 15:48:46,385 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 73/122 +[2024-10-13 15:48:46,498 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 74/122 +[2024-10-13 15:48:46,611 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 75/122 +[2024-10-13 15:48:46,738 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 76/122 +[2024-10-13 15:48:46,864 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 77/122 +[2024-10-13 15:48:46,990 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 78/122 +[2024-10-13 15:48:47,116 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 79/122 +[2024-10-13 15:48:47,242 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 80/122 +[2024-10-13 15:48:47,368 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 81/122 +[2024-10-13 15:48:47,494 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 82/122 +[2024-10-13 15:48:47,620 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 83/122 +[2024-10-13 15:48:47,746 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 84/122 +[2024-10-13 15:48:47,872 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 85/122 +[2024-10-13 15:48:47,998 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 86/122 +[2024-10-13 15:48:48,123 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 87/122 +[2024-10-13 15:48:48,249 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 88/122 +[2024-10-13 15:48:48,375 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 89/122 +[2024-10-13 15:48:48,501 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 90/122 +[2024-10-13 15:48:48,627 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 91/122 +[2024-10-13 15:48:48,754 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 92/122 +[2024-10-13 15:48:48,880 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 93/122 +[2024-10-13 15:48:49,006 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 94/122 +[2024-10-13 15:48:49,131 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 95/122 +[2024-10-13 15:48:49,257 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 96/122 +[2024-10-13 15:48:49,383 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 97/122 +[2024-10-13 15:48:49,509 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 98/122 +[2024-10-13 15:48:49,635 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 99/122 +[2024-10-13 15:48:49,760 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 100/122 +[2024-10-13 15:48:49,886 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 101/122 +[2024-10-13 15:48:50,012 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 102/122 +[2024-10-13 15:48:50,138 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 103/122 +[2024-10-13 15:48:50,264 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 104/122 +[2024-10-13 15:48:50,390 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 105/122 +[2024-10-13 15:48:50,515 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 106/122 +[2024-10-13 15:48:50,641 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 107/122 +[2024-10-13 15:48:50,767 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 108/122 +[2024-10-13 15:48:50,892 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 109/122 +[2024-10-13 15:48:51,019 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 110/122 +[2024-10-13 15:48:51,144 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 111/122 +[2024-10-13 15:48:51,264 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 112/122 +[2024-10-13 15:48:51,383 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 113/122 +[2024-10-13 15:48:51,502 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 114/122 +[2024-10-13 15:48:51,622 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 115/122 +[2024-10-13 15:48:51,741 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 116/122 +[2024-10-13 15:48:51,861 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 117/122 +[2024-10-13 15:48:51,980 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 118/122 +[2024-10-13 15:48:52,099 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 119/122 +[2024-10-13 15:48:52,219 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 120/122 +[2024-10-13 15:48:52,338 INFO test.py line 186 25394] Test: 60/312-scene0377_01, Batch: 121/122 +[2024-10-13 15:48:52,508 INFO test.py line 272 25394] Test: scene0377_01 [60/312]-131297 Batch 14.771 (19.567) Accuracy 0.8541 (0.3943) mIoU 0.2668 (0.3110) +[2024-10-13 15:48:52,719 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 0/125 +[2024-10-13 15:48:52,898 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 1/125 +[2024-10-13 15:48:53,078 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 2/125 +[2024-10-13 15:48:53,257 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 3/125 +[2024-10-13 15:48:53,436 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 4/125 +[2024-10-13 15:48:53,615 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 5/125 +[2024-10-13 15:48:53,794 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 6/125 +[2024-10-13 15:48:53,974 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 7/125 +[2024-10-13 15:48:54,153 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 8/125 +[2024-10-13 15:48:54,332 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 9/125 +[2024-10-13 15:48:54,511 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 10/125 +[2024-10-13 15:48:54,690 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 11/125 +[2024-10-13 15:48:54,869 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 12/125 +[2024-10-13 15:48:55,048 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 13/125 +[2024-10-13 15:48:55,226 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 14/125 +[2024-10-13 15:48:55,405 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 15/125 +[2024-10-13 15:48:55,584 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 16/125 +[2024-10-13 15:48:55,763 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 17/125 +[2024-10-13 15:48:55,942 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 18/125 +[2024-10-13 15:48:56,122 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 19/125 +[2024-10-13 15:48:56,301 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 20/125 +[2024-10-13 15:48:56,481 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 21/125 +[2024-10-13 15:48:56,660 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 22/125 +[2024-10-13 15:48:56,840 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 23/125 +[2024-10-13 15:48:57,019 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 24/125 +[2024-10-13 15:48:57,199 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 25/125 +[2024-10-13 15:48:57,378 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 26/125 +[2024-10-13 15:48:57,558 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 27/125 +[2024-10-13 15:48:57,738 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 28/125 +[2024-10-13 15:48:57,918 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 29/125 +[2024-10-13 15:48:58,098 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 30/125 +[2024-10-13 15:48:58,278 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 31/125 +[2024-10-13 15:48:58,458 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 32/125 +[2024-10-13 15:48:58,638 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 33/125 +[2024-10-13 15:48:58,839 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 34/125 +[2024-10-13 15:48:59,020 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 35/125 +[2024-10-13 15:48:59,189 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 36/125 +[2024-10-13 15:48:59,356 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 37/125 +[2024-10-13 15:48:59,524 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 38/125 +[2024-10-13 15:48:59,692 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 39/125 +[2024-10-13 15:48:59,859 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 40/125 +[2024-10-13 15:49:00,027 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 41/125 +[2024-10-13 15:49:00,194 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 42/125 +[2024-10-13 15:49:00,362 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 43/125 +[2024-10-13 15:49:00,529 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 44/125 +[2024-10-13 15:49:00,697 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 45/125 +[2024-10-13 15:49:00,864 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 46/125 +[2024-10-13 15:49:01,032 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 47/125 +[2024-10-13 15:49:01,199 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 48/125 +[2024-10-13 15:49:01,367 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 49/125 +[2024-10-13 15:49:01,534 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 50/125 +[2024-10-13 15:49:01,701 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 51/125 +[2024-10-13 15:49:01,869 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 52/125 +[2024-10-13 15:49:02,036 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 53/125 +[2024-10-13 15:49:02,203 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 54/125 +[2024-10-13 15:49:02,371 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 55/125 +[2024-10-13 15:49:02,538 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 56/125 +[2024-10-13 15:49:02,706 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 57/125 +[2024-10-13 15:49:02,873 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 58/125 +[2024-10-13 15:49:03,041 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 59/125 +[2024-10-13 15:49:03,208 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 60/125 +[2024-10-13 15:49:03,376 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 61/125 +[2024-10-13 15:49:03,544 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 62/125 +[2024-10-13 15:49:03,711 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 63/125 +[2024-10-13 15:49:03,879 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 64/125 +[2024-10-13 15:49:04,046 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 65/125 +[2024-10-13 15:49:04,214 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 66/125 +[2024-10-13 15:49:04,381 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 67/125 +[2024-10-13 15:49:04,548 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 68/125 +[2024-10-13 15:49:04,716 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 69/125 +[2024-10-13 15:49:04,883 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 70/125 +[2024-10-13 15:49:05,051 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 71/125 +[2024-10-13 15:49:05,218 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 72/125 +[2024-10-13 15:49:05,386 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 73/125 +[2024-10-13 15:49:05,553 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 74/125 +[2024-10-13 15:49:05,720 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 75/125 +[2024-10-13 15:49:05,910 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 76/125 +[2024-10-13 15:49:06,101 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 77/125 +[2024-10-13 15:49:06,292 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 78/125 +[2024-10-13 15:49:06,483 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 79/125 +[2024-10-13 15:49:06,674 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 80/125 +[2024-10-13 15:49:06,865 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 81/125 +[2024-10-13 15:49:07,055 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 82/125 +[2024-10-13 15:49:07,246 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 83/125 +[2024-10-13 15:49:07,437 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 84/125 +[2024-10-13 15:49:07,628 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 85/125 +[2024-10-13 15:49:07,819 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 86/125 +[2024-10-13 15:49:08,009 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 87/125 +[2024-10-13 15:49:08,200 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 88/125 +[2024-10-13 15:49:08,391 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 89/125 +[2024-10-13 15:49:08,582 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 90/125 +[2024-10-13 15:49:08,773 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 91/125 +[2024-10-13 15:49:08,964 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 92/125 +[2024-10-13 15:49:09,155 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 93/125 +[2024-10-13 15:49:09,347 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 94/125 +[2024-10-13 15:49:09,538 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 95/125 +[2024-10-13 15:49:09,728 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 96/125 +[2024-10-13 15:49:09,920 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 97/125 +[2024-10-13 15:49:10,111 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 98/125 +[2024-10-13 15:49:10,303 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 99/125 +[2024-10-13 15:49:10,494 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 100/125 +[2024-10-13 15:49:10,684 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 101/125 +[2024-10-13 15:49:10,875 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 102/125 +[2024-10-13 15:49:11,067 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 103/125 +[2024-10-13 15:49:11,258 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 104/125 +[2024-10-13 15:49:11,449 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 105/125 +[2024-10-13 15:49:11,640 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 106/125 +[2024-10-13 15:49:11,831 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 107/125 +[2024-10-13 15:49:12,022 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 108/125 +[2024-10-13 15:49:12,213 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 109/125 +[2024-10-13 15:49:12,403 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 110/125 +[2024-10-13 15:49:12,594 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 111/125 +[2024-10-13 15:49:12,786 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 112/125 +[2024-10-13 15:49:12,977 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 113/125 +[2024-10-13 15:49:13,167 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 114/125 +[2024-10-13 15:49:13,358 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 115/125 +[2024-10-13 15:49:13,538 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 116/125 +[2024-10-13 15:49:13,717 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 117/125 +[2024-10-13 15:49:13,897 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 118/125 +[2024-10-13 15:49:14,076 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 119/125 +[2024-10-13 15:49:14,255 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 120/125 +[2024-10-13 15:49:14,435 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 121/125 +[2024-10-13 15:49:14,614 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 122/125 +[2024-10-13 15:49:14,794 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 123/125 +[2024-10-13 15:49:14,973 INFO test.py line 186 25394] Test: 61/312-scene0353_01, Batch: 124/125 +[2024-10-13 15:49:15,238 INFO test.py line 272 25394] Test: scene0353_01 [61/312]-203737 Batch 22.730 (19.619) Accuracy 0.6892 (0.3987) mIoU 0.3216 (0.3134) +[2024-10-13 15:49:15,532 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 0/151 +[2024-10-13 15:49:15,778 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 1/151 +[2024-10-13 15:49:16,024 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 2/151 +[2024-10-13 15:49:16,274 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 3/151 +[2024-10-13 15:49:16,520 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 4/151 +[2024-10-13 15:49:16,767 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 5/151 +[2024-10-13 15:49:17,014 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 6/151 +[2024-10-13 15:49:17,261 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 7/151 +[2024-10-13 15:49:17,508 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 8/151 +[2024-10-13 15:49:17,754 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 9/151 +[2024-10-13 15:49:18,001 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 10/151 +[2024-10-13 15:49:18,249 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 11/151 +[2024-10-13 15:49:18,496 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 12/151 +[2024-10-13 15:49:18,743 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 13/151 +[2024-10-13 15:49:18,991 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 14/151 +[2024-10-13 15:49:19,238 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 15/151 +[2024-10-13 15:49:19,485 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 16/151 +[2024-10-13 15:49:19,733 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 17/151 +[2024-10-13 15:49:19,981 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 18/151 +[2024-10-13 15:49:20,229 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 19/151 +[2024-10-13 15:49:20,476 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 20/151 +[2024-10-13 15:49:20,723 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 21/151 +[2024-10-13 15:49:20,970 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 22/151 +[2024-10-13 15:49:21,218 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 23/151 +[2024-10-13 15:49:21,465 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 24/151 +[2024-10-13 15:49:21,713 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 25/151 +[2024-10-13 15:49:21,961 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 26/151 +[2024-10-13 15:49:22,208 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 27/151 +[2024-10-13 15:49:22,456 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 28/151 +[2024-10-13 15:49:22,703 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 29/151 +[2024-10-13 15:49:22,951 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 30/151 +[2024-10-13 15:49:23,199 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 31/151 +[2024-10-13 15:49:23,447 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 32/151 +[2024-10-13 15:49:23,693 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 33/151 +[2024-10-13 15:49:23,941 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 34/151 +[2024-10-13 15:49:24,187 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 35/151 +[2024-10-13 15:49:24,434 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 36/151 +[2024-10-13 15:49:24,681 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 37/151 +[2024-10-13 15:49:24,928 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 38/151 +[2024-10-13 15:49:25,175 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 39/151 +[2024-10-13 15:49:25,422 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 40/151 +[2024-10-13 15:49:25,771 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 41/151 +[2024-10-13 15:49:26,054 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 42/151 +[2024-10-13 15:49:26,520 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 43/151 +[2024-10-13 15:49:26,907 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 44/151 +[2024-10-13 15:49:27,137 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 45/151 +[2024-10-13 15:49:27,367 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 46/151 +[2024-10-13 15:49:27,596 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 47/151 +[2024-10-13 15:49:27,826 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 48/151 +[2024-10-13 15:49:28,056 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 49/151 +[2024-10-13 15:49:28,286 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 50/151 +[2024-10-13 15:49:28,516 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 51/151 +[2024-10-13 15:49:28,745 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 52/151 +[2024-10-13 15:49:28,976 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 53/151 +[2024-10-13 15:49:29,205 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 54/151 +[2024-10-13 15:49:29,436 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 55/151 +[2024-10-13 15:49:29,665 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 56/151 +[2024-10-13 15:49:29,896 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 57/151 +[2024-10-13 15:49:30,125 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 58/151 +[2024-10-13 15:49:30,356 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 59/151 +[2024-10-13 15:49:30,585 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 60/151 +[2024-10-13 15:49:30,815 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 61/151 +[2024-10-13 15:49:31,045 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 62/151 +[2024-10-13 15:49:31,276 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 63/151 +[2024-10-13 15:49:31,505 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 64/151 +[2024-10-13 15:49:31,735 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 65/151 +[2024-10-13 15:49:31,965 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 66/151 +[2024-10-13 15:49:32,195 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 67/151 +[2024-10-13 15:49:32,424 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 68/151 +[2024-10-13 15:49:32,654 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 69/151 +[2024-10-13 15:49:32,884 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 70/151 +[2024-10-13 15:49:33,114 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 71/151 +[2024-10-13 15:49:33,343 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 72/151 +[2024-10-13 15:49:33,573 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 73/151 +[2024-10-13 15:49:33,802 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 74/151 +[2024-10-13 15:49:34,032 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 75/151 +[2024-10-13 15:49:34,262 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 76/151 +[2024-10-13 15:49:34,491 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 77/151 +[2024-10-13 15:49:34,720 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 78/151 +[2024-10-13 15:49:34,950 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 79/151 +[2024-10-13 15:49:35,180 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 80/151 +[2024-10-13 15:49:35,409 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 81/151 +[2024-10-13 15:49:35,639 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 82/151 +[2024-10-13 15:49:35,869 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 83/151 +[2024-10-13 15:49:36,099 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 84/151 +[2024-10-13 15:49:36,328 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 85/151 +[2024-10-13 15:49:36,559 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 86/151 +[2024-10-13 15:49:36,788 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 87/151 +[2024-10-13 15:49:37,018 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 88/151 +[2024-10-13 15:49:37,248 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 89/151 +[2024-10-13 15:49:37,478 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 90/151 +[2024-10-13 15:49:37,708 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 91/151 +[2024-10-13 15:49:37,973 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 92/151 +[2024-10-13 15:49:38,237 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 93/151 +[2024-10-13 15:49:38,502 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 94/151 +[2024-10-13 15:49:38,765 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 95/151 +[2024-10-13 15:49:39,030 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 96/151 +[2024-10-13 15:49:39,295 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 97/151 +[2024-10-13 15:49:39,559 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 98/151 +[2024-10-13 15:49:39,824 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 99/151 +[2024-10-13 15:49:40,088 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 100/151 +[2024-10-13 15:49:40,353 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 101/151 +[2024-10-13 15:49:40,617 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 102/151 +[2024-10-13 15:49:40,881 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 103/151 +[2024-10-13 15:49:41,146 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 104/151 +[2024-10-13 15:49:41,410 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 105/151 +[2024-10-13 15:49:41,675 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 106/151 +[2024-10-13 15:49:41,940 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 107/151 +[2024-10-13 15:49:42,205 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 108/151 +[2024-10-13 15:49:42,470 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 109/151 +[2024-10-13 15:49:42,735 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 110/151 +[2024-10-13 15:49:43,000 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 111/151 +[2024-10-13 15:49:43,264 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 112/151 +[2024-10-13 15:49:43,529 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 113/151 +[2024-10-13 15:49:43,794 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 114/151 +[2024-10-13 15:49:44,059 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 115/151 +[2024-10-13 15:49:44,323 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 116/151 +[2024-10-13 15:49:44,587 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 117/151 +[2024-10-13 15:49:44,853 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 118/151 +[2024-10-13 15:49:45,118 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 119/151 +[2024-10-13 15:49:45,382 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 120/151 +[2024-10-13 15:49:45,647 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 121/151 +[2024-10-13 15:49:45,912 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 122/151 +[2024-10-13 15:49:46,177 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 123/151 +[2024-10-13 15:49:46,442 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 124/151 +[2024-10-13 15:49:46,706 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 125/151 +[2024-10-13 15:49:46,971 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 126/151 +[2024-10-13 15:49:47,236 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 127/151 +[2024-10-13 15:49:47,501 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 128/151 +[2024-10-13 15:49:47,765 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 129/151 +[2024-10-13 15:49:48,030 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 130/151 +[2024-10-13 15:49:48,295 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 131/151 +[2024-10-13 15:49:48,559 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 132/151 +[2024-10-13 15:49:48,823 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 133/151 +[2024-10-13 15:49:49,089 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 134/151 +[2024-10-13 15:49:49,354 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 135/151 +[2024-10-13 15:49:49,619 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 136/151 +[2024-10-13 15:49:49,883 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 137/151 +[2024-10-13 15:49:50,148 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 138/151 +[2024-10-13 15:49:50,413 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 139/151 +[2024-10-13 15:49:50,660 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 140/151 +[2024-10-13 15:49:50,907 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 141/151 +[2024-10-13 15:49:51,154 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 142/151 +[2024-10-13 15:49:51,401 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 143/151 +[2024-10-13 15:49:51,649 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 144/151 +[2024-10-13 15:49:51,896 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 145/151 +[2024-10-13 15:49:52,143 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 146/151 +[2024-10-13 15:49:52,391 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 147/151 +[2024-10-13 15:49:52,638 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 148/151 +[2024-10-13 15:49:52,886 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 149/151 +[2024-10-13 15:49:53,133 INFO test.py line 186 25394] Test: 62/312-scene0696_02, Batch: 150/151 +[2024-10-13 15:49:53,519 INFO test.py line 272 25394] Test: scene0696_02 [62/312]-305916 Batch 38.280 (19.920) Accuracy 0.7799 (0.3948) mIoU 0.2600 (0.3070) +[2024-10-13 15:49:53,733 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 0/152 +[2024-10-13 15:49:53,912 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 1/152 +[2024-10-13 15:49:54,092 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 2/152 +[2024-10-13 15:49:54,272 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 3/152 +[2024-10-13 15:49:54,451 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 4/152 +[2024-10-13 15:49:54,632 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 5/152 +[2024-10-13 15:49:54,821 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 6/152 +[2024-10-13 15:49:55,001 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 7/152 +[2024-10-13 15:49:55,181 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 8/152 +[2024-10-13 15:49:55,360 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 9/152 +[2024-10-13 15:49:55,540 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 10/152 +[2024-10-13 15:49:55,719 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 11/152 +[2024-10-13 15:49:55,899 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 12/152 +[2024-10-13 15:49:56,079 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 13/152 +[2024-10-13 15:49:56,258 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 14/152 +[2024-10-13 15:49:56,438 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 15/152 +[2024-10-13 15:49:56,617 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 16/152 +[2024-10-13 15:49:56,796 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 17/152 +[2024-10-13 15:49:56,976 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 18/152 +[2024-10-13 15:49:57,156 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 19/152 +[2024-10-13 15:49:57,336 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 20/152 +[2024-10-13 15:49:57,516 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 21/152 +[2024-10-13 15:49:57,696 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 22/152 +[2024-10-13 15:49:57,875 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 23/152 +[2024-10-13 15:49:58,055 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 24/152 +[2024-10-13 15:49:58,234 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 25/152 +[2024-10-13 15:49:58,413 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 26/152 +[2024-10-13 15:49:58,593 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 27/152 +[2024-10-13 15:49:58,772 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 28/152 +[2024-10-13 15:49:58,952 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 29/152 +[2024-10-13 15:49:59,131 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 30/152 +[2024-10-13 15:49:59,310 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 31/152 +[2024-10-13 15:49:59,490 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 32/152 +[2024-10-13 15:49:59,669 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 33/152 +[2024-10-13 15:49:59,848 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 34/152 +[2024-10-13 15:50:00,027 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 35/152 +[2024-10-13 15:50:00,207 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 36/152 +[2024-10-13 15:50:00,386 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 37/152 +[2024-10-13 15:50:00,565 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 38/152 +[2024-10-13 15:50:00,744 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 39/152 +[2024-10-13 15:50:00,922 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 40/152 +[2024-10-13 15:50:01,102 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 41/152 +[2024-10-13 15:50:01,282 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 42/152 +[2024-10-13 15:50:01,461 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 43/152 +[2024-10-13 15:50:01,641 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 44/152 +[2024-10-13 15:50:01,820 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 45/152 +[2024-10-13 15:50:01,999 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 46/152 +[2024-10-13 15:50:02,179 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 47/152 +[2024-10-13 15:50:02,346 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 48/152 +[2024-10-13 15:50:02,514 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 49/152 +[2024-10-13 15:50:02,682 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 50/152 +[2024-10-13 15:50:02,850 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 51/152 +[2024-10-13 15:50:03,018 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 52/152 +[2024-10-13 15:50:03,186 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 53/152 +[2024-10-13 15:50:03,354 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 54/152 +[2024-10-13 15:50:03,522 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 55/152 +[2024-10-13 15:50:03,690 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 56/152 +[2024-10-13 15:50:03,858 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 57/152 +[2024-10-13 15:50:04,025 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 58/152 +[2024-10-13 15:50:04,194 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 59/152 +[2024-10-13 15:50:04,362 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 60/152 +[2024-10-13 15:50:04,531 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 61/152 +[2024-10-13 15:50:04,699 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 62/152 +[2024-10-13 15:50:04,867 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 63/152 +[2024-10-13 15:50:05,035 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 64/152 +[2024-10-13 15:50:05,203 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 65/152 +[2024-10-13 15:50:05,371 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 66/152 +[2024-10-13 15:50:05,539 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 67/152 +[2024-10-13 15:50:05,708 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 68/152 +[2024-10-13 15:50:05,875 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 69/152 +[2024-10-13 15:50:06,044 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 70/152 +[2024-10-13 15:50:06,212 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 71/152 +[2024-10-13 15:50:06,379 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 72/152 +[2024-10-13 15:50:06,548 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 73/152 +[2024-10-13 15:50:06,715 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 74/152 +[2024-10-13 15:50:06,883 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 75/152 +[2024-10-13 15:50:07,051 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 76/152 +[2024-10-13 15:50:07,218 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 77/152 +[2024-10-13 15:50:07,386 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 78/152 +[2024-10-13 15:50:07,553 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 79/152 +[2024-10-13 15:50:07,721 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 80/152 +[2024-10-13 15:50:07,889 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 81/152 +[2024-10-13 15:50:08,057 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 82/152 +[2024-10-13 15:50:08,225 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 83/152 +[2024-10-13 15:50:08,393 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 84/152 +[2024-10-13 15:50:08,561 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 85/152 +[2024-10-13 15:50:08,730 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 86/152 +[2024-10-13 15:50:08,898 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 87/152 +[2024-10-13 15:50:09,066 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 88/152 +[2024-10-13 15:50:09,234 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 89/152 +[2024-10-13 15:50:09,403 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 90/152 +[2024-10-13 15:50:09,571 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 91/152 +[2024-10-13 15:50:09,739 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 92/152 +[2024-10-13 15:50:09,908 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 93/152 +[2024-10-13 15:50:10,076 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 94/152 +[2024-10-13 15:50:10,244 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 95/152 +[2024-10-13 15:50:10,435 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 96/152 +[2024-10-13 15:50:10,626 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 97/152 +[2024-10-13 15:50:10,816 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 98/152 +[2024-10-13 15:50:11,007 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 99/152 +[2024-10-13 15:50:11,197 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 100/152 +[2024-10-13 15:50:11,388 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 101/152 +[2024-10-13 15:50:11,578 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 102/152 +[2024-10-13 15:50:11,768 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 103/152 +[2024-10-13 15:50:11,959 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 104/152 +[2024-10-13 15:50:12,150 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 105/152 +[2024-10-13 15:50:12,340 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 106/152 +[2024-10-13 15:50:12,531 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 107/152 +[2024-10-13 15:50:12,721 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 108/152 +[2024-10-13 15:50:12,912 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 109/152 +[2024-10-13 15:50:13,103 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 110/152 +[2024-10-13 15:50:13,294 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 111/152 +[2024-10-13 15:50:13,485 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 112/152 +[2024-10-13 15:50:13,675 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 113/152 +[2024-10-13 15:50:13,866 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 114/152 +[2024-10-13 15:50:14,057 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 115/152 +[2024-10-13 15:50:14,247 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 116/152 +[2024-10-13 15:50:14,438 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 117/152 +[2024-10-13 15:50:14,628 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 118/152 +[2024-10-13 15:50:14,818 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 119/152 +[2024-10-13 15:50:15,008 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 120/152 +[2024-10-13 15:50:15,199 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 121/152 +[2024-10-13 15:50:15,389 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 122/152 +[2024-10-13 15:50:15,579 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 123/152 +[2024-10-13 15:50:15,770 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 124/152 +[2024-10-13 15:50:15,960 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 125/152 +[2024-10-13 15:50:16,150 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 126/152 +[2024-10-13 15:50:16,341 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 127/152 +[2024-10-13 15:50:16,531 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 128/152 +[2024-10-13 15:50:16,722 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 129/152 +[2024-10-13 15:50:16,912 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 130/152 +[2024-10-13 15:50:17,102 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 131/152 +[2024-10-13 15:50:17,293 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 132/152 +[2024-10-13 15:50:17,483 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 133/152 +[2024-10-13 15:50:17,674 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 134/152 +[2024-10-13 15:50:17,864 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 135/152 +[2024-10-13 15:50:18,055 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 136/152 +[2024-10-13 15:50:18,245 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 137/152 +[2024-10-13 15:50:18,436 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 138/152 +[2024-10-13 15:50:18,626 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 139/152 +[2024-10-13 15:50:18,805 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 140/152 +[2024-10-13 15:50:18,984 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 141/152 +[2024-10-13 15:50:19,163 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 142/152 +[2024-10-13 15:50:19,343 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 143/152 +[2024-10-13 15:50:19,522 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 144/152 +[2024-10-13 15:50:19,700 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 145/152 +[2024-10-13 15:50:19,879 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 146/152 +[2024-10-13 15:50:20,059 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 147/152 +[2024-10-13 15:50:20,237 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 148/152 +[2024-10-13 15:50:20,416 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 149/152 +[2024-10-13 15:50:20,595 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 150/152 +[2024-10-13 15:50:20,774 INFO test.py line 186 25394] Test: 63/312-scene0685_02, Batch: 151/152 +[2024-10-13 15:50:21,051 INFO test.py line 272 25394] Test: scene0685_02 [63/312]-222253 Batch 27.532 (20.040) Accuracy 0.9420 (0.3945) mIoU 0.3272 (0.3070) +[2024-10-13 15:50:21,395 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 0/167 +[2024-10-13 15:50:21,682 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 1/167 +[2024-10-13 15:50:21,969 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 2/167 +[2024-10-13 15:50:22,256 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 3/167 +[2024-10-13 15:50:22,543 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 4/167 +[2024-10-13 15:50:22,828 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 5/167 +[2024-10-13 15:50:23,115 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 6/167 +[2024-10-13 15:50:23,401 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 7/167 +[2024-10-13 15:50:23,687 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 8/167 +[2024-10-13 15:50:23,973 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 9/167 +[2024-10-13 15:50:24,260 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 10/167 +[2024-10-13 15:50:24,547 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 11/167 +[2024-10-13 15:50:24,871 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 12/167 +[2024-10-13 15:50:25,158 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 13/167 +[2024-10-13 15:50:25,444 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 14/167 +[2024-10-13 15:50:25,731 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 15/167 +[2024-10-13 15:50:26,017 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 16/167 +[2024-10-13 15:50:26,303 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 17/167 +[2024-10-13 15:50:26,589 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 18/167 +[2024-10-13 15:50:26,875 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 19/167 +[2024-10-13 15:50:27,160 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 20/167 +[2024-10-13 15:50:27,447 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 21/167 +[2024-10-13 15:50:27,733 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 22/167 +[2024-10-13 15:50:28,019 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 23/167 +[2024-10-13 15:50:28,305 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 24/167 +[2024-10-13 15:50:28,591 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 25/167 +[2024-10-13 15:50:28,877 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 26/167 +[2024-10-13 15:50:29,162 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 27/167 +[2024-10-13 15:50:29,448 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 28/167 +[2024-10-13 15:50:29,734 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 29/167 +[2024-10-13 15:50:30,020 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 30/167 +[2024-10-13 15:50:30,305 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 31/167 +[2024-10-13 15:50:30,592 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 32/167 +[2024-10-13 15:50:30,877 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 33/167 +[2024-10-13 15:50:31,163 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 34/167 +[2024-10-13 15:50:31,449 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 35/167 +[2024-10-13 15:50:31,735 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 36/167 +[2024-10-13 15:50:32,021 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 37/167 +[2024-10-13 15:50:32,307 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 38/167 +[2024-10-13 15:50:32,593 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 39/167 +[2024-10-13 15:50:32,878 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 40/167 +[2024-10-13 15:50:33,164 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 41/167 +[2024-10-13 15:50:33,450 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 42/167 +[2024-10-13 15:50:33,736 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 43/167 +[2024-10-13 15:50:34,003 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 44/167 +[2024-10-13 15:50:34,271 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 45/167 +[2024-10-13 15:50:34,540 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 46/167 +[2024-10-13 15:50:34,807 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 47/167 +[2024-10-13 15:50:35,075 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 48/167 +[2024-10-13 15:50:35,343 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 49/167 +[2024-10-13 15:50:35,611 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 50/167 +[2024-10-13 15:50:35,879 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 51/167 +[2024-10-13 15:50:36,147 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 52/167 +[2024-10-13 15:50:36,415 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 53/167 +[2024-10-13 15:50:36,683 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 54/167 +[2024-10-13 15:50:36,950 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 55/167 +[2024-10-13 15:50:37,219 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 56/167 +[2024-10-13 15:50:37,486 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 57/167 +[2024-10-13 15:50:37,755 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 58/167 +[2024-10-13 15:50:38,022 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 59/167 +[2024-10-13 15:50:38,291 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 60/167 +[2024-10-13 15:50:38,559 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 61/167 +[2024-10-13 15:50:38,827 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 62/167 +[2024-10-13 15:50:39,096 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 63/167 +[2024-10-13 15:50:39,364 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 64/167 +[2024-10-13 15:50:39,633 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 65/167 +[2024-10-13 15:50:39,901 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 66/167 +[2024-10-13 15:50:40,169 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 67/167 +[2024-10-13 15:50:40,438 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 68/167 +[2024-10-13 15:50:40,706 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 69/167 +[2024-10-13 15:50:40,975 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 70/167 +[2024-10-13 15:50:41,243 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 71/167 +[2024-10-13 15:50:41,511 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 72/167 +[2024-10-13 15:50:41,780 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 73/167 +[2024-10-13 15:50:42,048 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 74/167 +[2024-10-13 15:50:42,317 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 75/167 +[2024-10-13 15:50:42,584 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 76/167 +[2024-10-13 15:50:42,852 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 77/167 +[2024-10-13 15:50:43,120 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 78/167 +[2024-10-13 15:50:43,387 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 79/167 +[2024-10-13 15:50:43,656 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 80/167 +[2024-10-13 15:50:43,923 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 81/167 +[2024-10-13 15:50:44,191 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 82/167 +[2024-10-13 15:50:44,459 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 83/167 +[2024-10-13 15:50:44,727 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 84/167 +[2024-10-13 15:50:44,995 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 85/167 +[2024-10-13 15:50:45,263 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 86/167 +[2024-10-13 15:50:45,530 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 87/167 +[2024-10-13 15:50:45,798 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 88/167 +[2024-10-13 15:50:46,065 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 89/167 +[2024-10-13 15:50:46,333 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 90/167 +[2024-10-13 15:50:46,601 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 91/167 +[2024-10-13 15:50:46,869 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 92/167 +[2024-10-13 15:50:47,137 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 93/167 +[2024-10-13 15:50:47,405 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 94/167 +[2024-10-13 15:50:47,673 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 95/167 +[2024-10-13 15:50:47,941 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 96/167 +[2024-10-13 15:50:48,209 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 97/167 +[2024-10-13 15:50:48,477 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 98/167 +[2024-10-13 15:50:48,746 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 99/167 +[2024-10-13 15:50:49,015 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 100/167 +[2024-10-13 15:50:49,283 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 101/167 +[2024-10-13 15:50:49,551 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 102/167 +[2024-10-13 15:50:49,819 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 103/167 +[2024-10-13 15:50:50,086 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 104/167 +[2024-10-13 15:50:50,354 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 105/167 +[2024-10-13 15:50:50,622 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 106/167 +[2024-10-13 15:50:50,891 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 107/167 +[2024-10-13 15:50:51,198 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 108/167 +[2024-10-13 15:50:51,504 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 109/167 +[2024-10-13 15:50:51,811 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 110/167 +[2024-10-13 15:50:52,118 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 111/167 +[2024-10-13 15:50:52,424 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 112/167 +[2024-10-13 15:50:52,731 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 113/167 +[2024-10-13 15:50:53,038 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 114/167 +[2024-10-13 15:50:53,344 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 115/167 +[2024-10-13 15:50:53,651 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 116/167 +[2024-10-13 15:50:53,958 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 117/167 +[2024-10-13 15:50:54,265 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 118/167 +[2024-10-13 15:50:54,572 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 119/167 +[2024-10-13 15:50:54,879 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 120/167 +[2024-10-13 15:50:55,185 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 121/167 +[2024-10-13 15:50:55,492 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 122/167 +[2024-10-13 15:50:55,799 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 123/167 +[2024-10-13 15:50:56,105 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 124/167 +[2024-10-13 15:50:56,413 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 125/167 +[2024-10-13 15:50:56,719 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 126/167 +[2024-10-13 15:50:57,026 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 127/167 +[2024-10-13 15:50:57,333 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 128/167 +[2024-10-13 15:50:57,640 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 129/167 +[2024-10-13 15:50:57,946 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 130/167 +[2024-10-13 15:50:58,252 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 131/167 +[2024-10-13 15:50:58,557 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 132/167 +[2024-10-13 15:50:58,863 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 133/167 +[2024-10-13 15:50:59,169 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 134/167 +[2024-10-13 15:50:59,475 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 135/167 +[2024-10-13 15:50:59,780 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 136/167 +[2024-10-13 15:51:00,086 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 137/167 +[2024-10-13 15:51:00,392 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 138/167 +[2024-10-13 15:51:00,697 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 139/167 +[2024-10-13 15:51:01,003 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 140/167 +[2024-10-13 15:51:01,308 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 141/167 +[2024-10-13 15:51:01,614 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 142/167 +[2024-10-13 15:51:01,920 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 143/167 +[2024-10-13 15:51:02,226 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 144/167 +[2024-10-13 15:51:02,532 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 145/167 +[2024-10-13 15:51:02,838 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 146/167 +[2024-10-13 15:51:03,144 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 147/167 +[2024-10-13 15:51:03,451 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 148/167 +[2024-10-13 15:51:03,756 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 149/167 +[2024-10-13 15:51:04,062 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 150/167 +[2024-10-13 15:51:04,368 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 151/167 +[2024-10-13 15:51:04,674 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 152/167 +[2024-10-13 15:51:04,980 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 153/167 +[2024-10-13 15:51:05,286 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 154/167 +[2024-10-13 15:51:05,592 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 155/167 +[2024-10-13 15:51:05,878 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 156/167 +[2024-10-13 15:51:06,164 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 157/167 +[2024-10-13 15:51:06,451 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 158/167 +[2024-10-13 15:51:06,737 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 159/167 +[2024-10-13 15:51:07,023 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 160/167 +[2024-10-13 15:51:07,309 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 161/167 +[2024-10-13 15:51:07,596 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 162/167 +[2024-10-13 15:51:07,882 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 163/167 +[2024-10-13 15:51:08,169 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 164/167 +[2024-10-13 15:51:08,455 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 165/167 +[2024-10-13 15:51:08,742 INFO test.py line 186 25394] Test: 64/312-scene0678_00, Batch: 166/167 +[2024-10-13 15:51:09,202 INFO test.py line 272 25394] Test: scene0678_00 [64/312]-364811 Batch 48.150 (20.480) Accuracy 0.8477 (0.3936) mIoU 0.1999 (0.3057) +[2024-10-13 15:51:09,276 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 0/121 +[2024-10-13 15:51:09,340 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 1/121 +[2024-10-13 15:51:09,404 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 2/121 +[2024-10-13 15:51:09,468 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 3/121 +[2024-10-13 15:51:09,532 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 4/121 +[2024-10-13 15:51:09,597 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 5/121 +[2024-10-13 15:51:09,661 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 6/121 +[2024-10-13 15:51:09,725 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 7/121 +[2024-10-13 15:51:09,790 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 8/121 +[2024-10-13 15:51:09,854 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 9/121 +[2024-10-13 15:51:09,918 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 10/121 +[2024-10-13 15:51:09,982 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 11/121 +[2024-10-13 15:51:10,047 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 12/121 +[2024-10-13 15:51:10,111 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 13/121 +[2024-10-13 15:51:10,175 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 14/121 +[2024-10-13 15:51:10,239 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 15/121 +[2024-10-13 15:51:10,304 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 16/121 +[2024-10-13 15:51:10,368 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 17/121 +[2024-10-13 15:51:10,432 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 18/121 +[2024-10-13 15:51:10,496 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 19/121 +[2024-10-13 15:51:10,561 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 20/121 +[2024-10-13 15:51:10,625 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 21/121 +[2024-10-13 15:51:10,690 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 22/121 +[2024-10-13 15:51:10,754 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 23/121 +[2024-10-13 15:51:10,818 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 24/121 +[2024-10-13 15:51:10,883 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 25/121 +[2024-10-13 15:51:10,947 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 26/121 +[2024-10-13 15:51:11,011 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 27/121 +[2024-10-13 15:51:11,075 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 28/121 +[2024-10-13 15:51:11,140 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 29/121 +[2024-10-13 15:51:11,204 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 30/121 +[2024-10-13 15:51:11,268 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 31/121 +[2024-10-13 15:51:11,333 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 32/121 +[2024-10-13 15:51:11,397 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 33/121 +[2024-10-13 15:51:11,461 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 34/121 +[2024-10-13 15:51:11,525 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 35/121 +[2024-10-13 15:51:11,587 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 36/121 +[2024-10-13 15:51:11,648 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 37/121 +[2024-10-13 15:51:11,709 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 38/121 +[2024-10-13 15:51:11,770 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 39/121 +[2024-10-13 15:51:11,831 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 40/121 +[2024-10-13 15:51:11,892 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 41/121 +[2024-10-13 15:51:11,953 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 42/121 +[2024-10-13 15:51:12,014 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 43/121 +[2024-10-13 15:51:12,075 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 44/121 +[2024-10-13 15:51:12,136 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 45/121 +[2024-10-13 15:51:12,197 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 46/121 +[2024-10-13 15:51:12,258 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 47/121 +[2024-10-13 15:51:12,320 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 48/121 +[2024-10-13 15:51:12,381 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 49/121 +[2024-10-13 15:51:12,442 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 50/121 +[2024-10-13 15:51:12,503 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 51/121 +[2024-10-13 15:51:12,564 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 52/121 +[2024-10-13 15:51:12,625 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 53/121 +[2024-10-13 15:51:12,686 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 54/121 +[2024-10-13 15:51:12,747 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 55/121 +[2024-10-13 15:51:12,808 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 56/121 +[2024-10-13 15:51:12,869 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 57/121 +[2024-10-13 15:51:12,930 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 58/121 +[2024-10-13 15:51:12,991 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 59/121 +[2024-10-13 15:51:13,052 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 60/121 +[2024-10-13 15:51:13,113 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 61/121 +[2024-10-13 15:51:13,174 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 62/121 +[2024-10-13 15:51:13,235 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 63/121 +[2024-10-13 15:51:13,297 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 64/121 +[2024-10-13 15:51:13,358 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 65/121 +[2024-10-13 15:51:13,419 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 66/121 +[2024-10-13 15:51:13,480 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 67/121 +[2024-10-13 15:51:13,541 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 68/121 +[2024-10-13 15:51:13,603 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 69/121 +[2024-10-13 15:51:13,664 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 70/121 +[2024-10-13 15:51:13,725 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 71/121 +[2024-10-13 15:51:13,786 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 72/121 +[2024-10-13 15:51:13,847 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 73/121 +[2024-10-13 15:51:13,908 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 74/121 +[2024-10-13 15:51:13,969 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 75/121 +[2024-10-13 15:51:14,035 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 76/121 +[2024-10-13 15:51:14,101 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 77/121 +[2024-10-13 15:51:14,167 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 78/121 +[2024-10-13 15:51:14,234 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 79/121 +[2024-10-13 15:51:14,300 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 80/121 +[2024-10-13 15:51:14,366 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 81/121 +[2024-10-13 15:51:14,432 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 82/121 +[2024-10-13 15:51:14,498 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 83/121 +[2024-10-13 15:51:14,565 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 84/121 +[2024-10-13 15:51:14,631 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 85/121 +[2024-10-13 15:51:14,697 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 86/121 +[2024-10-13 15:51:14,763 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 87/121 +[2024-10-13 15:51:14,830 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 88/121 +[2024-10-13 15:51:14,896 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 89/121 +[2024-10-13 15:51:14,962 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 90/121 +[2024-10-13 15:51:15,028 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 91/121 +[2024-10-13 15:51:15,094 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 92/121 +[2024-10-13 15:51:15,161 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 93/121 +[2024-10-13 15:51:15,227 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 94/121 +[2024-10-13 15:51:15,293 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 95/121 +[2024-10-13 15:51:15,359 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 96/121 +[2024-10-13 15:51:15,426 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 97/121 +[2024-10-13 15:51:15,492 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 98/121 +[2024-10-13 15:51:15,558 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 99/121 +[2024-10-13 15:51:15,624 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 100/121 +[2024-10-13 15:51:15,690 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 101/121 +[2024-10-13 15:51:15,757 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 102/121 +[2024-10-13 15:51:15,823 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 103/121 +[2024-10-13 15:51:15,940 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 104/121 +[2024-10-13 15:51:16,011 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 105/121 +[2024-10-13 15:51:16,078 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 106/121 +[2024-10-13 15:51:16,145 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 107/121 +[2024-10-13 15:51:16,212 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 108/121 +[2024-10-13 15:51:16,280 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 109/121 +[2024-10-13 15:51:16,347 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 110/121 +[2024-10-13 15:51:16,414 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 111/121 +[2024-10-13 15:51:16,478 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 112/121 +[2024-10-13 15:51:16,543 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 113/121 +[2024-10-13 15:51:16,607 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 114/121 +[2024-10-13 15:51:16,671 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 115/121 +[2024-10-13 15:51:16,735 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 116/121 +[2024-10-13 15:51:16,800 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 117/121 +[2024-10-13 15:51:16,864 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 118/121 +[2024-10-13 15:51:16,929 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 119/121 +[2024-10-13 15:51:16,993 INFO test.py line 186 25394] Test: 65/312-scene0671_01, Batch: 120/121 +[2024-10-13 15:51:17,064 INFO test.py line 272 25394] Test: scene0671_01 [65/312]-51187 Batch 7.862 (20.286) Accuracy 0.8902 (0.3930) mIoU 0.3275 (0.3046) +[2024-10-13 15:51:17,221 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 0/138 +[2024-10-13 15:51:17,355 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 1/138 +[2024-10-13 15:51:17,488 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 2/138 +[2024-10-13 15:51:17,622 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 3/138 +[2024-10-13 15:51:17,756 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 4/138 +[2024-10-13 15:51:17,889 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 5/138 +[2024-10-13 15:51:18,023 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 6/138 +[2024-10-13 15:51:18,157 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 7/138 +[2024-10-13 15:51:18,290 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 8/138 +[2024-10-13 15:51:18,424 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 9/138 +[2024-10-13 15:51:18,558 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 10/138 +[2024-10-13 15:51:18,692 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 11/138 +[2024-10-13 15:51:18,826 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 12/138 +[2024-10-13 15:51:18,963 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 13/138 +[2024-10-13 15:51:19,097 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 14/138 +[2024-10-13 15:51:19,231 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 15/138 +[2024-10-13 15:51:19,365 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 16/138 +[2024-10-13 15:51:19,501 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 17/138 +[2024-10-13 15:51:19,635 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 18/138 +[2024-10-13 15:51:19,769 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 19/138 +[2024-10-13 15:51:19,903 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 20/138 +[2024-10-13 15:51:20,036 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 21/138 +[2024-10-13 15:51:20,170 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 22/138 +[2024-10-13 15:51:20,303 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 23/138 +[2024-10-13 15:51:20,437 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 24/138 +[2024-10-13 15:51:20,571 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 25/138 +[2024-10-13 15:51:20,705 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 26/138 +[2024-10-13 15:51:20,838 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 27/138 +[2024-10-13 15:51:20,972 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 28/138 +[2024-10-13 15:51:21,106 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 29/138 +[2024-10-13 15:51:21,240 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 30/138 +[2024-10-13 15:51:21,374 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 31/138 +[2024-10-13 15:51:21,508 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 32/138 +[2024-10-13 15:51:21,642 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 33/138 +[2024-10-13 15:51:21,776 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 34/138 +[2024-10-13 15:51:21,943 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 35/138 +[2024-10-13 15:51:22,079 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 36/138 +[2024-10-13 15:51:22,214 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 37/138 +[2024-10-13 15:51:22,347 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 38/138 +[2024-10-13 15:51:22,481 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 39/138 +[2024-10-13 15:51:22,609 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 40/138 +[2024-10-13 15:51:22,734 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 41/138 +[2024-10-13 15:51:22,861 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 42/138 +[2024-10-13 15:51:22,986 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 43/138 +[2024-10-13 15:51:23,112 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 44/138 +[2024-10-13 15:51:23,238 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 45/138 +[2024-10-13 15:51:23,365 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 46/138 +[2024-10-13 15:51:23,491 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 47/138 +[2024-10-13 15:51:23,617 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 48/138 +[2024-10-13 15:51:23,743 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 49/138 +[2024-10-13 15:51:23,869 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 50/138 +[2024-10-13 15:51:23,995 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 51/138 +[2024-10-13 15:51:24,121 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 52/138 +[2024-10-13 15:51:24,247 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 53/138 +[2024-10-13 15:51:24,374 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 54/138 +[2024-10-13 15:51:24,500 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 55/138 +[2024-10-13 15:51:24,626 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 56/138 +[2024-10-13 15:51:24,753 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 57/138 +[2024-10-13 15:51:24,880 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 58/138 +[2024-10-13 15:51:25,006 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 59/138 +[2024-10-13 15:51:25,132 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 60/138 +[2024-10-13 15:51:25,258 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 61/138 +[2024-10-13 15:51:25,385 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 62/138 +[2024-10-13 15:51:25,511 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 63/138 +[2024-10-13 15:51:25,638 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 64/138 +[2024-10-13 15:51:25,764 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 65/138 +[2024-10-13 15:51:25,892 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 66/138 +[2024-10-13 15:51:26,019 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 67/138 +[2024-10-13 15:51:26,146 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 68/138 +[2024-10-13 15:51:26,273 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 69/138 +[2024-10-13 15:51:26,400 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 70/138 +[2024-10-13 15:51:26,528 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 71/138 +[2024-10-13 15:51:26,654 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 72/138 +[2024-10-13 15:51:26,782 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 73/138 +[2024-10-13 15:51:26,909 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 74/138 +[2024-10-13 15:51:27,036 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 75/138 +[2024-10-13 15:51:27,163 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 76/138 +[2024-10-13 15:51:27,291 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 77/138 +[2024-10-13 15:51:27,418 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 78/138 +[2024-10-13 15:51:27,545 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 79/138 +[2024-10-13 15:51:27,671 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 80/138 +[2024-10-13 15:51:27,798 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 81/138 +[2024-10-13 15:51:27,924 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 82/138 +[2024-10-13 15:51:28,051 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 83/138 +[2024-10-13 15:51:28,178 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 84/138 +[2024-10-13 15:51:28,305 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 85/138 +[2024-10-13 15:51:28,431 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 86/138 +[2024-10-13 15:51:28,558 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 87/138 +[2024-10-13 15:51:28,684 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 88/138 +[2024-10-13 15:51:28,811 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 89/138 +[2024-10-13 15:51:28,937 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 90/138 +[2024-10-13 15:51:29,064 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 91/138 +[2024-10-13 15:51:29,207 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 92/138 +[2024-10-13 15:51:29,350 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 93/138 +[2024-10-13 15:51:29,493 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 94/138 +[2024-10-13 15:51:29,636 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 95/138 +[2024-10-13 15:51:29,779 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 96/138 +[2024-10-13 15:51:29,922 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 97/138 +[2024-10-13 15:51:30,065 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 98/138 +[2024-10-13 15:51:30,208 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 99/138 +[2024-10-13 15:51:30,351 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 100/138 +[2024-10-13 15:51:30,493 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 101/138 +[2024-10-13 15:51:30,637 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 102/138 +[2024-10-13 15:51:30,779 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 103/138 +[2024-10-13 15:51:30,922 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 104/138 +[2024-10-13 15:51:31,065 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 105/138 +[2024-10-13 15:51:31,208 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 106/138 +[2024-10-13 15:51:31,351 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 107/138 +[2024-10-13 15:51:31,494 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 108/138 +[2024-10-13 15:51:31,637 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 109/138 +[2024-10-13 15:51:31,780 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 110/138 +[2024-10-13 15:51:31,923 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 111/138 +[2024-10-13 15:51:32,065 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 112/138 +[2024-10-13 15:51:32,208 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 113/138 +[2024-10-13 15:51:32,351 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 114/138 +[2024-10-13 15:51:32,493 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 115/138 +[2024-10-13 15:51:32,636 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 116/138 +[2024-10-13 15:51:32,779 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 117/138 +[2024-10-13 15:51:32,921 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 118/138 +[2024-10-13 15:51:33,064 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 119/138 +[2024-10-13 15:51:33,207 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 120/138 +[2024-10-13 15:51:33,350 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 121/138 +[2024-10-13 15:51:33,493 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 122/138 +[2024-10-13 15:51:33,637 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 123/138 +[2024-10-13 15:51:33,780 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 124/138 +[2024-10-13 15:51:33,923 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 125/138 +[2024-10-13 15:51:34,066 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 126/138 +[2024-10-13 15:51:34,209 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 127/138 +[2024-10-13 15:51:34,343 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 128/138 +[2024-10-13 15:51:34,476 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 129/138 +[2024-10-13 15:51:34,610 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 130/138 +[2024-10-13 15:51:34,743 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 131/138 +[2024-10-13 15:51:34,877 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 132/138 +[2024-10-13 15:51:35,011 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 133/138 +[2024-10-13 15:51:35,145 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 134/138 +[2024-10-13 15:51:35,278 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 135/138 +[2024-10-13 15:51:35,412 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 136/138 +[2024-10-13 15:51:35,545 INFO test.py line 186 25394] Test: 66/312-scene0704_01, Batch: 137/138 +[2024-10-13 15:51:35,746 INFO test.py line 272 25394] Test: scene0704_01 [66/312]-149982 Batch 18.681 (20.261) Accuracy 0.8717 (0.3942) mIoU 0.3171 (0.3048) +[2024-10-13 15:51:36,007 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 0/139 +[2024-10-13 15:51:36,226 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 1/139 +[2024-10-13 15:51:36,445 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 2/139 +[2024-10-13 15:51:36,664 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 3/139 +[2024-10-13 15:51:36,883 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 4/139 +[2024-10-13 15:51:37,102 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 5/139 +[2024-10-13 15:51:37,321 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 6/139 +[2024-10-13 15:51:37,539 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 7/139 +[2024-10-13 15:51:37,758 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 8/139 +[2024-10-13 15:51:37,976 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 9/139 +[2024-10-13 15:51:38,196 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 10/139 +[2024-10-13 15:51:38,414 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 11/139 +[2024-10-13 15:51:38,633 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 12/139 +[2024-10-13 15:51:38,851 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 13/139 +[2024-10-13 15:51:39,070 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 14/139 +[2024-10-13 15:51:39,290 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 15/139 +[2024-10-13 15:51:39,508 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 16/139 +[2024-10-13 15:51:39,727 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 17/139 +[2024-10-13 15:51:39,946 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 18/139 +[2024-10-13 15:51:40,164 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 19/139 +[2024-10-13 15:51:40,383 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 20/139 +[2024-10-13 15:51:40,614 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 21/139 +[2024-10-13 15:51:40,834 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 22/139 +[2024-10-13 15:51:41,053 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 23/139 +[2024-10-13 15:51:41,272 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 24/139 +[2024-10-13 15:51:41,491 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 25/139 +[2024-10-13 15:51:41,709 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 26/139 +[2024-10-13 15:51:41,928 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 27/139 +[2024-10-13 15:51:42,146 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 28/139 +[2024-10-13 15:51:42,365 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 29/139 +[2024-10-13 15:51:42,583 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 30/139 +[2024-10-13 15:51:42,802 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 31/139 +[2024-10-13 15:51:43,021 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 32/139 +[2024-10-13 15:51:43,240 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 33/139 +[2024-10-13 15:51:43,459 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 34/139 +[2024-10-13 15:51:43,677 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 35/139 +[2024-10-13 15:51:43,896 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 36/139 +[2024-10-13 15:51:44,115 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 37/139 +[2024-10-13 15:51:44,334 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 38/139 +[2024-10-13 15:51:44,552 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 39/139 +[2024-10-13 15:51:44,771 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 40/139 +[2024-10-13 15:51:44,990 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 41/139 +[2024-10-13 15:51:45,209 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 42/139 +[2024-10-13 15:51:45,428 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 43/139 +[2024-10-13 15:51:45,633 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 44/139 +[2024-10-13 15:51:45,837 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 45/139 +[2024-10-13 15:51:46,042 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 46/139 +[2024-10-13 15:51:46,246 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 47/139 +[2024-10-13 15:51:46,451 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 48/139 +[2024-10-13 15:51:46,655 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 49/139 +[2024-10-13 15:51:46,860 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 50/139 +[2024-10-13 15:51:47,067 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 51/139 +[2024-10-13 15:51:47,272 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 52/139 +[2024-10-13 15:51:47,477 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 53/139 +[2024-10-13 15:51:47,682 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 54/139 +[2024-10-13 15:51:47,886 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 55/139 +[2024-10-13 15:51:48,091 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 56/139 +[2024-10-13 15:51:48,295 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 57/139 +[2024-10-13 15:51:48,499 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 58/139 +[2024-10-13 15:51:48,703 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 59/139 +[2024-10-13 15:51:48,907 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 60/139 +[2024-10-13 15:51:49,111 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 61/139 +[2024-10-13 15:51:49,316 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 62/139 +[2024-10-13 15:51:49,520 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 63/139 +[2024-10-13 15:51:49,724 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 64/139 +[2024-10-13 15:51:49,928 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 65/139 +[2024-10-13 15:51:50,132 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 66/139 +[2024-10-13 15:51:50,337 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 67/139 +[2024-10-13 15:51:50,542 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 68/139 +[2024-10-13 15:51:50,747 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 69/139 +[2024-10-13 15:51:50,952 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 70/139 +[2024-10-13 15:51:51,156 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 71/139 +[2024-10-13 15:51:51,361 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 72/139 +[2024-10-13 15:51:51,566 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 73/139 +[2024-10-13 15:51:51,771 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 74/139 +[2024-10-13 15:51:51,976 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 75/139 +[2024-10-13 15:51:52,180 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 76/139 +[2024-10-13 15:51:52,385 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 77/139 +[2024-10-13 15:51:52,591 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 78/139 +[2024-10-13 15:51:52,796 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 79/139 +[2024-10-13 15:51:53,001 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 80/139 +[2024-10-13 15:51:53,206 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 81/139 +[2024-10-13 15:51:53,411 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 82/139 +[2024-10-13 15:51:53,616 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 83/139 +[2024-10-13 15:51:53,821 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 84/139 +[2024-10-13 15:51:54,027 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 85/139 +[2024-10-13 15:51:54,233 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 86/139 +[2024-10-13 15:51:54,438 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 87/139 +[2024-10-13 15:51:54,643 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 88/139 +[2024-10-13 15:51:54,848 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 89/139 +[2024-10-13 15:51:55,053 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 90/139 +[2024-10-13 15:51:55,258 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 91/139 +[2024-10-13 15:51:55,491 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 92/139 +[2024-10-13 15:51:55,725 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 93/139 +[2024-10-13 15:51:55,958 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 94/139 +[2024-10-13 15:51:56,191 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 95/139 +[2024-10-13 15:51:56,424 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 96/139 +[2024-10-13 15:51:56,658 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 97/139 +[2024-10-13 15:51:56,890 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 98/139 +[2024-10-13 15:51:57,124 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 99/139 +[2024-10-13 15:51:57,357 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 100/139 +[2024-10-13 15:51:57,590 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 101/139 +[2024-10-13 15:51:57,822 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 102/139 +[2024-10-13 15:51:58,055 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 103/139 +[2024-10-13 15:51:58,289 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 104/139 +[2024-10-13 15:51:58,522 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 105/139 +[2024-10-13 15:51:58,755 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 106/139 +[2024-10-13 15:51:58,988 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 107/139 +[2024-10-13 15:51:59,221 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 108/139 +[2024-10-13 15:51:59,454 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 109/139 +[2024-10-13 15:51:59,687 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 110/139 +[2024-10-13 15:51:59,920 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 111/139 +[2024-10-13 15:52:00,153 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 112/139 +[2024-10-13 15:52:00,385 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 113/139 +[2024-10-13 15:52:00,618 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 114/139 +[2024-10-13 15:52:00,851 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 115/139 +[2024-10-13 15:52:01,084 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 116/139 +[2024-10-13 15:52:01,318 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 117/139 +[2024-10-13 15:52:01,551 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 118/139 +[2024-10-13 15:52:01,784 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 119/139 +[2024-10-13 15:52:02,017 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 120/139 +[2024-10-13 15:52:02,250 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 121/139 +[2024-10-13 15:52:02,483 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 122/139 +[2024-10-13 15:52:02,717 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 123/139 +[2024-10-13 15:52:02,950 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 124/139 +[2024-10-13 15:52:03,183 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 125/139 +[2024-10-13 15:52:03,416 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 126/139 +[2024-10-13 15:52:03,649 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 127/139 +[2024-10-13 15:52:03,867 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 128/139 +[2024-10-13 15:52:04,086 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 129/139 +[2024-10-13 15:52:04,305 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 130/139 +[2024-10-13 15:52:04,524 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 131/139 +[2024-10-13 15:52:04,743 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 132/139 +[2024-10-13 15:52:04,962 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 133/139 +[2024-10-13 15:52:05,181 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 134/139 +[2024-10-13 15:52:05,399 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 135/139 +[2024-10-13 15:52:05,618 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 136/139 +[2024-10-13 15:52:05,837 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 137/139 +[2024-10-13 15:52:06,056 INFO test.py line 186 25394] Test: 67/312-scene0435_01, Batch: 138/139 +[2024-10-13 15:52:06,406 INFO test.py line 272 25394] Test: scene0435_01 [67/312]-273280 Batch 30.660 (20.416) Accuracy 0.9192 (0.4050) mIoU 0.5609 (0.3171) +[2024-10-13 15:52:06,602 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 0/130 +[2024-10-13 15:52:06,766 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 1/130 +[2024-10-13 15:52:06,931 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 2/130 +[2024-10-13 15:52:07,097 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 3/130 +[2024-10-13 15:52:07,261 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 4/130 +[2024-10-13 15:52:07,426 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 5/130 +[2024-10-13 15:52:07,590 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 6/130 +[2024-10-13 15:52:07,755 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 7/130 +[2024-10-13 15:52:07,919 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 8/130 +[2024-10-13 15:52:08,083 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 9/130 +[2024-10-13 15:52:08,248 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 10/130 +[2024-10-13 15:52:08,413 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 11/130 +[2024-10-13 15:52:08,578 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 12/130 +[2024-10-13 15:52:08,742 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 13/130 +[2024-10-13 15:52:08,907 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 14/130 +[2024-10-13 15:52:09,072 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 15/130 +[2024-10-13 15:52:09,239 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 16/130 +[2024-10-13 15:52:09,403 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 17/130 +[2024-10-13 15:52:09,568 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 18/130 +[2024-10-13 15:52:09,733 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 19/130 +[2024-10-13 15:52:09,898 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 20/130 +[2024-10-13 15:52:10,063 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 21/130 +[2024-10-13 15:52:10,228 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 22/130 +[2024-10-13 15:52:10,393 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 23/130 +[2024-10-13 15:52:10,558 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 24/130 +[2024-10-13 15:52:10,723 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 25/130 +[2024-10-13 15:52:10,888 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 26/130 +[2024-10-13 15:52:11,053 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 27/130 +[2024-10-13 15:52:11,218 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 28/130 +[2024-10-13 15:52:11,383 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 29/130 +[2024-10-13 15:52:11,548 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 30/130 +[2024-10-13 15:52:11,713 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 31/130 +[2024-10-13 15:52:11,877 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 32/130 +[2024-10-13 15:52:12,041 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 33/130 +[2024-10-13 15:52:12,206 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 34/130 +[2024-10-13 15:52:12,371 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 35/130 +[2024-10-13 15:52:12,535 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 36/130 +[2024-10-13 15:52:12,701 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 37/130 +[2024-10-13 15:52:12,866 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 38/130 +[2024-10-13 15:52:13,077 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 39/130 +[2024-10-13 15:52:13,233 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 40/130 +[2024-10-13 15:52:13,390 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 41/130 +[2024-10-13 15:52:13,545 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 42/130 +[2024-10-13 15:52:13,700 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 43/130 +[2024-10-13 15:52:13,855 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 44/130 +[2024-10-13 15:52:14,010 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 45/130 +[2024-10-13 15:52:14,164 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 46/130 +[2024-10-13 15:52:14,319 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 47/130 +[2024-10-13 15:52:14,474 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 48/130 +[2024-10-13 15:52:14,629 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 49/130 +[2024-10-13 15:52:14,784 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 50/130 +[2024-10-13 15:52:14,939 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 51/130 +[2024-10-13 15:52:15,094 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 52/130 +[2024-10-13 15:52:15,249 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 53/130 +[2024-10-13 15:52:15,404 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 54/130 +[2024-10-13 15:52:15,559 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 55/130 +[2024-10-13 15:52:15,715 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 56/130 +[2024-10-13 15:52:15,870 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 57/130 +[2024-10-13 15:52:16,025 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 58/130 +[2024-10-13 15:52:16,179 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 59/130 +[2024-10-13 15:52:16,334 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 60/130 +[2024-10-13 15:52:16,490 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 61/130 +[2024-10-13 15:52:16,645 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 62/130 +[2024-10-13 15:52:16,799 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 63/130 +[2024-10-13 15:52:16,954 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 64/130 +[2024-10-13 15:52:17,109 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 65/130 +[2024-10-13 15:52:17,264 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 66/130 +[2024-10-13 15:52:17,419 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 67/130 +[2024-10-13 15:52:17,575 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 68/130 +[2024-10-13 15:52:17,730 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 69/130 +[2024-10-13 15:52:17,885 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 70/130 +[2024-10-13 15:52:18,041 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 71/130 +[2024-10-13 15:52:18,196 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 72/130 +[2024-10-13 15:52:18,351 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 73/130 +[2024-10-13 15:52:18,506 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 74/130 +[2024-10-13 15:52:18,661 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 75/130 +[2024-10-13 15:52:18,816 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 76/130 +[2024-10-13 15:52:18,971 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 77/130 +[2024-10-13 15:52:19,126 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 78/130 +[2024-10-13 15:52:19,281 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 79/130 +[2024-10-13 15:52:19,436 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 80/130 +[2024-10-13 15:52:19,591 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 81/130 +[2024-10-13 15:52:19,746 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 82/130 +[2024-10-13 15:52:19,901 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 83/130 +[2024-10-13 15:52:20,077 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 84/130 +[2024-10-13 15:52:20,254 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 85/130 +[2024-10-13 15:52:20,430 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 86/130 +[2024-10-13 15:52:20,606 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 87/130 +[2024-10-13 15:52:20,782 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 88/130 +[2024-10-13 15:52:20,957 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 89/130 +[2024-10-13 15:52:21,133 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 90/130 +[2024-10-13 15:52:21,309 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 91/130 +[2024-10-13 15:52:21,485 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 92/130 +[2024-10-13 15:52:21,660 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 93/130 +[2024-10-13 15:52:21,836 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 94/130 +[2024-10-13 15:52:22,012 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 95/130 +[2024-10-13 15:52:22,187 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 96/130 +[2024-10-13 15:52:22,363 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 97/130 +[2024-10-13 15:52:22,538 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 98/130 +[2024-10-13 15:52:22,714 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 99/130 +[2024-10-13 15:52:22,889 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 100/130 +[2024-10-13 15:52:23,066 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 101/130 +[2024-10-13 15:52:23,242 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 102/130 +[2024-10-13 15:52:23,417 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 103/130 +[2024-10-13 15:52:23,593 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 104/130 +[2024-10-13 15:52:23,769 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 105/130 +[2024-10-13 15:52:23,945 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 106/130 +[2024-10-13 15:52:24,120 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 107/130 +[2024-10-13 15:52:24,295 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 108/130 +[2024-10-13 15:52:24,471 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 109/130 +[2024-10-13 15:52:24,647 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 110/130 +[2024-10-13 15:52:24,823 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 111/130 +[2024-10-13 15:52:24,997 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 112/130 +[2024-10-13 15:52:25,173 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 113/130 +[2024-10-13 15:52:25,348 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 114/130 +[2024-10-13 15:52:25,523 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 115/130 +[2024-10-13 15:52:25,699 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 116/130 +[2024-10-13 15:52:25,874 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 117/130 +[2024-10-13 15:52:26,050 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 118/130 +[2024-10-13 15:52:26,226 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 119/130 +[2024-10-13 15:52:26,390 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 120/130 +[2024-10-13 15:52:26,555 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 121/130 +[2024-10-13 15:52:26,720 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 122/130 +[2024-10-13 15:52:26,885 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 123/130 +[2024-10-13 15:52:27,050 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 124/130 +[2024-10-13 15:52:27,214 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 125/130 +[2024-10-13 15:52:27,379 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 126/130 +[2024-10-13 15:52:27,544 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 127/130 +[2024-10-13 15:52:27,709 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 128/130 +[2024-10-13 15:52:27,874 INFO test.py line 186 25394] Test: 68/312-scene0575_01, Batch: 129/130 +[2024-10-13 15:52:28,134 INFO test.py line 272 25394] Test: scene0575_01 [68/312]-201935 Batch 21.727 (20.436) Accuracy 0.9511 (0.4054) mIoU 0.7041 (0.3178) +[2024-10-13 15:52:28,329 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 0/129 +[2024-10-13 15:52:28,493 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 1/129 +[2024-10-13 15:52:28,659 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 2/129 +[2024-10-13 15:52:28,824 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 3/129 +[2024-10-13 15:52:28,988 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 4/129 +[2024-10-13 15:52:29,152 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 5/129 +[2024-10-13 15:52:29,316 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 6/129 +[2024-10-13 15:52:29,481 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 7/129 +[2024-10-13 15:52:29,645 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 8/129 +[2024-10-13 15:52:29,810 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 9/129 +[2024-10-13 15:52:29,974 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 10/129 +[2024-10-13 15:52:30,139 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 11/129 +[2024-10-13 15:52:30,303 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 12/129 +[2024-10-13 15:52:30,468 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 13/129 +[2024-10-13 15:52:30,632 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 14/129 +[2024-10-13 15:52:30,796 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 15/129 +[2024-10-13 15:52:30,961 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 16/129 +[2024-10-13 15:52:31,126 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 17/129 +[2024-10-13 15:52:31,291 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 18/129 +[2024-10-13 15:52:31,456 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 19/129 +[2024-10-13 15:52:31,621 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 20/129 +[2024-10-13 15:52:31,785 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 21/129 +[2024-10-13 15:52:31,950 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 22/129 +[2024-10-13 15:52:32,114 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 23/129 +[2024-10-13 15:52:32,279 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 24/129 +[2024-10-13 15:52:32,444 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 25/129 +[2024-10-13 15:52:32,609 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 26/129 +[2024-10-13 15:52:32,773 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 27/129 +[2024-10-13 15:52:32,938 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 28/129 +[2024-10-13 15:52:33,102 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 29/129 +[2024-10-13 15:52:33,266 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 30/129 +[2024-10-13 15:52:33,430 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 31/129 +[2024-10-13 15:52:33,595 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 32/129 +[2024-10-13 15:52:33,761 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 33/129 +[2024-10-13 15:52:33,925 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 34/129 +[2024-10-13 15:52:34,090 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 35/129 +[2024-10-13 15:52:34,242 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 36/129 +[2024-10-13 15:52:34,399 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 37/129 +[2024-10-13 15:52:34,558 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 38/129 +[2024-10-13 15:52:34,712 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 39/129 +[2024-10-13 15:52:34,865 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 40/129 +[2024-10-13 15:52:35,018 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 41/129 +[2024-10-13 15:52:35,171 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 42/129 +[2024-10-13 15:52:35,323 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 43/129 +[2024-10-13 15:52:35,475 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 44/129 +[2024-10-13 15:52:35,628 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 45/129 +[2024-10-13 15:52:35,780 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 46/129 +[2024-10-13 15:52:35,933 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 47/129 +[2024-10-13 15:52:36,086 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 48/129 +[2024-10-13 15:52:36,240 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 49/129 +[2024-10-13 15:52:36,393 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 50/129 +[2024-10-13 15:52:36,546 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 51/129 +[2024-10-13 15:52:36,700 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 52/129 +[2024-10-13 15:52:36,853 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 53/129 +[2024-10-13 15:52:37,006 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 54/129 +[2024-10-13 15:52:37,160 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 55/129 +[2024-10-13 15:52:37,313 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 56/129 +[2024-10-13 15:52:37,466 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 57/129 +[2024-10-13 15:52:37,619 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 58/129 +[2024-10-13 15:52:37,773 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 59/129 +[2024-10-13 15:52:37,927 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 60/129 +[2024-10-13 15:52:38,080 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 61/129 +[2024-10-13 15:52:38,234 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 62/129 +[2024-10-13 15:52:38,387 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 63/129 +[2024-10-13 15:52:38,541 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 64/129 +[2024-10-13 15:52:38,694 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 65/129 +[2024-10-13 15:52:38,848 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 66/129 +[2024-10-13 15:52:39,001 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 67/129 +[2024-10-13 15:52:39,155 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 68/129 +[2024-10-13 15:52:39,308 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 69/129 +[2024-10-13 15:52:39,461 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 70/129 +[2024-10-13 15:52:39,615 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 71/129 +[2024-10-13 15:52:39,767 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 72/129 +[2024-10-13 15:52:39,919 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 73/129 +[2024-10-13 15:52:40,071 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 74/129 +[2024-10-13 15:52:40,224 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 75/129 +[2024-10-13 15:52:40,377 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 76/129 +[2024-10-13 15:52:40,529 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 77/129 +[2024-10-13 15:52:40,682 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 78/129 +[2024-10-13 15:52:40,834 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 79/129 +[2024-10-13 15:52:40,986 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 80/129 +[2024-10-13 15:52:41,138 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 81/129 +[2024-10-13 15:52:41,290 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 82/129 +[2024-10-13 15:52:41,442 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 83/129 +[2024-10-13 15:52:41,619 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 84/129 +[2024-10-13 15:52:41,794 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 85/129 +[2024-10-13 15:52:41,970 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 86/129 +[2024-10-13 15:52:42,146 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 87/129 +[2024-10-13 15:52:42,322 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 88/129 +[2024-10-13 15:52:42,499 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 89/129 +[2024-10-13 15:52:42,674 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 90/129 +[2024-10-13 15:52:42,850 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 91/129 +[2024-10-13 15:52:43,026 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 92/129 +[2024-10-13 15:52:43,201 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 93/129 +[2024-10-13 15:52:43,377 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 94/129 +[2024-10-13 15:52:43,552 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 95/129 +[2024-10-13 15:52:43,728 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 96/129 +[2024-10-13 15:52:43,903 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 97/129 +[2024-10-13 15:52:44,080 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 98/129 +[2024-10-13 15:52:44,255 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 99/129 +[2024-10-13 15:52:44,430 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 100/129 +[2024-10-13 15:52:44,606 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 101/129 +[2024-10-13 15:52:44,781 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 102/129 +[2024-10-13 15:52:44,957 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 103/129 +[2024-10-13 15:52:45,132 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 104/129 +[2024-10-13 15:52:45,308 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 105/129 +[2024-10-13 15:52:45,483 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 106/129 +[2024-10-13 15:52:45,659 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 107/129 +[2024-10-13 15:52:45,835 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 108/129 +[2024-10-13 15:52:46,010 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 109/129 +[2024-10-13 15:52:46,185 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 110/129 +[2024-10-13 15:52:46,361 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 111/129 +[2024-10-13 15:52:46,537 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 112/129 +[2024-10-13 15:52:46,713 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 113/129 +[2024-10-13 15:52:46,888 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 114/129 +[2024-10-13 15:52:47,064 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 115/129 +[2024-10-13 15:52:47,241 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 116/129 +[2024-10-13 15:52:47,417 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 117/129 +[2024-10-13 15:52:47,595 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 118/129 +[2024-10-13 15:52:47,770 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 119/129 +[2024-10-13 15:52:47,935 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 120/129 +[2024-10-13 15:52:48,099 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 121/129 +[2024-10-13 15:52:48,265 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 122/129 +[2024-10-13 15:52:48,429 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 123/129 +[2024-10-13 15:52:48,594 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 124/129 +[2024-10-13 15:52:48,759 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 125/129 +[2024-10-13 15:52:48,924 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 126/129 +[2024-10-13 15:52:49,088 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 127/129 +[2024-10-13 15:52:49,253 INFO test.py line 186 25394] Test: 69/312-scene0695_03, Batch: 128/129 +[2024-10-13 15:52:49,512 INFO test.py line 272 25394] Test: scene0695_03 [69/312]-205565 Batch 21.378 (20.449) Accuracy 0.8460 (0.4058) mIoU 0.2986 (0.3178) +[2024-10-13 15:52:49,741 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 0/159 +[2024-10-13 15:52:49,931 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 1/159 +[2024-10-13 15:52:50,122 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 2/159 +[2024-10-13 15:52:50,312 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 3/159 +[2024-10-13 15:52:50,503 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 4/159 +[2024-10-13 15:52:50,694 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 5/159 +[2024-10-13 15:52:50,885 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 6/159 +[2024-10-13 15:52:51,075 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 7/159 +[2024-10-13 15:52:51,266 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 8/159 +[2024-10-13 15:52:51,456 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 9/159 +[2024-10-13 15:52:51,647 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 10/159 +[2024-10-13 15:52:51,837 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 11/159 +[2024-10-13 15:52:52,028 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 12/159 +[2024-10-13 15:52:52,218 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 13/159 +[2024-10-13 15:52:52,409 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 14/159 +[2024-10-13 15:52:52,599 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 15/159 +[2024-10-13 15:52:52,790 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 16/159 +[2024-10-13 15:52:52,980 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 17/159 +[2024-10-13 15:52:53,170 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 18/159 +[2024-10-13 15:52:53,361 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 19/159 +[2024-10-13 15:52:53,551 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 20/159 +[2024-10-13 15:52:53,742 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 21/159 +[2024-10-13 15:52:53,933 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 22/159 +[2024-10-13 15:52:54,148 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 23/159 +[2024-10-13 15:52:54,340 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 24/159 +[2024-10-13 15:52:54,531 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 25/159 +[2024-10-13 15:52:54,721 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 26/159 +[2024-10-13 15:52:54,911 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 27/159 +[2024-10-13 15:52:55,102 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 28/159 +[2024-10-13 15:52:55,293 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 29/159 +[2024-10-13 15:52:55,484 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 30/159 +[2024-10-13 15:52:55,675 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 31/159 +[2024-10-13 15:52:55,865 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 32/159 +[2024-10-13 15:52:56,056 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 33/159 +[2024-10-13 15:52:56,248 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 34/159 +[2024-10-13 15:52:56,439 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 35/159 +[2024-10-13 15:52:56,630 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 36/159 +[2024-10-13 15:52:56,821 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 37/159 +[2024-10-13 15:52:57,013 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 38/159 +[2024-10-13 15:52:57,204 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 39/159 +[2024-10-13 15:52:57,395 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 40/159 +[2024-10-13 15:52:57,586 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 41/159 +[2024-10-13 15:52:57,778 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 42/159 +[2024-10-13 15:52:57,969 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 43/159 +[2024-10-13 15:52:58,150 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 44/159 +[2024-10-13 15:52:58,331 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 45/159 +[2024-10-13 15:52:58,512 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 46/159 +[2024-10-13 15:52:58,692 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 47/159 +[2024-10-13 15:52:58,873 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 48/159 +[2024-10-13 15:52:59,054 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 49/159 +[2024-10-13 15:52:59,235 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 50/159 +[2024-10-13 15:52:59,417 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 51/159 +[2024-10-13 15:52:59,598 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 52/159 +[2024-10-13 15:52:59,779 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 53/159 +[2024-10-13 15:52:59,960 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 54/159 +[2024-10-13 15:53:00,141 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 55/159 +[2024-10-13 15:53:00,322 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 56/159 +[2024-10-13 15:53:00,503 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 57/159 +[2024-10-13 15:53:00,685 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 58/159 +[2024-10-13 15:53:00,866 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 59/159 +[2024-10-13 15:53:01,047 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 60/159 +[2024-10-13 15:53:01,229 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 61/159 +[2024-10-13 15:53:01,410 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 62/159 +[2024-10-13 15:53:01,591 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 63/159 +[2024-10-13 15:53:01,772 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 64/159 +[2024-10-13 15:53:01,954 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 65/159 +[2024-10-13 15:53:02,136 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 66/159 +[2024-10-13 15:53:02,317 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 67/159 +[2024-10-13 15:53:02,499 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 68/159 +[2024-10-13 15:53:02,680 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 69/159 +[2024-10-13 15:53:02,862 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 70/159 +[2024-10-13 15:53:03,043 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 71/159 +[2024-10-13 15:53:03,225 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 72/159 +[2024-10-13 15:53:03,406 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 73/159 +[2024-10-13 15:53:03,586 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 74/159 +[2024-10-13 15:53:03,766 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 75/159 +[2024-10-13 15:53:03,946 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 76/159 +[2024-10-13 15:53:04,126 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 77/159 +[2024-10-13 15:53:04,307 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 78/159 +[2024-10-13 15:53:04,487 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 79/159 +[2024-10-13 15:53:04,667 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 80/159 +[2024-10-13 15:53:04,847 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 81/159 +[2024-10-13 15:53:05,027 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 82/159 +[2024-10-13 15:53:05,207 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 83/159 +[2024-10-13 15:53:05,387 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 84/159 +[2024-10-13 15:53:05,567 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 85/159 +[2024-10-13 15:53:05,747 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 86/159 +[2024-10-13 15:53:05,927 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 87/159 +[2024-10-13 15:53:06,107 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 88/159 +[2024-10-13 15:53:06,288 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 89/159 +[2024-10-13 15:53:06,469 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 90/159 +[2024-10-13 15:53:06,649 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 91/159 +[2024-10-13 15:53:06,830 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 92/159 +[2024-10-13 15:53:07,011 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 93/159 +[2024-10-13 15:53:07,191 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 94/159 +[2024-10-13 15:53:07,372 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 95/159 +[2024-10-13 15:53:07,554 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 96/159 +[2024-10-13 15:53:07,735 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 97/159 +[2024-10-13 15:53:07,916 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 98/159 +[2024-10-13 15:53:08,096 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 99/159 +[2024-10-13 15:53:08,277 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 100/159 +[2024-10-13 15:53:08,458 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 101/159 +[2024-10-13 15:53:08,639 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 102/159 +[2024-10-13 15:53:08,819 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 103/159 +[2024-10-13 15:53:09,025 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 104/159 +[2024-10-13 15:53:09,230 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 105/159 +[2024-10-13 15:53:09,436 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 106/159 +[2024-10-13 15:53:09,641 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 107/159 +[2024-10-13 15:53:09,846 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 108/159 +[2024-10-13 15:53:10,051 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 109/159 +[2024-10-13 15:53:10,257 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 110/159 +[2024-10-13 15:53:10,462 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 111/159 +[2024-10-13 15:53:10,667 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 112/159 +[2024-10-13 15:53:10,873 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 113/159 +[2024-10-13 15:53:11,078 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 114/159 +[2024-10-13 15:53:11,283 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 115/159 +[2024-10-13 15:53:11,488 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 116/159 +[2024-10-13 15:53:11,693 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 117/159 +[2024-10-13 15:53:11,898 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 118/159 +[2024-10-13 15:53:12,104 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 119/159 +[2024-10-13 15:53:12,309 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 120/159 +[2024-10-13 15:53:12,515 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 121/159 +[2024-10-13 15:53:12,719 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 122/159 +[2024-10-13 15:53:12,924 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 123/159 +[2024-10-13 15:53:13,129 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 124/159 +[2024-10-13 15:53:13,334 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 125/159 +[2024-10-13 15:53:13,539 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 126/159 +[2024-10-13 15:53:13,744 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 127/159 +[2024-10-13 15:53:13,949 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 128/159 +[2024-10-13 15:53:14,155 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 129/159 +[2024-10-13 15:53:14,360 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 130/159 +[2024-10-13 15:53:14,565 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 131/159 +[2024-10-13 15:53:14,770 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 132/159 +[2024-10-13 15:53:14,975 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 133/159 +[2024-10-13 15:53:15,180 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 134/159 +[2024-10-13 15:53:15,386 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 135/159 +[2024-10-13 15:53:15,591 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 136/159 +[2024-10-13 15:53:15,797 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 137/159 +[2024-10-13 15:53:16,002 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 138/159 +[2024-10-13 15:53:16,208 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 139/159 +[2024-10-13 15:53:16,413 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 140/159 +[2024-10-13 15:53:16,618 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 141/159 +[2024-10-13 15:53:16,823 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 142/159 +[2024-10-13 15:53:17,029 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 143/159 +[2024-10-13 15:53:17,234 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 144/159 +[2024-10-13 15:53:17,439 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 145/159 +[2024-10-13 15:53:17,645 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 146/159 +[2024-10-13 15:53:17,851 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 147/159 +[2024-10-13 15:53:18,042 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 148/159 +[2024-10-13 15:53:18,232 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 149/159 +[2024-10-13 15:53:18,423 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 150/159 +[2024-10-13 15:53:18,614 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 151/159 +[2024-10-13 15:53:18,804 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 152/159 +[2024-10-13 15:53:18,995 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 153/159 +[2024-10-13 15:53:19,185 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 154/159 +[2024-10-13 15:53:19,376 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 155/159 +[2024-10-13 15:53:19,566 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 156/159 +[2024-10-13 15:53:19,757 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 157/159 +[2024-10-13 15:53:19,948 INFO test.py line 186 25394] Test: 70/312-scene0011_00, Batch: 158/159 +[2024-10-13 15:53:20,246 INFO test.py line 272 25394] Test: scene0011_00 [70/312]-237360 Batch 30.734 (20.596) Accuracy 0.9130 (0.4059) mIoU 0.6105 (0.3179) +[2024-10-13 15:53:20,484 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 0/148 +[2024-10-13 15:53:20,683 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 1/148 +[2024-10-13 15:53:20,883 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 2/148 +[2024-10-13 15:53:21,083 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 3/148 +[2024-10-13 15:53:21,283 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 4/148 +[2024-10-13 15:53:21,483 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 5/148 +[2024-10-13 15:53:21,683 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 6/148 +[2024-10-13 15:53:21,883 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 7/148 +[2024-10-13 15:53:22,122 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 8/148 +[2024-10-13 15:53:22,322 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 9/148 +[2024-10-13 15:53:22,521 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 10/148 +[2024-10-13 15:53:22,720 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 11/148 +[2024-10-13 15:53:22,920 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 12/148 +[2024-10-13 15:53:23,119 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 13/148 +[2024-10-13 15:53:23,319 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 14/148 +[2024-10-13 15:53:23,519 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 15/148 +[2024-10-13 15:53:23,718 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 16/148 +[2024-10-13 15:53:23,918 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 17/148 +[2024-10-13 15:53:24,118 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 18/148 +[2024-10-13 15:53:24,317 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 19/148 +[2024-10-13 15:53:24,516 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 20/148 +[2024-10-13 15:53:24,715 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 21/148 +[2024-10-13 15:53:24,915 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 22/148 +[2024-10-13 15:53:25,115 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 23/148 +[2024-10-13 15:53:25,314 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 24/148 +[2024-10-13 15:53:25,513 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 25/148 +[2024-10-13 15:53:25,712 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 26/148 +[2024-10-13 15:53:25,911 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 27/148 +[2024-10-13 15:53:26,110 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 28/148 +[2024-10-13 15:53:26,309 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 29/148 +[2024-10-13 15:53:26,508 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 30/148 +[2024-10-13 15:53:26,708 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 31/148 +[2024-10-13 15:53:26,907 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 32/148 +[2024-10-13 15:53:27,106 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 33/148 +[2024-10-13 15:53:27,306 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 34/148 +[2024-10-13 15:53:27,505 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 35/148 +[2024-10-13 15:53:27,705 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 36/148 +[2024-10-13 15:53:27,904 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 37/148 +[2024-10-13 15:53:28,103 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 38/148 +[2024-10-13 15:53:28,303 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 39/148 +[2024-10-13 15:53:28,502 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 40/148 +[2024-10-13 15:53:28,701 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 41/148 +[2024-10-13 15:53:28,901 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 42/148 +[2024-10-13 15:53:29,100 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 43/148 +[2024-10-13 15:53:29,300 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 44/148 +[2024-10-13 15:53:29,499 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 45/148 +[2024-10-13 15:53:29,698 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 46/148 +[2024-10-13 15:53:29,898 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 47/148 +[2024-10-13 15:53:30,082 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 48/148 +[2024-10-13 15:53:30,268 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 49/148 +[2024-10-13 15:53:30,453 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 50/148 +[2024-10-13 15:53:30,639 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 51/148 +[2024-10-13 15:53:30,824 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 52/148 +[2024-10-13 15:53:31,010 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 53/148 +[2024-10-13 15:53:31,196 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 54/148 +[2024-10-13 15:53:31,381 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 55/148 +[2024-10-13 15:53:31,566 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 56/148 +[2024-10-13 15:53:31,752 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 57/148 +[2024-10-13 15:53:31,937 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 58/148 +[2024-10-13 15:53:32,122 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 59/148 +[2024-10-13 15:53:32,308 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 60/148 +[2024-10-13 15:53:32,493 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 61/148 +[2024-10-13 15:53:32,679 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 62/148 +[2024-10-13 15:53:32,864 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 63/148 +[2024-10-13 15:53:33,048 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 64/148 +[2024-10-13 15:53:33,234 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 65/148 +[2024-10-13 15:53:33,419 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 66/148 +[2024-10-13 15:53:33,603 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 67/148 +[2024-10-13 15:53:33,789 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 68/148 +[2024-10-13 15:53:33,974 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 69/148 +[2024-10-13 15:53:34,159 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 70/148 +[2024-10-13 15:53:34,344 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 71/148 +[2024-10-13 15:53:34,529 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 72/148 +[2024-10-13 15:53:34,714 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 73/148 +[2024-10-13 15:53:34,899 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 74/148 +[2024-10-13 15:53:35,085 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 75/148 +[2024-10-13 15:53:35,270 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 76/148 +[2024-10-13 15:53:35,456 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 77/148 +[2024-10-13 15:53:35,641 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 78/148 +[2024-10-13 15:53:35,826 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 79/148 +[2024-10-13 15:53:36,012 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 80/148 +[2024-10-13 15:53:36,197 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 81/148 +[2024-10-13 15:53:36,382 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 82/148 +[2024-10-13 15:53:36,568 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 83/148 +[2024-10-13 15:53:36,753 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 84/148 +[2024-10-13 15:53:36,938 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 85/148 +[2024-10-13 15:53:37,122 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 86/148 +[2024-10-13 15:53:37,308 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 87/148 +[2024-10-13 15:53:37,493 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 88/148 +[2024-10-13 15:53:37,678 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 89/148 +[2024-10-13 15:53:37,863 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 90/148 +[2024-10-13 15:53:38,048 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 91/148 +[2024-10-13 15:53:38,233 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 92/148 +[2024-10-13 15:53:38,418 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 93/148 +[2024-10-13 15:53:38,603 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 94/148 +[2024-10-13 15:53:38,789 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 95/148 +[2024-10-13 15:53:39,002 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 96/148 +[2024-10-13 15:53:39,215 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 97/148 +[2024-10-13 15:53:39,428 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 98/148 +[2024-10-13 15:53:39,641 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 99/148 +[2024-10-13 15:53:39,855 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 100/148 +[2024-10-13 15:53:40,068 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 101/148 +[2024-10-13 15:53:40,281 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 102/148 +[2024-10-13 15:53:40,494 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 103/148 +[2024-10-13 15:53:40,707 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 104/148 +[2024-10-13 15:53:40,920 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 105/148 +[2024-10-13 15:53:41,133 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 106/148 +[2024-10-13 15:53:41,345 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 107/148 +[2024-10-13 15:53:41,557 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 108/148 +[2024-10-13 15:53:41,769 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 109/148 +[2024-10-13 15:53:41,981 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 110/148 +[2024-10-13 15:53:42,194 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 111/148 +[2024-10-13 15:53:42,406 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 112/148 +[2024-10-13 15:53:42,618 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 113/148 +[2024-10-13 15:53:42,830 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 114/148 +[2024-10-13 15:53:43,042 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 115/148 +[2024-10-13 15:53:43,254 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 116/148 +[2024-10-13 15:53:43,467 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 117/148 +[2024-10-13 15:53:43,680 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 118/148 +[2024-10-13 15:53:43,892 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 119/148 +[2024-10-13 15:53:44,105 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 120/148 +[2024-10-13 15:53:44,317 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 121/148 +[2024-10-13 15:53:44,530 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 122/148 +[2024-10-13 15:53:44,742 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 123/148 +[2024-10-13 15:53:44,955 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 124/148 +[2024-10-13 15:53:45,167 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 125/148 +[2024-10-13 15:53:45,379 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 126/148 +[2024-10-13 15:53:45,593 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 127/148 +[2024-10-13 15:53:45,806 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 128/148 +[2024-10-13 15:53:46,018 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 129/148 +[2024-10-13 15:53:46,232 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 130/148 +[2024-10-13 15:53:46,444 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 131/148 +[2024-10-13 15:53:46,657 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 132/148 +[2024-10-13 15:53:46,870 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 133/148 +[2024-10-13 15:53:47,083 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 134/148 +[2024-10-13 15:53:47,296 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 135/148 +[2024-10-13 15:53:47,495 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 136/148 +[2024-10-13 15:53:47,695 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 137/148 +[2024-10-13 15:53:47,895 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 138/148 +[2024-10-13 15:53:48,094 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 139/148 +[2024-10-13 15:53:48,293 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 140/148 +[2024-10-13 15:53:48,493 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 141/148 +[2024-10-13 15:53:48,692 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 142/148 +[2024-10-13 15:53:48,892 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 143/148 +[2024-10-13 15:53:49,091 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 144/148 +[2024-10-13 15:53:49,291 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 145/148 +[2024-10-13 15:53:49,491 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 146/148 +[2024-10-13 15:53:49,690 INFO test.py line 186 25394] Test: 71/312-scene0568_01, Batch: 147/148 +[2024-10-13 15:53:49,991 INFO test.py line 272 25394] Test: scene0568_01 [71/312]-239388 Batch 29.745 (20.725) Accuracy 0.8769 (0.4072) mIoU 0.3651 (0.3188) +[2024-10-13 15:53:50,185 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 0/125 +[2024-10-13 15:53:50,349 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 1/125 +[2024-10-13 15:53:50,513 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 2/125 +[2024-10-13 15:53:50,678 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 3/125 +[2024-10-13 15:53:50,841 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 4/125 +[2024-10-13 15:53:51,005 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 5/125 +[2024-10-13 15:53:51,169 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 6/125 +[2024-10-13 15:53:51,333 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 7/125 +[2024-10-13 15:53:51,498 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 8/125 +[2024-10-13 15:53:51,661 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 9/125 +[2024-10-13 15:53:51,825 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 10/125 +[2024-10-13 15:53:51,989 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 11/125 +[2024-10-13 15:53:52,153 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 12/125 +[2024-10-13 15:53:52,317 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 13/125 +[2024-10-13 15:53:52,481 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 14/125 +[2024-10-13 15:53:52,645 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 15/125 +[2024-10-13 15:53:52,809 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 16/125 +[2024-10-13 15:53:52,973 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 17/125 +[2024-10-13 15:53:53,135 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 18/125 +[2024-10-13 15:53:53,299 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 19/125 +[2024-10-13 15:53:53,461 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 20/125 +[2024-10-13 15:53:53,624 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 21/125 +[2024-10-13 15:53:53,787 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 22/125 +[2024-10-13 15:53:53,950 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 23/125 +[2024-10-13 15:53:54,113 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 24/125 +[2024-10-13 15:53:54,276 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 25/125 +[2024-10-13 15:53:54,439 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 26/125 +[2024-10-13 15:53:54,602 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 27/125 +[2024-10-13 15:53:54,765 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 28/125 +[2024-10-13 15:53:54,928 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 29/125 +[2024-10-13 15:53:55,092 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 30/125 +[2024-10-13 15:53:55,255 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 31/125 +[2024-10-13 15:53:55,419 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 32/125 +[2024-10-13 15:53:55,584 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 33/125 +[2024-10-13 15:53:55,747 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 34/125 +[2024-10-13 15:53:55,910 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 35/125 +[2024-10-13 15:53:56,061 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 36/125 +[2024-10-13 15:53:56,212 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 37/125 +[2024-10-13 15:53:56,362 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 38/125 +[2024-10-13 15:53:56,513 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 39/125 +[2024-10-13 15:53:56,664 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 40/125 +[2024-10-13 15:53:56,815 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 41/125 +[2024-10-13 15:53:56,965 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 42/125 +[2024-10-13 15:53:57,116 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 43/125 +[2024-10-13 15:53:57,267 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 44/125 +[2024-10-13 15:53:57,418 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 45/125 +[2024-10-13 15:53:57,569 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 46/125 +[2024-10-13 15:53:57,720 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 47/125 +[2024-10-13 15:53:57,871 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 48/125 +[2024-10-13 15:53:58,022 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 49/125 +[2024-10-13 15:53:58,173 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 50/125 +[2024-10-13 15:53:58,324 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 51/125 +[2024-10-13 15:53:58,475 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 52/125 +[2024-10-13 15:53:58,625 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 53/125 +[2024-10-13 15:53:58,776 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 54/125 +[2024-10-13 15:53:58,927 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 55/125 +[2024-10-13 15:53:59,079 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 56/125 +[2024-10-13 15:53:59,231 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 57/125 +[2024-10-13 15:53:59,382 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 58/125 +[2024-10-13 15:53:59,534 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 59/125 +[2024-10-13 15:53:59,685 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 60/125 +[2024-10-13 15:53:59,837 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 61/125 +[2024-10-13 15:53:59,988 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 62/125 +[2024-10-13 15:54:00,140 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 63/125 +[2024-10-13 15:54:00,291 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 64/125 +[2024-10-13 15:54:00,443 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 65/125 +[2024-10-13 15:54:00,593 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 66/125 +[2024-10-13 15:54:00,744 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 67/125 +[2024-10-13 15:54:00,894 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 68/125 +[2024-10-13 15:54:01,045 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 69/125 +[2024-10-13 15:54:01,195 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 70/125 +[2024-10-13 15:54:01,346 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 71/125 +[2024-10-13 15:54:01,496 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 72/125 +[2024-10-13 15:54:01,646 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 73/125 +[2024-10-13 15:54:01,797 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 74/125 +[2024-10-13 15:54:01,948 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 75/125 +[2024-10-13 15:54:02,120 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 76/125 +[2024-10-13 15:54:02,292 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 77/125 +[2024-10-13 15:54:02,463 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 78/125 +[2024-10-13 15:54:02,635 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 79/125 +[2024-10-13 15:54:02,807 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 80/125 +[2024-10-13 15:54:02,979 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 81/125 +[2024-10-13 15:54:03,151 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 82/125 +[2024-10-13 15:54:03,322 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 83/125 +[2024-10-13 15:54:03,494 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 84/125 +[2024-10-13 15:54:03,666 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 85/125 +[2024-10-13 15:54:03,839 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 86/125 +[2024-10-13 15:54:04,011 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 87/125 +[2024-10-13 15:54:04,184 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 88/125 +[2024-10-13 15:54:04,356 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 89/125 +[2024-10-13 15:54:04,529 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 90/125 +[2024-10-13 15:54:04,701 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 91/125 +[2024-10-13 15:54:04,874 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 92/125 +[2024-10-13 15:54:05,046 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 93/125 +[2024-10-13 15:54:05,219 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 94/125 +[2024-10-13 15:54:05,391 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 95/125 +[2024-10-13 15:54:05,563 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 96/125 +[2024-10-13 15:54:05,736 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 97/125 +[2024-10-13 15:54:05,908 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 98/125 +[2024-10-13 15:54:06,080 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 99/125 +[2024-10-13 15:54:06,253 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 100/125 +[2024-10-13 15:54:06,424 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 101/125 +[2024-10-13 15:54:06,597 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 102/125 +[2024-10-13 15:54:06,770 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 103/125 +[2024-10-13 15:54:06,942 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 104/125 +[2024-10-13 15:54:07,114 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 105/125 +[2024-10-13 15:54:07,286 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 106/125 +[2024-10-13 15:54:07,458 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 107/125 +[2024-10-13 15:54:07,630 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 108/125 +[2024-10-13 15:54:07,802 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 109/125 +[2024-10-13 15:54:07,975 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 110/125 +[2024-10-13 15:54:08,147 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 111/125 +[2024-10-13 15:54:08,319 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 112/125 +[2024-10-13 15:54:08,492 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 113/125 +[2024-10-13 15:54:08,664 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 114/125 +[2024-10-13 15:54:08,836 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 115/125 +[2024-10-13 15:54:08,999 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 116/125 +[2024-10-13 15:54:09,161 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 117/125 +[2024-10-13 15:54:09,324 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 118/125 +[2024-10-13 15:54:09,487 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 119/125 +[2024-10-13 15:54:09,650 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 120/125 +[2024-10-13 15:54:09,813 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 121/125 +[2024-10-13 15:54:09,976 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 122/125 +[2024-10-13 15:54:10,138 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 123/125 +[2024-10-13 15:54:10,301 INFO test.py line 186 25394] Test: 72/312-scene0050_02, Batch: 124/125 +[2024-10-13 15:54:10,552 INFO test.py line 272 25394] Test: scene0050_02 [72/312]-196815 Batch 20.560 (20.723) Accuracy 0.8040 (0.4123) mIoU 0.3628 (0.3238) +[2024-10-13 15:54:10,640 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 0/138 +[2024-10-13 15:54:10,717 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 1/138 +[2024-10-13 15:54:10,795 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 2/138 +[2024-10-13 15:54:10,872 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 3/138 +[2024-10-13 15:54:10,948 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 4/138 +[2024-10-13 15:54:11,026 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 5/138 +[2024-10-13 15:54:11,103 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 6/138 +[2024-10-13 15:54:11,180 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 7/138 +[2024-10-13 15:54:11,257 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 8/138 +[2024-10-13 15:54:11,334 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 9/138 +[2024-10-13 15:54:11,411 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 10/138 +[2024-10-13 15:54:11,488 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 11/138 +[2024-10-13 15:54:11,565 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 12/138 +[2024-10-13 15:54:11,642 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 13/138 +[2024-10-13 15:54:11,719 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 14/138 +[2024-10-13 15:54:11,797 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 15/138 +[2024-10-13 15:54:11,874 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 16/138 +[2024-10-13 15:54:11,951 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 17/138 +[2024-10-13 15:54:12,027 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 18/138 +[2024-10-13 15:54:12,105 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 19/138 +[2024-10-13 15:54:12,182 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 20/138 +[2024-10-13 15:54:12,260 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 21/138 +[2024-10-13 15:54:12,337 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 22/138 +[2024-10-13 15:54:12,415 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 23/138 +[2024-10-13 15:54:12,492 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 24/138 +[2024-10-13 15:54:12,569 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 25/138 +[2024-10-13 15:54:12,646 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 26/138 +[2024-10-13 15:54:12,724 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 27/138 +[2024-10-13 15:54:12,801 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 28/138 +[2024-10-13 15:54:12,879 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 29/138 +[2024-10-13 15:54:12,956 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 30/138 +[2024-10-13 15:54:13,034 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 31/138 +[2024-10-13 15:54:13,111 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 32/138 +[2024-10-13 15:54:13,188 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 33/138 +[2024-10-13 15:54:13,311 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 34/138 +[2024-10-13 15:54:13,389 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 35/138 +[2024-10-13 15:54:13,468 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 36/138 +[2024-10-13 15:54:13,546 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 37/138 +[2024-10-13 15:54:13,624 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 38/138 +[2024-10-13 15:54:13,701 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 39/138 +[2024-10-13 15:54:13,775 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 40/138 +[2024-10-13 15:54:13,849 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 41/138 +[2024-10-13 15:54:13,923 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 42/138 +[2024-10-13 15:54:13,997 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 43/138 +[2024-10-13 15:54:14,071 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 44/138 +[2024-10-13 15:54:14,145 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 45/138 +[2024-10-13 15:54:14,219 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 46/138 +[2024-10-13 15:54:14,293 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 47/138 +[2024-10-13 15:54:14,366 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 48/138 +[2024-10-13 15:54:14,440 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 49/138 +[2024-10-13 15:54:14,514 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 50/138 +[2024-10-13 15:54:14,588 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 51/138 +[2024-10-13 15:54:14,662 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 52/138 +[2024-10-13 15:54:14,736 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 53/138 +[2024-10-13 15:54:14,810 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 54/138 +[2024-10-13 15:54:14,884 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 55/138 +[2024-10-13 15:54:14,958 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 56/138 +[2024-10-13 15:54:15,032 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 57/138 +[2024-10-13 15:54:15,106 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 58/138 +[2024-10-13 15:54:15,180 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 59/138 +[2024-10-13 15:54:15,254 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 60/138 +[2024-10-13 15:54:15,328 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 61/138 +[2024-10-13 15:54:15,402 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 62/138 +[2024-10-13 15:54:15,476 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 63/138 +[2024-10-13 15:54:15,550 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 64/138 +[2024-10-13 15:54:15,623 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 65/138 +[2024-10-13 15:54:15,698 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 66/138 +[2024-10-13 15:54:15,772 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 67/138 +[2024-10-13 15:54:15,845 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 68/138 +[2024-10-13 15:54:15,919 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 69/138 +[2024-10-13 15:54:15,993 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 70/138 +[2024-10-13 15:54:16,067 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 71/138 +[2024-10-13 15:54:16,141 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 72/138 +[2024-10-13 15:54:16,214 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 73/138 +[2024-10-13 15:54:16,288 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 74/138 +[2024-10-13 15:54:16,362 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 75/138 +[2024-10-13 15:54:16,436 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 76/138 +[2024-10-13 15:54:16,510 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 77/138 +[2024-10-13 15:54:16,583 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 78/138 +[2024-10-13 15:54:16,657 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 79/138 +[2024-10-13 15:54:16,731 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 80/138 +[2024-10-13 15:54:16,804 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 81/138 +[2024-10-13 15:54:16,878 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 82/138 +[2024-10-13 15:54:16,952 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 83/138 +[2024-10-13 15:54:17,025 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 84/138 +[2024-10-13 15:54:17,099 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 85/138 +[2024-10-13 15:54:17,173 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 86/138 +[2024-10-13 15:54:17,247 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 87/138 +[2024-10-13 15:54:17,328 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 88/138 +[2024-10-13 15:54:17,410 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 89/138 +[2024-10-13 15:54:17,491 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 90/138 +[2024-10-13 15:54:17,573 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 91/138 +[2024-10-13 15:54:17,655 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 92/138 +[2024-10-13 15:54:17,736 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 93/138 +[2024-10-13 15:54:17,818 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 94/138 +[2024-10-13 15:54:17,900 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 95/138 +[2024-10-13 15:54:17,982 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 96/138 +[2024-10-13 15:54:18,063 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 97/138 +[2024-10-13 15:54:18,145 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 98/138 +[2024-10-13 15:54:18,226 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 99/138 +[2024-10-13 15:54:18,308 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 100/138 +[2024-10-13 15:54:18,389 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 101/138 +[2024-10-13 15:54:18,471 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 102/138 +[2024-10-13 15:54:18,552 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 103/138 +[2024-10-13 15:54:18,634 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 104/138 +[2024-10-13 15:54:18,715 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 105/138 +[2024-10-13 15:54:18,797 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 106/138 +[2024-10-13 15:54:18,879 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 107/138 +[2024-10-13 15:54:18,961 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 108/138 +[2024-10-13 15:54:19,042 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 109/138 +[2024-10-13 15:54:19,124 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 110/138 +[2024-10-13 15:54:19,206 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 111/138 +[2024-10-13 15:54:19,287 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 112/138 +[2024-10-13 15:54:19,369 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 113/138 +[2024-10-13 15:54:19,451 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 114/138 +[2024-10-13 15:54:19,533 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 115/138 +[2024-10-13 15:54:19,614 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 116/138 +[2024-10-13 15:54:19,696 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 117/138 +[2024-10-13 15:54:19,778 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 118/138 +[2024-10-13 15:54:19,860 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 119/138 +[2024-10-13 15:54:19,941 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 120/138 +[2024-10-13 15:54:20,023 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 121/138 +[2024-10-13 15:54:20,105 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 122/138 +[2024-10-13 15:54:20,186 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 123/138 +[2024-10-13 15:54:20,268 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 124/138 +[2024-10-13 15:54:20,349 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 125/138 +[2024-10-13 15:54:20,431 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 126/138 +[2024-10-13 15:54:20,513 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 127/138 +[2024-10-13 15:54:20,590 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 128/138 +[2024-10-13 15:54:20,667 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 129/138 +[2024-10-13 15:54:20,744 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 130/138 +[2024-10-13 15:54:20,822 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 131/138 +[2024-10-13 15:54:20,899 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 132/138 +[2024-10-13 15:54:20,977 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 133/138 +[2024-10-13 15:54:21,054 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 134/138 +[2024-10-13 15:54:21,132 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 135/138 +[2024-10-13 15:54:21,209 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 136/138 +[2024-10-13 15:54:21,286 INFO test.py line 186 25394] Test: 73/312-scene0553_02, Batch: 137/138 +[2024-10-13 15:54:21,377 INFO test.py line 272 25394] Test: scene0553_02 [73/312]-67632 Batch 10.825 (20.587) Accuracy 0.9232 (0.4171) mIoU 0.4223 (0.3281) +[2024-10-13 15:54:21,579 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 0/146 +[2024-10-13 15:54:21,752 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 1/146 +[2024-10-13 15:54:21,925 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 2/146 +[2024-10-13 15:54:22,097 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 3/146 +[2024-10-13 15:54:22,270 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 4/146 +[2024-10-13 15:54:22,443 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 5/146 +[2024-10-13 15:54:22,617 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 6/146 +[2024-10-13 15:54:22,789 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 7/146 +[2024-10-13 15:54:22,962 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 8/146 +[2024-10-13 15:54:23,135 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 9/146 +[2024-10-13 15:54:23,308 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 10/146 +[2024-10-13 15:54:23,480 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 11/146 +[2024-10-13 15:54:23,653 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 12/146 +[2024-10-13 15:54:23,826 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 13/146 +[2024-10-13 15:54:23,998 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 14/146 +[2024-10-13 15:54:24,171 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 15/146 +[2024-10-13 15:54:24,343 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 16/146 +[2024-10-13 15:54:24,516 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 17/146 +[2024-10-13 15:54:24,689 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 18/146 +[2024-10-13 15:54:24,888 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 19/146 +[2024-10-13 15:54:25,062 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 20/146 +[2024-10-13 15:54:25,234 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 21/146 +[2024-10-13 15:54:25,407 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 22/146 +[2024-10-13 15:54:25,578 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 23/146 +[2024-10-13 15:54:25,750 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 24/146 +[2024-10-13 15:54:25,923 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 25/146 +[2024-10-13 15:54:26,095 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 26/146 +[2024-10-13 15:54:26,268 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 27/146 +[2024-10-13 15:54:26,440 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 28/146 +[2024-10-13 15:54:26,612 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 29/146 +[2024-10-13 15:54:26,785 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 30/146 +[2024-10-13 15:54:26,957 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 31/146 +[2024-10-13 15:54:27,130 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 32/146 +[2024-10-13 15:54:27,303 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 33/146 +[2024-10-13 15:54:27,476 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 34/146 +[2024-10-13 15:54:27,648 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 35/146 +[2024-10-13 15:54:27,821 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 36/146 +[2024-10-13 15:54:27,993 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 37/146 +[2024-10-13 15:54:28,166 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 38/146 +[2024-10-13 15:54:28,339 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 39/146 +[2024-10-13 15:54:28,500 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 40/146 +[2024-10-13 15:54:28,662 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 41/146 +[2024-10-13 15:54:28,824 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 42/146 +[2024-10-13 15:54:28,986 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 43/146 +[2024-10-13 15:54:29,147 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 44/146 +[2024-10-13 15:54:29,308 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 45/146 +[2024-10-13 15:54:29,469 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 46/146 +[2024-10-13 15:54:29,631 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 47/146 +[2024-10-13 15:54:29,792 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 48/146 +[2024-10-13 15:54:29,953 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 49/146 +[2024-10-13 15:54:30,114 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 50/146 +[2024-10-13 15:54:30,276 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 51/146 +[2024-10-13 15:54:30,438 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 52/146 +[2024-10-13 15:54:30,600 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 53/146 +[2024-10-13 15:54:30,762 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 54/146 +[2024-10-13 15:54:30,924 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 55/146 +[2024-10-13 15:54:31,086 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 56/146 +[2024-10-13 15:54:31,247 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 57/146 +[2024-10-13 15:54:31,409 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 58/146 +[2024-10-13 15:54:31,570 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 59/146 +[2024-10-13 15:54:31,731 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 60/146 +[2024-10-13 15:54:31,893 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 61/146 +[2024-10-13 15:54:32,055 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 62/146 +[2024-10-13 15:54:32,217 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 63/146 +[2024-10-13 15:54:32,379 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 64/146 +[2024-10-13 15:54:32,541 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 65/146 +[2024-10-13 15:54:32,703 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 66/146 +[2024-10-13 15:54:32,865 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 67/146 +[2024-10-13 15:54:33,027 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 68/146 +[2024-10-13 15:54:33,188 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 69/146 +[2024-10-13 15:54:33,350 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 70/146 +[2024-10-13 15:54:33,512 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 71/146 +[2024-10-13 15:54:33,673 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 72/146 +[2024-10-13 15:54:33,835 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 73/146 +[2024-10-13 15:54:33,996 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 74/146 +[2024-10-13 15:54:34,158 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 75/146 +[2024-10-13 15:54:34,320 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 76/146 +[2024-10-13 15:54:34,481 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 77/146 +[2024-10-13 15:54:34,643 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 78/146 +[2024-10-13 15:54:34,805 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 79/146 +[2024-10-13 15:54:34,966 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 80/146 +[2024-10-13 15:54:35,127 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 81/146 +[2024-10-13 15:54:35,289 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 82/146 +[2024-10-13 15:54:35,450 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 83/146 +[2024-10-13 15:54:35,633 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 84/146 +[2024-10-13 15:54:35,816 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 85/146 +[2024-10-13 15:54:35,999 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 86/146 +[2024-10-13 15:54:36,181 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 87/146 +[2024-10-13 15:54:36,364 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 88/146 +[2024-10-13 15:54:36,547 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 89/146 +[2024-10-13 15:54:36,730 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 90/146 +[2024-10-13 15:54:36,913 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 91/146 +[2024-10-13 15:54:37,095 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 92/146 +[2024-10-13 15:54:37,278 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 93/146 +[2024-10-13 15:54:37,461 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 94/146 +[2024-10-13 15:54:37,643 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 95/146 +[2024-10-13 15:54:37,826 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 96/146 +[2024-10-13 15:54:38,009 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 97/146 +[2024-10-13 15:54:38,193 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 98/146 +[2024-10-13 15:54:38,377 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 99/146 +[2024-10-13 15:54:38,560 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 100/146 +[2024-10-13 15:54:38,743 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 101/146 +[2024-10-13 15:54:38,926 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 102/146 +[2024-10-13 15:54:39,110 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 103/146 +[2024-10-13 15:54:39,293 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 104/146 +[2024-10-13 15:54:39,477 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 105/146 +[2024-10-13 15:54:39,660 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 106/146 +[2024-10-13 15:54:39,844 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 107/146 +[2024-10-13 15:54:40,027 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 108/146 +[2024-10-13 15:54:40,211 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 109/146 +[2024-10-13 15:54:40,394 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 110/146 +[2024-10-13 15:54:40,578 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 111/146 +[2024-10-13 15:54:40,761 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 112/146 +[2024-10-13 15:54:40,945 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 113/146 +[2024-10-13 15:54:41,129 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 114/146 +[2024-10-13 15:54:41,312 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 115/146 +[2024-10-13 15:54:41,496 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 116/146 +[2024-10-13 15:54:41,680 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 117/146 +[2024-10-13 15:54:41,864 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 118/146 +[2024-10-13 15:54:42,047 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 119/146 +[2024-10-13 15:54:42,230 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 120/146 +[2024-10-13 15:54:42,414 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 121/146 +[2024-10-13 15:54:42,597 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 122/146 +[2024-10-13 15:54:42,780 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 123/146 +[2024-10-13 15:54:42,963 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 124/146 +[2024-10-13 15:54:43,146 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 125/146 +[2024-10-13 15:54:43,329 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 126/146 +[2024-10-13 15:54:43,513 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 127/146 +[2024-10-13 15:54:43,696 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 128/146 +[2024-10-13 15:54:43,879 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 129/146 +[2024-10-13 15:54:44,062 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 130/146 +[2024-10-13 15:54:44,245 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 131/146 +[2024-10-13 15:54:44,428 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 132/146 +[2024-10-13 15:54:44,611 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 133/146 +[2024-10-13 15:54:44,794 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 134/146 +[2024-10-13 15:54:44,978 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 135/146 +[2024-10-13 15:54:45,150 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 136/146 +[2024-10-13 15:54:45,322 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 137/146 +[2024-10-13 15:54:45,494 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 138/146 +[2024-10-13 15:54:45,667 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 139/146 +[2024-10-13 15:54:45,839 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 140/146 +[2024-10-13 15:54:46,011 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 141/146 +[2024-10-13 15:54:46,183 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 142/146 +[2024-10-13 15:54:46,355 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 143/146 +[2024-10-13 15:54:46,527 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 144/146 +[2024-10-13 15:54:46,699 INFO test.py line 186 25394] Test: 74/312-scene0046_02, Batch: 145/146 +[2024-10-13 15:54:46,951 INFO test.py line 272 25394] Test: scene0046_02 [74/312]-199774 Batch 25.574 (20.655) Accuracy 0.8166 (0.4203) mIoU 0.4008 (0.3231) +[2024-10-13 15:54:47,072 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 0/143 +[2024-10-13 15:54:47,178 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 1/143 +[2024-10-13 15:54:47,285 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 2/143 +[2024-10-13 15:54:47,391 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 3/143 +[2024-10-13 15:54:47,498 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 4/143 +[2024-10-13 15:54:47,604 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 5/143 +[2024-10-13 15:54:47,711 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 6/143 +[2024-10-13 15:54:47,817 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 7/143 +[2024-10-13 15:54:47,924 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 8/143 +[2024-10-13 15:54:48,030 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 9/143 +[2024-10-13 15:54:48,137 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 10/143 +[2024-10-13 15:54:48,243 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 11/143 +[2024-10-13 15:54:48,350 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 12/143 +[2024-10-13 15:54:48,456 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 13/143 +[2024-10-13 15:54:48,563 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 14/143 +[2024-10-13 15:54:48,669 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 15/143 +[2024-10-13 15:54:48,776 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 16/143 +[2024-10-13 15:54:48,882 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 17/143 +[2024-10-13 15:54:48,989 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 18/143 +[2024-10-13 15:54:49,096 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 19/143 +[2024-10-13 15:54:49,245 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 20/143 +[2024-10-13 15:54:49,352 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 21/143 +[2024-10-13 15:54:49,461 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 22/143 +[2024-10-13 15:54:49,567 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 23/143 +[2024-10-13 15:54:49,673 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 24/143 +[2024-10-13 15:54:49,780 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 25/143 +[2024-10-13 15:54:49,886 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 26/143 +[2024-10-13 15:54:49,993 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 27/143 +[2024-10-13 15:54:50,099 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 28/143 +[2024-10-13 15:54:50,205 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 29/143 +[2024-10-13 15:54:50,312 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 30/143 +[2024-10-13 15:54:50,418 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 31/143 +[2024-10-13 15:54:50,525 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 32/143 +[2024-10-13 15:54:50,631 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 33/143 +[2024-10-13 15:54:50,738 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 34/143 +[2024-10-13 15:54:50,844 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 35/143 +[2024-10-13 15:54:50,951 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 36/143 +[2024-10-13 15:54:51,057 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 37/143 +[2024-10-13 15:54:51,163 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 38/143 +[2024-10-13 15:54:51,269 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 39/143 +[2024-10-13 15:54:51,376 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 40/143 +[2024-10-13 15:54:51,482 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 41/143 +[2024-10-13 15:54:51,588 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 42/143 +[2024-10-13 15:54:51,695 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 43/143 +[2024-10-13 15:54:51,793 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 44/143 +[2024-10-13 15:54:51,892 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 45/143 +[2024-10-13 15:54:51,990 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 46/143 +[2024-10-13 15:54:52,089 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 47/143 +[2024-10-13 15:54:52,188 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 48/143 +[2024-10-13 15:54:52,287 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 49/143 +[2024-10-13 15:54:52,385 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 50/143 +[2024-10-13 15:54:52,484 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 51/143 +[2024-10-13 15:54:52,582 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 52/143 +[2024-10-13 15:54:52,681 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 53/143 +[2024-10-13 15:54:52,779 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 54/143 +[2024-10-13 15:54:52,878 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 55/143 +[2024-10-13 15:54:52,977 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 56/143 +[2024-10-13 15:54:53,077 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 57/143 +[2024-10-13 15:54:53,176 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 58/143 +[2024-10-13 15:54:53,275 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 59/143 +[2024-10-13 15:54:53,374 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 60/143 +[2024-10-13 15:54:53,473 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 61/143 +[2024-10-13 15:54:53,572 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 62/143 +[2024-10-13 15:54:53,672 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 63/143 +[2024-10-13 15:54:53,771 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 64/143 +[2024-10-13 15:54:53,870 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 65/143 +[2024-10-13 15:54:53,969 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 66/143 +[2024-10-13 15:54:54,068 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 67/143 +[2024-10-13 15:54:54,168 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 68/143 +[2024-10-13 15:54:54,269 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 69/143 +[2024-10-13 15:54:54,369 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 70/143 +[2024-10-13 15:54:54,469 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 71/143 +[2024-10-13 15:54:54,569 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 72/143 +[2024-10-13 15:54:54,669 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 73/143 +[2024-10-13 15:54:54,769 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 74/143 +[2024-10-13 15:54:54,869 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 75/143 +[2024-10-13 15:54:54,969 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 76/143 +[2024-10-13 15:54:55,069 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 77/143 +[2024-10-13 15:54:55,170 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 78/143 +[2024-10-13 15:54:55,270 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 79/143 +[2024-10-13 15:54:55,369 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 80/143 +[2024-10-13 15:54:55,469 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 81/143 +[2024-10-13 15:54:55,569 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 82/143 +[2024-10-13 15:54:55,669 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 83/143 +[2024-10-13 15:54:55,769 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 84/143 +[2024-10-13 15:54:55,869 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 85/143 +[2024-10-13 15:54:55,969 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 86/143 +[2024-10-13 15:54:56,069 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 87/143 +[2024-10-13 15:54:56,169 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 88/143 +[2024-10-13 15:54:56,269 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 89/143 +[2024-10-13 15:54:56,369 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 90/143 +[2024-10-13 15:54:56,469 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 91/143 +[2024-10-13 15:54:56,582 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 92/143 +[2024-10-13 15:54:56,695 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 93/143 +[2024-10-13 15:54:56,808 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 94/143 +[2024-10-13 15:54:56,920 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 95/143 +[2024-10-13 15:54:57,033 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 96/143 +[2024-10-13 15:54:57,146 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 97/143 +[2024-10-13 15:54:57,259 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 98/143 +[2024-10-13 15:54:57,371 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 99/143 +[2024-10-13 15:54:57,484 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 100/143 +[2024-10-13 15:54:57,597 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 101/143 +[2024-10-13 15:54:57,710 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 102/143 +[2024-10-13 15:54:57,822 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 103/143 +[2024-10-13 15:54:57,935 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 104/143 +[2024-10-13 15:54:58,047 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 105/143 +[2024-10-13 15:54:58,160 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 106/143 +[2024-10-13 15:54:58,272 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 107/143 +[2024-10-13 15:54:58,385 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 108/143 +[2024-10-13 15:54:58,497 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 109/143 +[2024-10-13 15:54:58,610 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 110/143 +[2024-10-13 15:54:58,723 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 111/143 +[2024-10-13 15:54:58,836 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 112/143 +[2024-10-13 15:54:58,948 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 113/143 +[2024-10-13 15:54:59,060 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 114/143 +[2024-10-13 15:54:59,173 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 115/143 +[2024-10-13 15:54:59,285 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 116/143 +[2024-10-13 15:54:59,398 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 117/143 +[2024-10-13 15:54:59,510 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 118/143 +[2024-10-13 15:54:59,623 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 119/143 +[2024-10-13 15:54:59,736 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 120/143 +[2024-10-13 15:54:59,848 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 121/143 +[2024-10-13 15:54:59,961 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 122/143 +[2024-10-13 15:55:00,074 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 123/143 +[2024-10-13 15:55:00,187 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 124/143 +[2024-10-13 15:55:00,300 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 125/143 +[2024-10-13 15:55:00,412 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 126/143 +[2024-10-13 15:55:00,525 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 127/143 +[2024-10-13 15:55:00,638 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 128/143 +[2024-10-13 15:55:00,751 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 129/143 +[2024-10-13 15:55:00,864 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 130/143 +[2024-10-13 15:55:00,977 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 131/143 +[2024-10-13 15:55:01,083 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 132/143 +[2024-10-13 15:55:01,190 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 133/143 +[2024-10-13 15:55:01,297 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 134/143 +[2024-10-13 15:55:01,403 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 135/143 +[2024-10-13 15:55:01,510 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 136/143 +[2024-10-13 15:55:01,617 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 137/143 +[2024-10-13 15:55:01,723 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 138/143 +[2024-10-13 15:55:01,830 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 139/143 +[2024-10-13 15:55:01,936 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 140/143 +[2024-10-13 15:55:02,043 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 141/143 +[2024-10-13 15:55:02,149 INFO test.py line 186 25394] Test: 75/312-scene0701_02, Batch: 142/143 +[2024-10-13 15:55:02,302 INFO test.py line 272 25394] Test: scene0701_02 [75/312]-110945 Batch 15.351 (20.584) Accuracy 0.8882 (0.4204) mIoU 0.5166 (0.3233) +[2024-10-13 15:55:02,448 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 0/134 +[2024-10-13 15:55:02,575 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 1/134 +[2024-10-13 15:55:02,702 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 2/134 +[2024-10-13 15:55:02,828 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 3/134 +[2024-10-13 15:55:02,955 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 4/134 +[2024-10-13 15:55:03,082 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 5/134 +[2024-10-13 15:55:03,209 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 6/134 +[2024-10-13 15:55:03,336 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 7/134 +[2024-10-13 15:55:03,495 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 8/134 +[2024-10-13 15:55:03,622 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 9/134 +[2024-10-13 15:55:03,750 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 10/134 +[2024-10-13 15:55:03,877 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 11/134 +[2024-10-13 15:55:04,005 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 12/134 +[2024-10-13 15:55:04,133 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 13/134 +[2024-10-13 15:55:04,261 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 14/134 +[2024-10-13 15:55:04,389 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 15/134 +[2024-10-13 15:55:04,517 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 16/134 +[2024-10-13 15:55:04,644 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 17/134 +[2024-10-13 15:55:04,772 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 18/134 +[2024-10-13 15:55:04,900 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 19/134 +[2024-10-13 15:55:05,027 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 20/134 +[2024-10-13 15:55:05,155 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 21/134 +[2024-10-13 15:55:05,282 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 22/134 +[2024-10-13 15:55:05,409 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 23/134 +[2024-10-13 15:55:05,537 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 24/134 +[2024-10-13 15:55:05,663 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 25/134 +[2024-10-13 15:55:05,791 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 26/134 +[2024-10-13 15:55:05,918 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 27/134 +[2024-10-13 15:55:06,045 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 28/134 +[2024-10-13 15:55:06,172 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 29/134 +[2024-10-13 15:55:06,299 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 30/134 +[2024-10-13 15:55:06,425 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 31/134 +[2024-10-13 15:55:06,552 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 32/134 +[2024-10-13 15:55:06,679 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 33/134 +[2024-10-13 15:55:06,805 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 34/134 +[2024-10-13 15:55:06,932 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 35/134 +[2024-10-13 15:55:07,059 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 36/134 +[2024-10-13 15:55:07,185 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 37/134 +[2024-10-13 15:55:07,312 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 38/134 +[2024-10-13 15:55:07,439 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 39/134 +[2024-10-13 15:55:07,559 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 40/134 +[2024-10-13 15:55:07,679 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 41/134 +[2024-10-13 15:55:07,799 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 42/134 +[2024-10-13 15:55:07,920 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 43/134 +[2024-10-13 15:55:08,040 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 44/134 +[2024-10-13 15:55:08,160 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 45/134 +[2024-10-13 15:55:08,280 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 46/134 +[2024-10-13 15:55:08,400 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 47/134 +[2024-10-13 15:55:08,521 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 48/134 +[2024-10-13 15:55:08,641 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 49/134 +[2024-10-13 15:55:08,761 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 50/134 +[2024-10-13 15:55:08,881 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 51/134 +[2024-10-13 15:55:09,001 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 52/134 +[2024-10-13 15:55:09,121 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 53/134 +[2024-10-13 15:55:09,241 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 54/134 +[2024-10-13 15:55:09,361 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 55/134 +[2024-10-13 15:55:09,481 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 56/134 +[2024-10-13 15:55:09,601 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 57/134 +[2024-10-13 15:55:09,721 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 58/134 +[2024-10-13 15:55:09,841 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 59/134 +[2024-10-13 15:55:09,962 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 60/134 +[2024-10-13 15:55:10,082 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 61/134 +[2024-10-13 15:55:10,202 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 62/134 +[2024-10-13 15:55:10,322 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 63/134 +[2024-10-13 15:55:10,443 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 64/134 +[2024-10-13 15:55:10,563 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 65/134 +[2024-10-13 15:55:10,683 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 66/134 +[2024-10-13 15:55:10,804 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 67/134 +[2024-10-13 15:55:10,924 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 68/134 +[2024-10-13 15:55:11,045 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 69/134 +[2024-10-13 15:55:11,165 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 70/134 +[2024-10-13 15:55:11,285 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 71/134 +[2024-10-13 15:55:11,405 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 72/134 +[2024-10-13 15:55:11,525 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 73/134 +[2024-10-13 15:55:11,646 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 74/134 +[2024-10-13 15:55:11,766 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 75/134 +[2024-10-13 15:55:11,886 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 76/134 +[2024-10-13 15:55:12,007 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 77/134 +[2024-10-13 15:55:12,127 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 78/134 +[2024-10-13 15:55:12,248 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 79/134 +[2024-10-13 15:55:12,368 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 80/134 +[2024-10-13 15:55:12,488 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 81/134 +[2024-10-13 15:55:12,609 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 82/134 +[2024-10-13 15:55:12,729 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 83/134 +[2024-10-13 15:55:12,850 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 84/134 +[2024-10-13 15:55:12,970 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 85/134 +[2024-10-13 15:55:13,090 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 86/134 +[2024-10-13 15:55:13,211 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 87/134 +[2024-10-13 15:55:13,346 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 88/134 +[2024-10-13 15:55:13,481 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 89/134 +[2024-10-13 15:55:13,616 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 90/134 +[2024-10-13 15:55:13,751 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 91/134 +[2024-10-13 15:55:13,886 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 92/134 +[2024-10-13 15:55:14,022 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 93/134 +[2024-10-13 15:55:14,157 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 94/134 +[2024-10-13 15:55:14,292 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 95/134 +[2024-10-13 15:55:14,428 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 96/134 +[2024-10-13 15:55:14,562 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 97/134 +[2024-10-13 15:55:14,697 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 98/134 +[2024-10-13 15:55:14,832 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 99/134 +[2024-10-13 15:55:14,967 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 100/134 +[2024-10-13 15:55:15,102 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 101/134 +[2024-10-13 15:55:15,237 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 102/134 +[2024-10-13 15:55:15,371 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 103/134 +[2024-10-13 15:55:15,506 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 104/134 +[2024-10-13 15:55:15,641 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 105/134 +[2024-10-13 15:55:15,775 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 106/134 +[2024-10-13 15:55:15,910 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 107/134 +[2024-10-13 15:55:16,044 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 108/134 +[2024-10-13 15:55:16,179 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 109/134 +[2024-10-13 15:55:16,313 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 110/134 +[2024-10-13 15:55:16,448 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 111/134 +[2024-10-13 15:55:16,582 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 112/134 +[2024-10-13 15:55:16,717 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 113/134 +[2024-10-13 15:55:16,851 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 114/134 +[2024-10-13 15:55:16,986 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 115/134 +[2024-10-13 15:55:17,121 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 116/134 +[2024-10-13 15:55:17,257 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 117/134 +[2024-10-13 15:55:17,392 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 118/134 +[2024-10-13 15:55:17,527 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 119/134 +[2024-10-13 15:55:17,663 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 120/134 +[2024-10-13 15:55:17,798 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 121/134 +[2024-10-13 15:55:17,934 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 122/134 +[2024-10-13 15:55:18,069 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 123/134 +[2024-10-13 15:55:18,196 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 124/134 +[2024-10-13 15:55:18,323 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 125/134 +[2024-10-13 15:55:18,451 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 126/134 +[2024-10-13 15:55:18,577 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 127/134 +[2024-10-13 15:55:18,705 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 128/134 +[2024-10-13 15:55:18,832 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 129/134 +[2024-10-13 15:55:18,959 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 130/134 +[2024-10-13 15:55:19,086 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 131/134 +[2024-10-13 15:55:19,213 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 132/134 +[2024-10-13 15:55:19,341 INFO test.py line 186 25394] Test: 76/312-scene0697_00, Batch: 133/134 +[2024-10-13 15:55:19,520 INFO test.py line 272 25394] Test: scene0697_00 [76/312]-139300 Batch 17.217 (20.540) Accuracy 0.7804 (0.4222) mIoU 0.3768 (0.3250) +[2024-10-13 15:55:19,623 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 0/143 +[2024-10-13 15:55:19,712 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 1/143 +[2024-10-13 15:55:19,802 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 2/143 +[2024-10-13 15:55:19,891 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 3/143 +[2024-10-13 15:55:19,980 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 4/143 +[2024-10-13 15:55:20,069 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 5/143 +[2024-10-13 15:55:20,159 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 6/143 +[2024-10-13 15:55:20,248 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 7/143 +[2024-10-13 15:55:20,337 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 8/143 +[2024-10-13 15:55:20,426 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 9/143 +[2024-10-13 15:55:20,516 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 10/143 +[2024-10-13 15:55:20,605 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 11/143 +[2024-10-13 15:55:20,694 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 12/143 +[2024-10-13 15:55:20,784 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 13/143 +[2024-10-13 15:55:20,874 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 14/143 +[2024-10-13 15:55:20,963 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 15/143 +[2024-10-13 15:55:21,053 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 16/143 +[2024-10-13 15:55:21,142 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 17/143 +[2024-10-13 15:55:21,232 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 18/143 +[2024-10-13 15:55:21,322 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 19/143 +[2024-10-13 15:55:21,459 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 20/143 +[2024-10-13 15:55:21,550 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 21/143 +[2024-10-13 15:55:21,643 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 22/143 +[2024-10-13 15:55:21,733 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 23/143 +[2024-10-13 15:55:21,822 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 24/143 +[2024-10-13 15:55:21,912 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 25/143 +[2024-10-13 15:55:22,001 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 26/143 +[2024-10-13 15:55:22,091 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 27/143 +[2024-10-13 15:55:22,180 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 28/143 +[2024-10-13 15:55:22,270 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 29/143 +[2024-10-13 15:55:22,360 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 30/143 +[2024-10-13 15:55:22,449 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 31/143 +[2024-10-13 15:55:22,538 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 32/143 +[2024-10-13 15:55:22,627 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 33/143 +[2024-10-13 15:55:22,716 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 34/143 +[2024-10-13 15:55:22,805 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 35/143 +[2024-10-13 15:55:22,894 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 36/143 +[2024-10-13 15:55:22,984 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 37/143 +[2024-10-13 15:55:23,073 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 38/143 +[2024-10-13 15:55:23,162 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 39/143 +[2024-10-13 15:55:23,251 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 40/143 +[2024-10-13 15:55:23,340 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 41/143 +[2024-10-13 15:55:23,429 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 42/143 +[2024-10-13 15:55:23,519 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 43/143 +[2024-10-13 15:55:23,605 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 44/143 +[2024-10-13 15:55:23,690 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 45/143 +[2024-10-13 15:55:23,776 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 46/143 +[2024-10-13 15:55:23,862 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 47/143 +[2024-10-13 15:55:23,948 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 48/143 +[2024-10-13 15:55:24,034 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 49/143 +[2024-10-13 15:55:24,120 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 50/143 +[2024-10-13 15:55:24,206 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 51/143 +[2024-10-13 15:55:24,292 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 52/143 +[2024-10-13 15:55:24,377 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 53/143 +[2024-10-13 15:55:24,463 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 54/143 +[2024-10-13 15:55:24,549 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 55/143 +[2024-10-13 15:55:24,635 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 56/143 +[2024-10-13 15:55:24,721 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 57/143 +[2024-10-13 15:55:24,807 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 58/143 +[2024-10-13 15:55:24,893 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 59/143 +[2024-10-13 15:55:24,980 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 60/143 +[2024-10-13 15:55:25,066 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 61/143 +[2024-10-13 15:55:25,152 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 62/143 +[2024-10-13 15:55:25,238 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 63/143 +[2024-10-13 15:55:25,324 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 64/143 +[2024-10-13 15:55:25,410 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 65/143 +[2024-10-13 15:55:25,496 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 66/143 +[2024-10-13 15:55:25,582 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 67/143 +[2024-10-13 15:55:25,668 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 68/143 +[2024-10-13 15:55:25,754 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 69/143 +[2024-10-13 15:55:25,841 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 70/143 +[2024-10-13 15:55:25,927 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 71/143 +[2024-10-13 15:55:26,013 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 72/143 +[2024-10-13 15:55:26,100 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 73/143 +[2024-10-13 15:55:26,186 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 74/143 +[2024-10-13 15:55:26,272 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 75/143 +[2024-10-13 15:55:26,359 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 76/143 +[2024-10-13 15:55:26,445 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 77/143 +[2024-10-13 15:55:26,531 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 78/143 +[2024-10-13 15:55:26,618 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 79/143 +[2024-10-13 15:55:26,704 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 80/143 +[2024-10-13 15:55:26,791 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 81/143 +[2024-10-13 15:55:26,877 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 82/143 +[2024-10-13 15:55:26,963 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 83/143 +[2024-10-13 15:55:27,051 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 84/143 +[2024-10-13 15:55:27,138 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 85/143 +[2024-10-13 15:55:27,224 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 86/143 +[2024-10-13 15:55:27,310 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 87/143 +[2024-10-13 15:55:27,396 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 88/143 +[2024-10-13 15:55:27,482 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 89/143 +[2024-10-13 15:55:27,568 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 90/143 +[2024-10-13 15:55:27,654 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 91/143 +[2024-10-13 15:55:27,740 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 92/143 +[2024-10-13 15:55:27,826 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 93/143 +[2024-10-13 15:55:27,912 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 94/143 +[2024-10-13 15:55:27,998 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 95/143 +[2024-10-13 15:55:28,091 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 96/143 +[2024-10-13 15:55:28,185 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 97/143 +[2024-10-13 15:55:28,279 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 98/143 +[2024-10-13 15:55:28,372 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 99/143 +[2024-10-13 15:55:28,466 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 100/143 +[2024-10-13 15:55:28,560 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 101/143 +[2024-10-13 15:55:28,653 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 102/143 +[2024-10-13 15:55:28,747 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 103/143 +[2024-10-13 15:55:28,841 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 104/143 +[2024-10-13 15:55:28,934 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 105/143 +[2024-10-13 15:55:29,028 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 106/143 +[2024-10-13 15:55:29,122 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 107/143 +[2024-10-13 15:55:29,216 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 108/143 +[2024-10-13 15:55:29,309 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 109/143 +[2024-10-13 15:55:29,403 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 110/143 +[2024-10-13 15:55:29,497 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 111/143 +[2024-10-13 15:55:29,590 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 112/143 +[2024-10-13 15:55:29,684 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 113/143 +[2024-10-13 15:55:29,777 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 114/143 +[2024-10-13 15:55:29,873 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 115/143 +[2024-10-13 15:55:29,966 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 116/143 +[2024-10-13 15:55:30,060 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 117/143 +[2024-10-13 15:55:30,153 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 118/143 +[2024-10-13 15:55:30,247 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 119/143 +[2024-10-13 15:55:30,340 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 120/143 +[2024-10-13 15:55:30,434 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 121/143 +[2024-10-13 15:55:30,527 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 122/143 +[2024-10-13 15:55:30,621 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 123/143 +[2024-10-13 15:55:30,715 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 124/143 +[2024-10-13 15:55:30,808 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 125/143 +[2024-10-13 15:55:30,902 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 126/143 +[2024-10-13 15:55:30,996 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 127/143 +[2024-10-13 15:55:31,089 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 128/143 +[2024-10-13 15:55:31,183 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 129/143 +[2024-10-13 15:55:31,277 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 130/143 +[2024-10-13 15:55:31,370 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 131/143 +[2024-10-13 15:55:31,460 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 132/143 +[2024-10-13 15:55:31,550 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 133/143 +[2024-10-13 15:55:31,639 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 134/143 +[2024-10-13 15:55:31,729 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 135/143 +[2024-10-13 15:55:31,818 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 136/143 +[2024-10-13 15:55:31,908 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 137/143 +[2024-10-13 15:55:31,998 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 138/143 +[2024-10-13 15:55:32,087 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 139/143 +[2024-10-13 15:55:32,177 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 140/143 +[2024-10-13 15:55:32,266 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 141/143 +[2024-10-13 15:55:32,355 INFO test.py line 186 25394] Test: 77/312-scene0686_00, Batch: 142/143 +[2024-10-13 15:55:32,475 INFO test.py line 272 25394] Test: scene0686_00 [77/312]-89776 Batch 12.954 (20.441) Accuracy 0.9378 (0.4216) mIoU 0.7410 (0.3264) +[2024-10-13 15:55:32,547 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 0/116 +[2024-10-13 15:55:32,610 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 1/116 +[2024-10-13 15:55:32,673 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 2/116 +[2024-10-13 15:55:32,735 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 3/116 +[2024-10-13 15:55:32,798 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 4/116 +[2024-10-13 15:55:32,861 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 5/116 +[2024-10-13 15:55:32,924 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 6/116 +[2024-10-13 15:55:32,987 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 7/116 +[2024-10-13 15:55:33,050 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 8/116 +[2024-10-13 15:55:33,112 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 9/116 +[2024-10-13 15:55:33,175 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 10/116 +[2024-10-13 15:55:33,238 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 11/116 +[2024-10-13 15:55:33,301 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 12/116 +[2024-10-13 15:55:33,406 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 13/116 +[2024-10-13 15:55:33,473 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 14/116 +[2024-10-13 15:55:33,537 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 15/116 +[2024-10-13 15:55:33,601 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 16/116 +[2024-10-13 15:55:33,665 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 17/116 +[2024-10-13 15:55:33,728 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 18/116 +[2024-10-13 15:55:33,792 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 19/116 +[2024-10-13 15:55:33,855 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 20/116 +[2024-10-13 15:55:33,919 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 21/116 +[2024-10-13 15:55:33,983 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 22/116 +[2024-10-13 15:55:34,046 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 23/116 +[2024-10-13 15:55:34,110 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 24/116 +[2024-10-13 15:55:34,173 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 25/116 +[2024-10-13 15:55:34,237 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 26/116 +[2024-10-13 15:55:34,300 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 27/116 +[2024-10-13 15:55:34,364 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 28/116 +[2024-10-13 15:55:34,427 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 29/116 +[2024-10-13 15:55:34,491 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 30/116 +[2024-10-13 15:55:34,554 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 31/116 +[2024-10-13 15:55:34,615 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 32/116 +[2024-10-13 15:55:34,677 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 33/116 +[2024-10-13 15:55:34,738 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 34/116 +[2024-10-13 15:55:34,799 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 35/116 +[2024-10-13 15:55:34,860 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 36/116 +[2024-10-13 15:55:34,924 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 37/116 +[2024-10-13 15:55:34,985 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 38/116 +[2024-10-13 15:55:35,046 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 39/116 +[2024-10-13 15:55:35,107 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 40/116 +[2024-10-13 15:55:35,168 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 41/116 +[2024-10-13 15:55:35,229 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 42/116 +[2024-10-13 15:55:35,290 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 43/116 +[2024-10-13 15:55:35,351 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 44/116 +[2024-10-13 15:55:35,412 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 45/116 +[2024-10-13 15:55:35,475 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 46/116 +[2024-10-13 15:55:35,536 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 47/116 +[2024-10-13 15:55:35,597 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 48/116 +[2024-10-13 15:55:35,658 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 49/116 +[2024-10-13 15:55:35,720 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 50/116 +[2024-10-13 15:55:35,781 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 51/116 +[2024-10-13 15:55:35,842 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 52/116 +[2024-10-13 15:55:35,903 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 53/116 +[2024-10-13 15:55:35,964 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 54/116 +[2024-10-13 15:55:36,025 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 55/116 +[2024-10-13 15:55:36,086 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 56/116 +[2024-10-13 15:55:36,147 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 57/116 +[2024-10-13 15:55:36,209 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 58/116 +[2024-10-13 15:55:36,270 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 59/116 +[2024-10-13 15:55:36,331 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 60/116 +[2024-10-13 15:55:36,392 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 61/116 +[2024-10-13 15:55:36,453 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 62/116 +[2024-10-13 15:55:36,514 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 63/116 +[2024-10-13 15:55:36,575 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 64/116 +[2024-10-13 15:55:36,636 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 65/116 +[2024-10-13 15:55:36,697 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 66/116 +[2024-10-13 15:55:36,759 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 67/116 +[2024-10-13 15:55:36,820 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 68/116 +[2024-10-13 15:55:36,881 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 69/116 +[2024-10-13 15:55:36,942 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 70/116 +[2024-10-13 15:55:37,003 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 71/116 +[2024-10-13 15:55:37,068 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 72/116 +[2024-10-13 15:55:37,134 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 73/116 +[2024-10-13 15:55:37,199 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 74/116 +[2024-10-13 15:55:37,265 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 75/116 +[2024-10-13 15:55:37,330 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 76/116 +[2024-10-13 15:55:37,395 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 77/116 +[2024-10-13 15:55:37,461 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 78/116 +[2024-10-13 15:55:37,526 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 79/116 +[2024-10-13 15:55:37,592 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 80/116 +[2024-10-13 15:55:37,657 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 81/116 +[2024-10-13 15:55:37,723 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 82/116 +[2024-10-13 15:55:37,788 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 83/116 +[2024-10-13 15:55:37,853 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 84/116 +[2024-10-13 15:55:37,919 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 85/116 +[2024-10-13 15:55:37,984 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 86/116 +[2024-10-13 15:55:38,049 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 87/116 +[2024-10-13 15:55:38,114 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 88/116 +[2024-10-13 15:55:38,180 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 89/116 +[2024-10-13 15:55:38,245 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 90/116 +[2024-10-13 15:55:38,311 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 91/116 +[2024-10-13 15:55:38,376 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 92/116 +[2024-10-13 15:55:38,442 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 93/116 +[2024-10-13 15:55:38,507 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 94/116 +[2024-10-13 15:55:38,572 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 95/116 +[2024-10-13 15:55:38,637 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 96/116 +[2024-10-13 15:55:38,703 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 97/116 +[2024-10-13 15:55:38,768 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 98/116 +[2024-10-13 15:55:38,833 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 99/116 +[2024-10-13 15:55:38,899 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 100/116 +[2024-10-13 15:55:38,964 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 101/116 +[2024-10-13 15:55:39,030 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 102/116 +[2024-10-13 15:55:39,095 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 103/116 +[2024-10-13 15:55:39,160 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 104/116 +[2024-10-13 15:55:39,226 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 105/116 +[2024-10-13 15:55:39,291 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 106/116 +[2024-10-13 15:55:39,356 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 107/116 +[2024-10-13 15:55:39,420 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 108/116 +[2024-10-13 15:55:39,484 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 109/116 +[2024-10-13 15:55:39,547 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 110/116 +[2024-10-13 15:55:39,611 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 111/116 +[2024-10-13 15:55:39,674 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 112/116 +[2024-10-13 15:55:39,738 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 113/116 +[2024-10-13 15:55:39,802 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 114/116 +[2024-10-13 15:55:39,865 INFO test.py line 186 25394] Test: 78/312-scene0100_02, Batch: 115/116 +[2024-10-13 15:55:39,936 INFO test.py line 272 25394] Test: scene0100_02 [78/312]-50328 Batch 7.461 (20.275) Accuracy 0.7047 (0.4248) mIoU 0.3642 (0.3304) +[2024-10-13 15:55:40,034 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 0/139 +[2024-10-13 15:55:40,120 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 1/139 +[2024-10-13 15:55:40,206 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 2/139 +[2024-10-13 15:55:40,292 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 3/139 +[2024-10-13 15:55:40,378 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 4/139 +[2024-10-13 15:55:40,464 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 5/139 +[2024-10-13 15:55:40,550 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 6/139 +[2024-10-13 15:55:40,636 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 7/139 +[2024-10-13 15:55:40,722 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 8/139 +[2024-10-13 15:55:40,808 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 9/139 +[2024-10-13 15:55:40,894 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 10/139 +[2024-10-13 15:55:40,980 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 11/139 +[2024-10-13 15:55:41,066 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 12/139 +[2024-10-13 15:55:41,152 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 13/139 +[2024-10-13 15:55:41,239 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 14/139 +[2024-10-13 15:55:41,325 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 15/139 +[2024-10-13 15:55:41,411 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 16/139 +[2024-10-13 15:55:41,497 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 17/139 +[2024-10-13 15:55:41,584 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 18/139 +[2024-10-13 15:55:41,670 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 19/139 +[2024-10-13 15:55:41,756 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 20/139 +[2024-10-13 15:55:41,842 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 21/139 +[2024-10-13 15:55:41,929 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 22/139 +[2024-10-13 15:55:42,015 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 23/139 +[2024-10-13 15:55:42,101 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 24/139 +[2024-10-13 15:55:42,187 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 25/139 +[2024-10-13 15:55:42,273 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 26/139 +[2024-10-13 15:55:42,359 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 27/139 +[2024-10-13 15:55:42,445 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 28/139 +[2024-10-13 15:55:42,531 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 29/139 +[2024-10-13 15:55:42,617 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 30/139 +[2024-10-13 15:55:42,703 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 31/139 +[2024-10-13 15:55:42,789 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 32/139 +[2024-10-13 15:55:42,875 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 33/139 +[2024-10-13 15:55:42,961 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 34/139 +[2024-10-13 15:55:43,048 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 35/139 +[2024-10-13 15:55:43,134 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 36/139 +[2024-10-13 15:55:43,219 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 37/139 +[2024-10-13 15:55:43,306 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 38/139 +[2024-10-13 15:55:43,392 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 39/139 +[2024-10-13 15:55:43,478 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 40/139 +[2024-10-13 15:55:43,565 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 41/139 +[2024-10-13 15:55:43,653 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 42/139 +[2024-10-13 15:55:43,739 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 43/139 +[2024-10-13 15:55:43,855 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 44/139 +[2024-10-13 15:55:43,937 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 45/139 +[2024-10-13 15:55:44,019 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 46/139 +[2024-10-13 15:55:44,102 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 47/139 +[2024-10-13 15:55:44,183 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 48/139 +[2024-10-13 15:55:44,264 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 49/139 +[2024-10-13 15:55:44,344 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 50/139 +[2024-10-13 15:55:44,425 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 51/139 +[2024-10-13 15:55:44,506 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 52/139 +[2024-10-13 15:55:44,587 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 53/139 +[2024-10-13 15:55:44,668 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 54/139 +[2024-10-13 15:55:44,749 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 55/139 +[2024-10-13 15:55:44,830 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 56/139 +[2024-10-13 15:55:44,911 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 57/139 +[2024-10-13 15:55:44,992 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 58/139 +[2024-10-13 15:55:45,073 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 59/139 +[2024-10-13 15:55:45,154 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 60/139 +[2024-10-13 15:55:45,235 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 61/139 +[2024-10-13 15:55:45,316 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 62/139 +[2024-10-13 15:55:45,397 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 63/139 +[2024-10-13 15:55:45,478 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 64/139 +[2024-10-13 15:55:45,559 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 65/139 +[2024-10-13 15:55:45,639 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 66/139 +[2024-10-13 15:55:45,720 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 67/139 +[2024-10-13 15:55:45,802 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 68/139 +[2024-10-13 15:55:45,884 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 69/139 +[2024-10-13 15:55:45,966 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 70/139 +[2024-10-13 15:55:46,047 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 71/139 +[2024-10-13 15:55:46,129 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 72/139 +[2024-10-13 15:55:46,211 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 73/139 +[2024-10-13 15:55:46,292 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 74/139 +[2024-10-13 15:55:46,374 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 75/139 +[2024-10-13 15:55:46,457 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 76/139 +[2024-10-13 15:55:46,539 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 77/139 +[2024-10-13 15:55:46,621 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 78/139 +[2024-10-13 15:55:46,702 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 79/139 +[2024-10-13 15:55:46,784 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 80/139 +[2024-10-13 15:55:46,866 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 81/139 +[2024-10-13 15:55:46,948 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 82/139 +[2024-10-13 15:55:47,029 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 83/139 +[2024-10-13 15:55:47,111 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 84/139 +[2024-10-13 15:55:47,193 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 85/139 +[2024-10-13 15:55:47,275 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 86/139 +[2024-10-13 15:55:47,357 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 87/139 +[2024-10-13 15:55:47,439 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 88/139 +[2024-10-13 15:55:47,520 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 89/139 +[2024-10-13 15:55:47,602 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 90/139 +[2024-10-13 15:55:47,684 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 91/139 +[2024-10-13 15:55:47,773 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 92/139 +[2024-10-13 15:55:47,862 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 93/139 +[2024-10-13 15:55:47,951 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 94/139 +[2024-10-13 15:55:48,040 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 95/139 +[2024-10-13 15:55:48,129 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 96/139 +[2024-10-13 15:55:48,218 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 97/139 +[2024-10-13 15:55:48,307 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 98/139 +[2024-10-13 15:55:48,396 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 99/139 +[2024-10-13 15:55:48,485 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 100/139 +[2024-10-13 15:55:48,574 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 101/139 +[2024-10-13 15:55:48,663 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 102/139 +[2024-10-13 15:55:48,752 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 103/139 +[2024-10-13 15:55:48,841 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 104/139 +[2024-10-13 15:55:48,930 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 105/139 +[2024-10-13 15:55:49,022 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 106/139 +[2024-10-13 15:55:49,111 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 107/139 +[2024-10-13 15:55:49,200 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 108/139 +[2024-10-13 15:55:49,289 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 109/139 +[2024-10-13 15:55:49,378 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 110/139 +[2024-10-13 15:55:49,467 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 111/139 +[2024-10-13 15:55:49,556 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 112/139 +[2024-10-13 15:55:49,646 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 113/139 +[2024-10-13 15:55:49,735 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 114/139 +[2024-10-13 15:55:49,824 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 115/139 +[2024-10-13 15:55:49,913 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 116/139 +[2024-10-13 15:55:50,003 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 117/139 +[2024-10-13 15:55:50,092 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 118/139 +[2024-10-13 15:55:50,181 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 119/139 +[2024-10-13 15:55:50,271 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 120/139 +[2024-10-13 15:55:50,360 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 121/139 +[2024-10-13 15:55:50,449 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 122/139 +[2024-10-13 15:55:50,538 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 123/139 +[2024-10-13 15:55:50,627 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 124/139 +[2024-10-13 15:55:50,716 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 125/139 +[2024-10-13 15:55:50,805 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 126/139 +[2024-10-13 15:55:50,894 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 127/139 +[2024-10-13 15:55:50,980 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 128/139 +[2024-10-13 15:55:51,069 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 129/139 +[2024-10-13 15:55:51,155 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 130/139 +[2024-10-13 15:55:51,241 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 131/139 +[2024-10-13 15:55:51,327 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 132/139 +[2024-10-13 15:55:51,413 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 133/139 +[2024-10-13 15:55:51,499 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 134/139 +[2024-10-13 15:55:51,585 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 135/139 +[2024-10-13 15:55:51,671 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 136/139 +[2024-10-13 15:55:51,757 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 137/139 +[2024-10-13 15:55:51,842 INFO test.py line 186 25394] Test: 79/312-scene0559_01, Batch: 138/139 +[2024-10-13 15:55:51,960 INFO test.py line 272 25394] Test: scene0559_01 [79/312]-81654 Batch 12.024 (20.170) Accuracy 0.9502 (0.4262) mIoU 0.6599 (0.3317) +[2024-10-13 15:55:52,027 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 0/109 +[2024-10-13 15:55:52,087 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 1/109 +[2024-10-13 15:55:52,146 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 2/109 +[2024-10-13 15:55:52,204 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 3/109 +[2024-10-13 15:55:52,263 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 4/109 +[2024-10-13 15:55:52,322 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 5/109 +[2024-10-13 15:55:52,380 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 6/109 +[2024-10-13 15:55:52,439 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 7/109 +[2024-10-13 15:55:52,498 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 8/109 +[2024-10-13 15:55:52,557 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 9/109 +[2024-10-13 15:55:52,616 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 10/109 +[2024-10-13 15:55:52,675 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 11/109 +[2024-10-13 15:55:52,734 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 12/109 +[2024-10-13 15:55:52,793 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 13/109 +[2024-10-13 15:55:52,852 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 14/109 +[2024-10-13 15:55:52,911 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 15/109 +[2024-10-13 15:55:52,970 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 16/109 +[2024-10-13 15:55:53,029 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 17/109 +[2024-10-13 15:55:53,088 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 18/109 +[2024-10-13 15:55:53,146 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 19/109 +[2024-10-13 15:55:53,205 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 20/109 +[2024-10-13 15:55:53,264 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 21/109 +[2024-10-13 15:55:53,322 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 22/109 +[2024-10-13 15:55:53,381 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 23/109 +[2024-10-13 15:55:53,440 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 24/109 +[2024-10-13 15:55:53,499 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 25/109 +[2024-10-13 15:55:53,557 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 26/109 +[2024-10-13 15:55:53,616 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 27/109 +[2024-10-13 15:55:53,675 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 28/109 +[2024-10-13 15:55:53,734 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 29/109 +[2024-10-13 15:55:53,793 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 30/109 +[2024-10-13 15:55:53,851 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 31/109 +[2024-10-13 15:55:53,910 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 32/109 +[2024-10-13 15:55:53,969 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 33/109 +[2024-10-13 15:55:54,028 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 34/109 +[2024-10-13 15:55:54,087 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 35/109 +[2024-10-13 15:55:54,144 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 36/109 +[2024-10-13 15:55:54,201 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 37/109 +[2024-10-13 15:55:54,258 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 38/109 +[2024-10-13 15:55:54,315 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 39/109 +[2024-10-13 15:55:54,373 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 40/109 +[2024-10-13 15:55:54,430 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 41/109 +[2024-10-13 15:55:54,487 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 42/109 +[2024-10-13 15:55:54,544 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 43/109 +[2024-10-13 15:55:54,601 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 44/109 +[2024-10-13 15:55:54,659 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 45/109 +[2024-10-13 15:55:54,716 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 46/109 +[2024-10-13 15:55:54,773 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 47/109 +[2024-10-13 15:55:54,831 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 48/109 +[2024-10-13 15:55:54,888 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 49/109 +[2024-10-13 15:55:54,945 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 50/109 +[2024-10-13 15:55:55,002 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 51/109 +[2024-10-13 15:55:55,059 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 52/109 +[2024-10-13 15:55:55,117 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 53/109 +[2024-10-13 15:55:55,174 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 54/109 +[2024-10-13 15:55:55,231 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 55/109 +[2024-10-13 15:55:55,288 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 56/109 +[2024-10-13 15:55:55,345 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 57/109 +[2024-10-13 15:55:55,402 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 58/109 +[2024-10-13 15:55:55,459 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 59/109 +[2024-10-13 15:55:55,517 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 60/109 +[2024-10-13 15:55:55,574 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 61/109 +[2024-10-13 15:55:55,631 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 62/109 +[2024-10-13 15:55:55,688 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 63/109 +[2024-10-13 15:55:55,745 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 64/109 +[2024-10-13 15:55:55,803 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 65/109 +[2024-10-13 15:55:55,860 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 66/109 +[2024-10-13 15:55:55,917 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 67/109 +[2024-10-13 15:55:55,978 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 68/109 +[2024-10-13 15:55:56,038 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 69/109 +[2024-10-13 15:55:56,099 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 70/109 +[2024-10-13 15:55:56,160 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 71/109 +[2024-10-13 15:55:56,221 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 72/109 +[2024-10-13 15:55:56,282 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 73/109 +[2024-10-13 15:55:56,342 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 74/109 +[2024-10-13 15:55:56,403 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 75/109 +[2024-10-13 15:55:56,464 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 76/109 +[2024-10-13 15:55:56,525 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 77/109 +[2024-10-13 15:55:56,585 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 78/109 +[2024-10-13 15:55:56,646 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 79/109 +[2024-10-13 15:55:56,710 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 80/109 +[2024-10-13 15:55:56,771 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 81/109 +[2024-10-13 15:55:56,832 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 82/109 +[2024-10-13 15:55:56,893 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 83/109 +[2024-10-13 15:55:56,953 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 84/109 +[2024-10-13 15:55:57,014 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 85/109 +[2024-10-13 15:55:57,075 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 86/109 +[2024-10-13 15:55:57,136 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 87/109 +[2024-10-13 15:55:57,197 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 88/109 +[2024-10-13 15:55:57,257 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 89/109 +[2024-10-13 15:55:57,318 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 90/109 +[2024-10-13 15:55:57,379 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 91/109 +[2024-10-13 15:55:57,440 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 92/109 +[2024-10-13 15:55:57,501 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 93/109 +[2024-10-13 15:55:57,562 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 94/109 +[2024-10-13 15:55:57,622 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 95/109 +[2024-10-13 15:55:57,683 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 96/109 +[2024-10-13 15:55:57,744 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 97/109 +[2024-10-13 15:55:57,805 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 98/109 +[2024-10-13 15:55:57,866 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 99/109 +[2024-10-13 15:55:57,925 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 100/109 +[2024-10-13 15:55:57,984 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 101/109 +[2024-10-13 15:55:58,042 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 102/109 +[2024-10-13 15:55:58,101 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 103/109 +[2024-10-13 15:55:58,160 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 104/109 +[2024-10-13 15:55:58,218 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 105/109 +[2024-10-13 15:55:58,277 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 106/109 +[2024-10-13 15:55:58,336 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 107/109 +[2024-10-13 15:55:58,394 INFO test.py line 186 25394] Test: 80/312-scene0406_02, Batch: 108/109 +[2024-10-13 15:55:58,459 INFO test.py line 272 25394] Test: scene0406_02 [80/312]-41752 Batch 6.499 (19.999) Accuracy 0.9432 (0.4264) mIoU 0.6154 (0.3332) +[2024-10-13 15:55:58,640 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 0/117 +[2024-10-13 15:55:58,792 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 1/117 +[2024-10-13 15:55:58,945 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 2/117 +[2024-10-13 15:55:59,098 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 3/117 +[2024-10-13 15:55:59,251 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 4/117 +[2024-10-13 15:55:59,404 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 5/117 +[2024-10-13 15:55:59,557 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 6/117 +[2024-10-13 15:55:59,710 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 7/117 +[2024-10-13 15:55:59,863 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 8/117 +[2024-10-13 15:56:00,017 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 9/117 +[2024-10-13 15:56:00,202 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 10/117 +[2024-10-13 15:56:00,360 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 11/117 +[2024-10-13 15:56:00,518 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 12/117 +[2024-10-13 15:56:00,675 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 13/117 +[2024-10-13 15:56:00,833 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 14/117 +[2024-10-13 15:56:00,986 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 15/117 +[2024-10-13 15:56:01,139 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 16/117 +[2024-10-13 15:56:01,291 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 17/117 +[2024-10-13 15:56:01,445 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 18/117 +[2024-10-13 15:56:01,597 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 19/117 +[2024-10-13 15:56:01,750 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 20/117 +[2024-10-13 15:56:01,903 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 21/117 +[2024-10-13 15:56:02,056 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 22/117 +[2024-10-13 15:56:02,209 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 23/117 +[2024-10-13 15:56:02,362 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 24/117 +[2024-10-13 15:56:02,521 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 25/117 +[2024-10-13 15:56:02,701 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 26/117 +[2024-10-13 15:56:02,854 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 27/117 +[2024-10-13 15:56:03,007 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 28/117 +[2024-10-13 15:56:03,160 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 29/117 +[2024-10-13 15:56:03,313 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 30/117 +[2024-10-13 15:56:03,466 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 31/117 +[2024-10-13 15:56:03,618 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 32/117 +[2024-10-13 15:56:03,772 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 33/117 +[2024-10-13 15:56:03,925 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 34/117 +[2024-10-13 15:56:04,078 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 35/117 +[2024-10-13 15:56:04,220 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 36/117 +[2024-10-13 15:56:04,364 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 37/117 +[2024-10-13 15:56:04,507 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 38/117 +[2024-10-13 15:56:04,650 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 39/117 +[2024-10-13 15:56:04,793 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 40/117 +[2024-10-13 15:56:04,936 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 41/117 +[2024-10-13 15:56:05,079 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 42/117 +[2024-10-13 15:56:05,221 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 43/117 +[2024-10-13 15:56:05,364 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 44/117 +[2024-10-13 15:56:05,507 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 45/117 +[2024-10-13 15:56:05,651 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 46/117 +[2024-10-13 15:56:05,794 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 47/117 +[2024-10-13 15:56:05,937 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 48/117 +[2024-10-13 15:56:06,080 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 49/117 +[2024-10-13 15:56:06,223 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 50/117 +[2024-10-13 15:56:06,366 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 51/117 +[2024-10-13 15:56:06,509 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 52/117 +[2024-10-13 15:56:06,652 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 53/117 +[2024-10-13 15:56:06,795 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 54/117 +[2024-10-13 15:56:06,938 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 55/117 +[2024-10-13 15:56:07,081 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 56/117 +[2024-10-13 15:56:07,224 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 57/117 +[2024-10-13 15:56:07,367 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 58/117 +[2024-10-13 15:56:07,510 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 59/117 +[2024-10-13 15:56:07,653 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 60/117 +[2024-10-13 15:56:07,796 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 61/117 +[2024-10-13 15:56:07,939 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 62/117 +[2024-10-13 15:56:08,083 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 63/117 +[2024-10-13 15:56:08,226 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 64/117 +[2024-10-13 15:56:08,369 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 65/117 +[2024-10-13 15:56:08,512 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 66/117 +[2024-10-13 15:56:08,655 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 67/117 +[2024-10-13 15:56:08,798 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 68/117 +[2024-10-13 15:56:08,941 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 69/117 +[2024-10-13 15:56:09,084 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 70/117 +[2024-10-13 15:56:09,228 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 71/117 +[2024-10-13 15:56:09,388 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 72/117 +[2024-10-13 15:56:09,549 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 73/117 +[2024-10-13 15:56:09,710 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 74/117 +[2024-10-13 15:56:09,870 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 75/117 +[2024-10-13 15:56:10,031 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 76/117 +[2024-10-13 15:56:10,192 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 77/117 +[2024-10-13 15:56:10,353 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 78/117 +[2024-10-13 15:56:10,514 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 79/117 +[2024-10-13 15:56:10,674 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 80/117 +[2024-10-13 15:56:10,834 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 81/117 +[2024-10-13 15:56:10,995 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 82/117 +[2024-10-13 15:56:11,155 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 83/117 +[2024-10-13 15:56:11,315 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 84/117 +[2024-10-13 15:56:11,475 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 85/117 +[2024-10-13 15:56:11,636 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 86/117 +[2024-10-13 15:56:11,796 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 87/117 +[2024-10-13 15:56:11,956 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 88/117 +[2024-10-13 15:56:12,116 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 89/117 +[2024-10-13 15:56:12,277 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 90/117 +[2024-10-13 15:56:12,437 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 91/117 +[2024-10-13 15:56:12,597 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 92/117 +[2024-10-13 15:56:12,758 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 93/117 +[2024-10-13 15:56:12,919 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 94/117 +[2024-10-13 15:56:13,079 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 95/117 +[2024-10-13 15:56:13,240 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 96/117 +[2024-10-13 15:56:13,401 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 97/117 +[2024-10-13 15:56:13,562 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 98/117 +[2024-10-13 15:56:13,722 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 99/117 +[2024-10-13 15:56:13,883 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 100/117 +[2024-10-13 15:56:14,044 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 101/117 +[2024-10-13 15:56:14,205 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 102/117 +[2024-10-13 15:56:14,366 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 103/117 +[2024-10-13 15:56:14,527 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 104/117 +[2024-10-13 15:56:14,688 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 105/117 +[2024-10-13 15:56:14,849 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 106/117 +[2024-10-13 15:56:15,010 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 107/117 +[2024-10-13 15:56:15,163 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 108/117 +[2024-10-13 15:56:15,316 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 109/117 +[2024-10-13 15:56:15,469 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 110/117 +[2024-10-13 15:56:15,622 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 111/117 +[2024-10-13 15:56:15,775 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 112/117 +[2024-10-13 15:56:15,928 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 113/117 +[2024-10-13 15:56:16,080 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 114/117 +[2024-10-13 15:56:16,233 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 115/117 +[2024-10-13 15:56:16,386 INFO test.py line 186 25394] Test: 81/312-scene0412_00, Batch: 116/117 +[2024-10-13 15:56:16,613 INFO test.py line 272 25394] Test: scene0412_00 [81/312]-175557 Batch 18.154 (19.977) Accuracy 0.8455 (0.4363) mIoU 0.3395 (0.3428) +[2024-10-13 15:56:16,930 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 0/139 +[2024-10-13 15:56:17,195 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 1/139 +[2024-10-13 15:56:17,461 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 2/139 +[2024-10-13 15:56:17,727 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 3/139 +[2024-10-13 15:56:17,992 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 4/139 +[2024-10-13 15:56:18,257 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 5/139 +[2024-10-13 15:56:18,523 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 6/139 +[2024-10-13 15:56:18,789 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 7/139 +[2024-10-13 15:56:19,054 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 8/139 +[2024-10-13 15:56:19,322 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 9/139 +[2024-10-13 15:56:19,600 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 10/139 +[2024-10-13 15:56:19,865 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 11/139 +[2024-10-13 15:56:20,130 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 12/139 +[2024-10-13 15:56:20,395 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 13/139 +[2024-10-13 15:56:20,659 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 14/139 +[2024-10-13 15:56:20,924 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 15/139 +[2024-10-13 15:56:21,189 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 16/139 +[2024-10-13 15:56:21,454 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 17/139 +[2024-10-13 15:56:21,719 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 18/139 +[2024-10-13 15:56:21,983 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 19/139 +[2024-10-13 15:56:22,249 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 20/139 +[2024-10-13 15:56:22,514 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 21/139 +[2024-10-13 15:56:22,778 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 22/139 +[2024-10-13 15:56:23,043 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 23/139 +[2024-10-13 15:56:23,308 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 24/139 +[2024-10-13 15:56:23,573 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 25/139 +[2024-10-13 15:56:23,837 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 26/139 +[2024-10-13 15:56:24,102 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 27/139 +[2024-10-13 15:56:24,368 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 28/139 +[2024-10-13 15:56:24,632 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 29/139 +[2024-10-13 15:56:24,897 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 30/139 +[2024-10-13 15:56:25,162 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 31/139 +[2024-10-13 15:56:25,427 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 32/139 +[2024-10-13 15:56:25,692 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 33/139 +[2024-10-13 15:56:25,957 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 34/139 +[2024-10-13 15:56:26,221 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 35/139 +[2024-10-13 15:56:26,486 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 36/139 +[2024-10-13 15:56:26,751 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 37/139 +[2024-10-13 15:56:27,015 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 38/139 +[2024-10-13 15:56:27,279 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 39/139 +[2024-10-13 15:56:27,544 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 40/139 +[2024-10-13 15:56:27,810 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 41/139 +[2024-10-13 15:56:28,074 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 42/139 +[2024-10-13 15:56:28,339 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 43/139 +[2024-10-13 15:56:28,588 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 44/139 +[2024-10-13 15:56:28,838 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 45/139 +[2024-10-13 15:56:29,087 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 46/139 +[2024-10-13 15:56:29,336 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 47/139 +[2024-10-13 15:56:29,585 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 48/139 +[2024-10-13 15:56:29,835 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 49/139 +[2024-10-13 15:56:30,083 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 50/139 +[2024-10-13 15:56:30,333 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 51/139 +[2024-10-13 15:56:30,582 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 52/139 +[2024-10-13 15:56:30,831 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 53/139 +[2024-10-13 15:56:31,081 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 54/139 +[2024-10-13 15:56:31,330 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 55/139 +[2024-10-13 15:56:31,579 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 56/139 +[2024-10-13 15:56:31,829 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 57/139 +[2024-10-13 15:56:32,079 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 58/139 +[2024-10-13 15:56:32,328 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 59/139 +[2024-10-13 15:56:32,577 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 60/139 +[2024-10-13 15:56:32,827 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 61/139 +[2024-10-13 15:56:33,077 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 62/139 +[2024-10-13 15:56:33,326 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 63/139 +[2024-10-13 15:56:33,576 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 64/139 +[2024-10-13 15:56:33,826 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 65/139 +[2024-10-13 15:56:34,076 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 66/139 +[2024-10-13 15:56:34,325 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 67/139 +[2024-10-13 15:56:34,574 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 68/139 +[2024-10-13 15:56:34,823 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 69/139 +[2024-10-13 15:56:35,072 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 70/139 +[2024-10-13 15:56:35,321 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 71/139 +[2024-10-13 15:56:35,570 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 72/139 +[2024-10-13 15:56:35,819 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 73/139 +[2024-10-13 15:56:36,068 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 74/139 +[2024-10-13 15:56:36,318 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 75/139 +[2024-10-13 15:56:36,567 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 76/139 +[2024-10-13 15:56:36,816 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 77/139 +[2024-10-13 15:56:37,066 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 78/139 +[2024-10-13 15:56:37,315 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 79/139 +[2024-10-13 15:56:37,564 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 80/139 +[2024-10-13 15:56:37,814 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 81/139 +[2024-10-13 15:56:38,063 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 82/139 +[2024-10-13 15:56:38,312 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 83/139 +[2024-10-13 15:56:38,561 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 84/139 +[2024-10-13 15:56:38,812 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 85/139 +[2024-10-13 15:56:39,063 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 86/139 +[2024-10-13 15:56:39,313 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 87/139 +[2024-10-13 15:56:39,562 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 88/139 +[2024-10-13 15:56:39,812 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 89/139 +[2024-10-13 15:56:40,060 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 90/139 +[2024-10-13 15:56:40,309 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 91/139 +[2024-10-13 15:56:40,593 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 92/139 +[2024-10-13 15:56:40,876 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 93/139 +[2024-10-13 15:56:41,159 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 94/139 +[2024-10-13 15:56:41,442 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 95/139 +[2024-10-13 15:56:41,726 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 96/139 +[2024-10-13 15:56:42,009 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 97/139 +[2024-10-13 15:56:42,291 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 98/139 +[2024-10-13 15:56:42,575 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 99/139 +[2024-10-13 15:56:42,858 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 100/139 +[2024-10-13 15:56:43,141 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 101/139 +[2024-10-13 15:56:43,424 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 102/139 +[2024-10-13 15:56:43,707 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 103/139 +[2024-10-13 15:56:43,991 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 104/139 +[2024-10-13 15:56:44,274 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 105/139 +[2024-10-13 15:56:44,557 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 106/139 +[2024-10-13 15:56:44,841 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 107/139 +[2024-10-13 15:56:45,123 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 108/139 +[2024-10-13 15:56:45,407 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 109/139 +[2024-10-13 15:56:45,690 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 110/139 +[2024-10-13 15:56:45,973 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 111/139 +[2024-10-13 15:56:46,255 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 112/139 +[2024-10-13 15:56:46,538 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 113/139 +[2024-10-13 15:56:46,820 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 114/139 +[2024-10-13 15:56:47,103 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 115/139 +[2024-10-13 15:56:47,386 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 116/139 +[2024-10-13 15:56:47,669 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 117/139 +[2024-10-13 15:56:47,952 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 118/139 +[2024-10-13 15:56:48,234 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 119/139 +[2024-10-13 15:56:48,517 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 120/139 +[2024-10-13 15:56:48,799 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 121/139 +[2024-10-13 15:56:49,082 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 122/139 +[2024-10-13 15:56:49,365 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 123/139 +[2024-10-13 15:56:49,648 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 124/139 +[2024-10-13 15:56:49,933 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 125/139 +[2024-10-13 15:56:50,216 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 126/139 +[2024-10-13 15:56:50,499 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 127/139 +[2024-10-13 15:56:50,764 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 128/139 +[2024-10-13 15:56:51,028 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 129/139 +[2024-10-13 15:56:51,292 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 130/139 +[2024-10-13 15:56:51,558 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 131/139 +[2024-10-13 15:56:51,824 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 132/139 +[2024-10-13 15:56:52,089 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 133/139 +[2024-10-13 15:56:52,353 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 134/139 +[2024-10-13 15:56:52,619 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 135/139 +[2024-10-13 15:56:52,884 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 136/139 +[2024-10-13 15:56:53,148 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 137/139 +[2024-10-13 15:56:53,414 INFO test.py line 186 25394] Test: 82/312-scene0249_00, Batch: 138/139 +[2024-10-13 15:56:53,818 INFO test.py line 272 25394] Test: scene0249_00 [82/312]-331031 Batch 37.204 (20.187) Accuracy 0.9642 (0.4380) mIoU 0.5299 (0.3438) +[2024-10-13 15:56:53,955 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 0/135 +[2024-10-13 15:56:54,076 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 1/135 +[2024-10-13 15:56:54,197 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 2/135 +[2024-10-13 15:56:54,317 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 3/135 +[2024-10-13 15:56:54,438 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 4/135 +[2024-10-13 15:56:54,558 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 5/135 +[2024-10-13 15:56:54,679 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 6/135 +[2024-10-13 15:56:54,800 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 7/135 +[2024-10-13 15:56:54,921 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 8/135 +[2024-10-13 15:56:55,041 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 9/135 +[2024-10-13 15:56:55,162 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 10/135 +[2024-10-13 15:56:55,282 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 11/135 +[2024-10-13 15:56:55,402 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 12/135 +[2024-10-13 15:56:55,522 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 13/135 +[2024-10-13 15:56:55,642 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 14/135 +[2024-10-13 15:56:55,762 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 15/135 +[2024-10-13 15:56:55,924 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 16/135 +[2024-10-13 15:56:56,045 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 17/135 +[2024-10-13 15:56:56,166 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 18/135 +[2024-10-13 15:56:56,286 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 19/135 +[2024-10-13 15:56:56,406 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 20/135 +[2024-10-13 15:56:56,526 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 21/135 +[2024-10-13 15:56:56,647 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 22/135 +[2024-10-13 15:56:56,767 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 23/135 +[2024-10-13 15:56:56,888 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 24/135 +[2024-10-13 15:56:57,009 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 25/135 +[2024-10-13 15:56:57,130 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 26/135 +[2024-10-13 15:56:57,251 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 27/135 +[2024-10-13 15:56:57,372 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 28/135 +[2024-10-13 15:56:57,493 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 29/135 +[2024-10-13 15:56:57,614 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 30/135 +[2024-10-13 15:56:57,736 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 31/135 +[2024-10-13 15:56:57,857 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 32/135 +[2024-10-13 15:56:57,978 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 33/135 +[2024-10-13 15:56:58,098 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 34/135 +[2024-10-13 15:56:58,219 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 35/135 +[2024-10-13 15:56:58,340 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 36/135 +[2024-10-13 15:56:58,460 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 37/135 +[2024-10-13 15:56:58,581 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 38/135 +[2024-10-13 15:56:58,702 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 39/135 +[2024-10-13 15:56:58,822 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 40/135 +[2024-10-13 15:56:58,943 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 41/135 +[2024-10-13 15:56:59,063 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 42/135 +[2024-10-13 15:56:59,184 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 43/135 +[2024-10-13 15:56:59,296 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 44/135 +[2024-10-13 15:56:59,409 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 45/135 +[2024-10-13 15:56:59,521 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 46/135 +[2024-10-13 15:56:59,634 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 47/135 +[2024-10-13 15:56:59,747 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 48/135 +[2024-10-13 15:56:59,860 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 49/135 +[2024-10-13 15:56:59,972 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 50/135 +[2024-10-13 15:57:00,085 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 51/135 +[2024-10-13 15:57:00,198 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 52/135 +[2024-10-13 15:57:00,311 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 53/135 +[2024-10-13 15:57:00,424 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 54/135 +[2024-10-13 15:57:00,536 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 55/135 +[2024-10-13 15:57:00,649 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 56/135 +[2024-10-13 15:57:00,761 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 57/135 +[2024-10-13 15:57:00,874 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 58/135 +[2024-10-13 15:57:00,987 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 59/135 +[2024-10-13 15:57:01,099 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 60/135 +[2024-10-13 15:57:01,212 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 61/135 +[2024-10-13 15:57:01,325 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 62/135 +[2024-10-13 15:57:01,437 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 63/135 +[2024-10-13 15:57:01,550 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 64/135 +[2024-10-13 15:57:01,662 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 65/135 +[2024-10-13 15:57:01,775 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 66/135 +[2024-10-13 15:57:01,887 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 67/135 +[2024-10-13 15:57:02,000 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 68/135 +[2024-10-13 15:57:02,112 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 69/135 +[2024-10-13 15:57:02,225 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 70/135 +[2024-10-13 15:57:02,337 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 71/135 +[2024-10-13 15:57:02,450 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 72/135 +[2024-10-13 15:57:02,562 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 73/135 +[2024-10-13 15:57:02,675 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 74/135 +[2024-10-13 15:57:02,787 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 75/135 +[2024-10-13 15:57:02,900 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 76/135 +[2024-10-13 15:57:03,012 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 77/135 +[2024-10-13 15:57:03,125 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 78/135 +[2024-10-13 15:57:03,237 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 79/135 +[2024-10-13 15:57:03,349 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 80/135 +[2024-10-13 15:57:03,462 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 81/135 +[2024-10-13 15:57:03,574 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 82/135 +[2024-10-13 15:57:03,687 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 83/135 +[2024-10-13 15:57:03,799 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 84/135 +[2024-10-13 15:57:03,912 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 85/135 +[2024-10-13 15:57:04,024 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 86/135 +[2024-10-13 15:57:04,137 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 87/135 +[2024-10-13 15:57:04,264 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 88/135 +[2024-10-13 15:57:04,392 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 89/135 +[2024-10-13 15:57:04,519 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 90/135 +[2024-10-13 15:57:04,647 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 91/135 +[2024-10-13 15:57:04,775 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 92/135 +[2024-10-13 15:57:04,902 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 93/135 +[2024-10-13 15:57:05,030 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 94/135 +[2024-10-13 15:57:05,158 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 95/135 +[2024-10-13 15:57:05,285 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 96/135 +[2024-10-13 15:57:05,413 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 97/135 +[2024-10-13 15:57:05,540 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 98/135 +[2024-10-13 15:57:05,668 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 99/135 +[2024-10-13 15:57:05,796 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 100/135 +[2024-10-13 15:57:05,923 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 101/135 +[2024-10-13 15:57:06,050 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 102/135 +[2024-10-13 15:57:06,178 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 103/135 +[2024-10-13 15:57:06,305 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 104/135 +[2024-10-13 15:57:06,433 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 105/135 +[2024-10-13 15:57:06,561 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 106/135 +[2024-10-13 15:57:06,688 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 107/135 +[2024-10-13 15:57:06,816 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 108/135 +[2024-10-13 15:57:06,944 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 109/135 +[2024-10-13 15:57:07,071 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 110/135 +[2024-10-13 15:57:07,199 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 111/135 +[2024-10-13 15:57:07,327 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 112/135 +[2024-10-13 15:57:07,454 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 113/135 +[2024-10-13 15:57:07,582 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 114/135 +[2024-10-13 15:57:07,709 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 115/135 +[2024-10-13 15:57:07,836 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 116/135 +[2024-10-13 15:57:07,964 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 117/135 +[2024-10-13 15:57:08,091 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 118/135 +[2024-10-13 15:57:08,219 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 119/135 +[2024-10-13 15:57:08,346 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 120/135 +[2024-10-13 15:57:08,473 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 121/135 +[2024-10-13 15:57:08,601 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 122/135 +[2024-10-13 15:57:08,728 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 123/135 +[2024-10-13 15:57:08,850 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 124/135 +[2024-10-13 15:57:08,971 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 125/135 +[2024-10-13 15:57:09,092 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 126/135 +[2024-10-13 15:57:09,213 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 127/135 +[2024-10-13 15:57:09,334 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 128/135 +[2024-10-13 15:57:09,455 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 129/135 +[2024-10-13 15:57:09,577 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 130/135 +[2024-10-13 15:57:09,698 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 131/135 +[2024-10-13 15:57:09,819 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 132/135 +[2024-10-13 15:57:09,940 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 133/135 +[2024-10-13 15:57:10,061 INFO test.py line 186 25394] Test: 83/312-scene0357_01, Batch: 134/135 +[2024-10-13 15:57:10,233 INFO test.py line 272 25394] Test: scene0357_01 [83/312]-133055 Batch 16.414 (20.141) Accuracy 0.8146 (0.4447) mIoU 0.3754 (0.3477) +[2024-10-13 15:57:10,365 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 0/117 +[2024-10-13 15:57:10,481 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 1/117 +[2024-10-13 15:57:10,597 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 2/117 +[2024-10-13 15:57:10,713 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 3/117 +[2024-10-13 15:57:10,830 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 4/117 +[2024-10-13 15:57:10,946 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 5/117 +[2024-10-13 15:57:11,062 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 6/117 +[2024-10-13 15:57:11,178 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 7/117 +[2024-10-13 15:57:11,295 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 8/117 +[2024-10-13 15:57:11,411 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 9/117 +[2024-10-13 15:57:11,528 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 10/117 +[2024-10-13 15:57:11,645 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 11/117 +[2024-10-13 15:57:11,762 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 12/117 +[2024-10-13 15:57:11,879 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 13/117 +[2024-10-13 15:57:11,995 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 14/117 +[2024-10-13 15:57:12,112 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 15/117 +[2024-10-13 15:57:12,229 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 16/117 +[2024-10-13 15:57:12,346 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 17/117 +[2024-10-13 15:57:12,462 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 18/117 +[2024-10-13 15:57:12,579 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 19/117 +[2024-10-13 15:57:12,695 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 20/117 +[2024-10-13 15:57:12,812 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 21/117 +[2024-10-13 15:57:12,928 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 22/117 +[2024-10-13 15:57:13,045 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 23/117 +[2024-10-13 15:57:13,161 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 24/117 +[2024-10-13 15:57:13,278 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 25/117 +[2024-10-13 15:57:13,441 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 26/117 +[2024-10-13 15:57:13,558 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 27/117 +[2024-10-13 15:57:13,676 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 28/117 +[2024-10-13 15:57:13,792 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 29/117 +[2024-10-13 15:57:13,908 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 30/117 +[2024-10-13 15:57:14,025 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 31/117 +[2024-10-13 15:57:14,141 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 32/117 +[2024-10-13 15:57:14,257 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 33/117 +[2024-10-13 15:57:14,373 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 34/117 +[2024-10-13 15:57:14,490 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 35/117 +[2024-10-13 15:57:14,599 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 36/117 +[2024-10-13 15:57:14,708 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 37/117 +[2024-10-13 15:57:14,818 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 38/117 +[2024-10-13 15:57:14,927 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 39/117 +[2024-10-13 15:57:15,036 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 40/117 +[2024-10-13 15:57:15,145 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 41/117 +[2024-10-13 15:57:15,254 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 42/117 +[2024-10-13 15:57:15,363 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 43/117 +[2024-10-13 15:57:15,472 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 44/117 +[2024-10-13 15:57:15,581 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 45/117 +[2024-10-13 15:57:15,691 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 46/117 +[2024-10-13 15:57:15,800 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 47/117 +[2024-10-13 15:57:15,910 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 48/117 +[2024-10-13 15:57:16,020 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 49/117 +[2024-10-13 15:57:16,130 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 50/117 +[2024-10-13 15:57:16,240 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 51/117 +[2024-10-13 15:57:16,350 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 52/117 +[2024-10-13 15:57:16,459 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 53/117 +[2024-10-13 15:57:16,569 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 54/117 +[2024-10-13 15:57:16,679 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 55/117 +[2024-10-13 15:57:16,789 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 56/117 +[2024-10-13 15:57:16,899 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 57/117 +[2024-10-13 15:57:17,009 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 58/117 +[2024-10-13 15:57:17,119 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 59/117 +[2024-10-13 15:57:17,228 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 60/117 +[2024-10-13 15:57:17,338 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 61/117 +[2024-10-13 15:57:17,448 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 62/117 +[2024-10-13 15:57:17,557 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 63/117 +[2024-10-13 15:57:17,667 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 64/117 +[2024-10-13 15:57:17,777 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 65/117 +[2024-10-13 15:57:17,886 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 66/117 +[2024-10-13 15:57:17,996 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 67/117 +[2024-10-13 15:57:18,106 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 68/117 +[2024-10-13 15:57:18,215 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 69/117 +[2024-10-13 15:57:18,324 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 70/117 +[2024-10-13 15:57:18,434 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 71/117 +[2024-10-13 15:57:18,543 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 72/117 +[2024-10-13 15:57:18,653 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 73/117 +[2024-10-13 15:57:18,762 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 74/117 +[2024-10-13 15:57:18,872 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 75/117 +[2024-10-13 15:57:18,981 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 76/117 +[2024-10-13 15:57:19,091 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 77/117 +[2024-10-13 15:57:19,200 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 78/117 +[2024-10-13 15:57:19,310 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 79/117 +[2024-10-13 15:57:19,432 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 80/117 +[2024-10-13 15:57:19,555 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 81/117 +[2024-10-13 15:57:19,678 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 82/117 +[2024-10-13 15:57:19,800 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 83/117 +[2024-10-13 15:57:19,923 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 84/117 +[2024-10-13 15:57:20,046 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 85/117 +[2024-10-13 15:57:20,169 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 86/117 +[2024-10-13 15:57:20,291 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 87/117 +[2024-10-13 15:57:20,414 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 88/117 +[2024-10-13 15:57:20,536 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 89/117 +[2024-10-13 15:57:20,659 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 90/117 +[2024-10-13 15:57:20,781 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 91/117 +[2024-10-13 15:57:20,903 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 92/117 +[2024-10-13 15:57:21,026 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 93/117 +[2024-10-13 15:57:21,148 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 94/117 +[2024-10-13 15:57:21,271 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 95/117 +[2024-10-13 15:57:21,393 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 96/117 +[2024-10-13 15:57:21,515 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 97/117 +[2024-10-13 15:57:21,638 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 98/117 +[2024-10-13 15:57:21,760 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 99/117 +[2024-10-13 15:57:21,882 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 100/117 +[2024-10-13 15:57:22,004 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 101/117 +[2024-10-13 15:57:22,127 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 102/117 +[2024-10-13 15:57:22,249 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 103/117 +[2024-10-13 15:57:22,372 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 104/117 +[2024-10-13 15:57:22,495 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 105/117 +[2024-10-13 15:57:22,617 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 106/117 +[2024-10-13 15:57:22,739 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 107/117 +[2024-10-13 15:57:22,856 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 108/117 +[2024-10-13 15:57:22,972 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 109/117 +[2024-10-13 15:57:23,088 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 110/117 +[2024-10-13 15:57:23,205 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 111/117 +[2024-10-13 15:57:23,321 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 112/117 +[2024-10-13 15:57:23,437 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 113/117 +[2024-10-13 15:57:23,554 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 114/117 +[2024-10-13 15:57:23,670 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 115/117 +[2024-10-13 15:57:23,787 INFO test.py line 186 25394] Test: 84/312-scene0144_00, Batch: 116/117 +[2024-10-13 15:57:23,950 INFO test.py line 272 25394] Test: scene0144_00 [84/312]-126879 Batch 13.717 (20.065) Accuracy 0.8310 (0.4455) mIoU 0.3802 (0.3475) +[2024-10-13 15:57:24,050 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 0/138 +[2024-10-13 15:57:24,137 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 1/138 +[2024-10-13 15:57:24,224 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 2/138 +[2024-10-13 15:57:24,312 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 3/138 +[2024-10-13 15:57:24,399 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 4/138 +[2024-10-13 15:57:24,487 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 5/138 +[2024-10-13 15:57:24,574 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 6/138 +[2024-10-13 15:57:24,661 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 7/138 +[2024-10-13 15:57:24,749 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 8/138 +[2024-10-13 15:57:24,836 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 9/138 +[2024-10-13 15:57:24,923 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 10/138 +[2024-10-13 15:57:25,011 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 11/138 +[2024-10-13 15:57:25,098 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 12/138 +[2024-10-13 15:57:25,185 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 13/138 +[2024-10-13 15:57:25,273 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 14/138 +[2024-10-13 15:57:25,360 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 15/138 +[2024-10-13 15:57:25,448 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 16/138 +[2024-10-13 15:57:25,535 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 17/138 +[2024-10-13 15:57:25,623 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 18/138 +[2024-10-13 15:57:25,710 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 19/138 +[2024-10-13 15:57:25,797 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 20/138 +[2024-10-13 15:57:25,885 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 21/138 +[2024-10-13 15:57:25,972 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 22/138 +[2024-10-13 15:57:26,060 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 23/138 +[2024-10-13 15:57:26,147 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 24/138 +[2024-10-13 15:57:26,234 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 25/138 +[2024-10-13 15:57:26,322 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 26/138 +[2024-10-13 15:57:26,409 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 27/138 +[2024-10-13 15:57:26,497 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 28/138 +[2024-10-13 15:57:26,584 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 29/138 +[2024-10-13 15:57:26,671 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 30/138 +[2024-10-13 15:57:26,758 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 31/138 +[2024-10-13 15:57:26,845 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 32/138 +[2024-10-13 15:57:26,932 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 33/138 +[2024-10-13 15:57:27,020 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 34/138 +[2024-10-13 15:57:27,106 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 35/138 +[2024-10-13 15:57:27,193 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 36/138 +[2024-10-13 15:57:27,281 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 37/138 +[2024-10-13 15:57:27,368 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 38/138 +[2024-10-13 15:57:27,455 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 39/138 +[2024-10-13 15:57:27,539 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 40/138 +[2024-10-13 15:57:27,624 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 41/138 +[2024-10-13 15:57:27,708 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 42/138 +[2024-10-13 15:57:27,792 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 43/138 +[2024-10-13 15:57:27,876 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 44/138 +[2024-10-13 15:57:27,960 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 45/138 +[2024-10-13 15:57:28,045 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 46/138 +[2024-10-13 15:57:28,129 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 47/138 +[2024-10-13 15:57:28,213 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 48/138 +[2024-10-13 15:57:28,342 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 49/138 +[2024-10-13 15:57:28,431 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 50/138 +[2024-10-13 15:57:28,517 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 51/138 +[2024-10-13 15:57:28,602 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 52/138 +[2024-10-13 15:57:28,687 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 53/138 +[2024-10-13 15:57:28,771 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 54/138 +[2024-10-13 15:57:28,855 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 55/138 +[2024-10-13 15:57:28,939 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 56/138 +[2024-10-13 15:57:29,023 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 57/138 +[2024-10-13 15:57:29,107 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 58/138 +[2024-10-13 15:57:29,191 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 59/138 +[2024-10-13 15:57:29,275 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 60/138 +[2024-10-13 15:57:29,359 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 61/138 +[2024-10-13 15:57:29,443 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 62/138 +[2024-10-13 15:57:29,527 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 63/138 +[2024-10-13 15:57:29,611 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 64/138 +[2024-10-13 15:57:29,695 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 65/138 +[2024-10-13 15:57:29,779 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 66/138 +[2024-10-13 15:57:29,863 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 67/138 +[2024-10-13 15:57:29,947 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 68/138 +[2024-10-13 15:57:30,031 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 69/138 +[2024-10-13 15:57:30,115 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 70/138 +[2024-10-13 15:57:30,199 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 71/138 +[2024-10-13 15:57:30,283 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 72/138 +[2024-10-13 15:57:30,367 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 73/138 +[2024-10-13 15:57:30,451 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 74/138 +[2024-10-13 15:57:30,535 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 75/138 +[2024-10-13 15:57:30,619 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 76/138 +[2024-10-13 15:57:30,703 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 77/138 +[2024-10-13 15:57:30,787 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 78/138 +[2024-10-13 15:57:30,872 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 79/138 +[2024-10-13 15:57:30,956 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 80/138 +[2024-10-13 15:57:31,040 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 81/138 +[2024-10-13 15:57:31,124 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 82/138 +[2024-10-13 15:57:31,210 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 83/138 +[2024-10-13 15:57:31,294 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 84/138 +[2024-10-13 15:57:31,378 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 85/138 +[2024-10-13 15:57:31,463 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 86/138 +[2024-10-13 15:57:31,547 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 87/138 +[2024-10-13 15:57:31,639 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 88/138 +[2024-10-13 15:57:31,731 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 89/138 +[2024-10-13 15:57:31,823 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 90/138 +[2024-10-13 15:57:31,915 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 91/138 +[2024-10-13 15:57:32,007 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 92/138 +[2024-10-13 15:57:32,099 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 93/138 +[2024-10-13 15:57:32,191 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 94/138 +[2024-10-13 15:57:32,284 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 95/138 +[2024-10-13 15:57:32,376 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 96/138 +[2024-10-13 15:57:32,468 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 97/138 +[2024-10-13 15:57:32,560 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 98/138 +[2024-10-13 15:57:32,652 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 99/138 +[2024-10-13 15:57:32,747 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 100/138 +[2024-10-13 15:57:32,839 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 101/138 +[2024-10-13 15:57:32,931 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 102/138 +[2024-10-13 15:57:33,023 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 103/138 +[2024-10-13 15:57:33,116 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 104/138 +[2024-10-13 15:57:33,208 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 105/138 +[2024-10-13 15:57:33,300 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 106/138 +[2024-10-13 15:57:33,392 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 107/138 +[2024-10-13 15:57:33,486 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 108/138 +[2024-10-13 15:57:33,578 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 109/138 +[2024-10-13 15:57:33,670 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 110/138 +[2024-10-13 15:57:33,763 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 111/138 +[2024-10-13 15:57:33,855 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 112/138 +[2024-10-13 15:57:33,947 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 113/138 +[2024-10-13 15:57:34,040 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 114/138 +[2024-10-13 15:57:34,132 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 115/138 +[2024-10-13 15:57:34,224 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 116/138 +[2024-10-13 15:57:34,317 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 117/138 +[2024-10-13 15:57:34,409 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 118/138 +[2024-10-13 15:57:34,501 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 119/138 +[2024-10-13 15:57:34,593 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 120/138 +[2024-10-13 15:57:34,686 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 121/138 +[2024-10-13 15:57:34,778 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 122/138 +[2024-10-13 15:57:34,870 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 123/138 +[2024-10-13 15:57:34,962 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 124/138 +[2024-10-13 15:57:35,055 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 125/138 +[2024-10-13 15:57:35,147 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 126/138 +[2024-10-13 15:57:35,239 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 127/138 +[2024-10-13 15:57:35,327 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 128/138 +[2024-10-13 15:57:35,414 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 129/138 +[2024-10-13 15:57:35,501 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 130/138 +[2024-10-13 15:57:35,589 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 131/138 +[2024-10-13 15:57:35,677 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 132/138 +[2024-10-13 15:57:35,764 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 133/138 +[2024-10-13 15:57:35,851 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 134/138 +[2024-10-13 15:57:35,939 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 135/138 +[2024-10-13 15:57:36,026 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 136/138 +[2024-10-13 15:57:36,113 INFO test.py line 186 25394] Test: 85/312-scene0441_00, Batch: 137/138 +[2024-10-13 15:57:36,239 INFO test.py line 272 25394] Test: scene0441_00 [85/312]-86191 Batch 12.288 (19.973) Accuracy 0.8792 (0.4467) mIoU 0.4684 (0.3480) +[2024-10-13 15:57:36,359 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 0/157 +[2024-10-13 15:57:36,464 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 1/157 +[2024-10-13 15:57:36,571 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 2/157 +[2024-10-13 15:57:36,676 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 3/157 +[2024-10-13 15:57:36,781 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 4/157 +[2024-10-13 15:57:36,886 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 5/157 +[2024-10-13 15:57:36,991 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 6/157 +[2024-10-13 15:57:37,096 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 7/157 +[2024-10-13 15:57:37,201 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 8/157 +[2024-10-13 15:57:37,306 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 9/157 +[2024-10-13 15:57:37,411 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 10/157 +[2024-10-13 15:57:37,516 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 11/157 +[2024-10-13 15:57:37,621 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 12/157 +[2024-10-13 15:57:37,726 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 13/157 +[2024-10-13 15:57:37,831 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 14/157 +[2024-10-13 15:57:37,936 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 15/157 +[2024-10-13 15:57:38,041 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 16/157 +[2024-10-13 15:57:38,146 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 17/157 +[2024-10-13 15:57:38,251 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 18/157 +[2024-10-13 15:57:38,355 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 19/157 +[2024-10-13 15:57:38,461 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 20/157 +[2024-10-13 15:57:38,565 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 21/157 +[2024-10-13 15:57:38,670 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 22/157 +[2024-10-13 15:57:38,775 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 23/157 +[2024-10-13 15:57:38,880 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 24/157 +[2024-10-13 15:57:38,985 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 25/157 +[2024-10-13 15:57:39,090 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 26/157 +[2024-10-13 15:57:39,195 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 27/157 +[2024-10-13 15:57:39,300 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 28/157 +[2024-10-13 15:57:39,405 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 29/157 +[2024-10-13 15:57:39,510 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 30/157 +[2024-10-13 15:57:39,615 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 31/157 +[2024-10-13 15:57:39,720 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 32/157 +[2024-10-13 15:57:39,825 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 33/157 +[2024-10-13 15:57:39,930 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 34/157 +[2024-10-13 15:57:40,035 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 35/157 +[2024-10-13 15:57:40,140 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 36/157 +[2024-10-13 15:57:40,245 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 37/157 +[2024-10-13 15:57:40,350 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 38/157 +[2024-10-13 15:57:40,455 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 39/157 +[2024-10-13 15:57:40,560 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 40/157 +[2024-10-13 15:57:40,665 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 41/157 +[2024-10-13 15:57:40,770 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 42/157 +[2024-10-13 15:57:40,875 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 43/157 +[2024-10-13 15:57:40,980 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 44/157 +[2024-10-13 15:57:41,085 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 45/157 +[2024-10-13 15:57:41,190 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 46/157 +[2024-10-13 15:57:41,446 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 47/157 +[2024-10-13 15:57:41,551 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 48/157 +[2024-10-13 15:57:41,657 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 49/157 +[2024-10-13 15:57:41,763 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 50/157 +[2024-10-13 15:57:41,869 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 51/157 +[2024-10-13 15:57:41,968 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 52/157 +[2024-10-13 15:57:42,066 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 53/157 +[2024-10-13 15:57:42,165 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 54/157 +[2024-10-13 15:57:42,264 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 55/157 +[2024-10-13 15:57:42,363 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 56/157 +[2024-10-13 15:57:42,462 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 57/157 +[2024-10-13 15:57:42,560 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 58/157 +[2024-10-13 15:57:42,659 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 59/157 +[2024-10-13 15:57:42,758 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 60/157 +[2024-10-13 15:57:42,857 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 61/157 +[2024-10-13 15:57:42,957 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 62/157 +[2024-10-13 15:57:43,056 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 63/157 +[2024-10-13 15:57:43,155 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 64/157 +[2024-10-13 15:57:43,254 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 65/157 +[2024-10-13 15:57:43,353 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 66/157 +[2024-10-13 15:57:43,452 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 67/157 +[2024-10-13 15:57:43,551 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 68/157 +[2024-10-13 15:57:43,650 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 69/157 +[2024-10-13 15:57:43,749 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 70/157 +[2024-10-13 15:57:43,848 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 71/157 +[2024-10-13 15:57:43,946 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 72/157 +[2024-10-13 15:57:44,045 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 73/157 +[2024-10-13 15:57:44,144 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 74/157 +[2024-10-13 15:57:44,243 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 75/157 +[2024-10-13 15:57:44,342 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 76/157 +[2024-10-13 15:57:44,441 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 77/157 +[2024-10-13 15:57:44,542 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 78/157 +[2024-10-13 15:57:44,640 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 79/157 +[2024-10-13 15:57:44,739 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 80/157 +[2024-10-13 15:57:44,838 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 81/157 +[2024-10-13 15:57:44,936 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 82/157 +[2024-10-13 15:57:45,035 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 83/157 +[2024-10-13 15:57:45,133 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 84/157 +[2024-10-13 15:57:45,232 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 85/157 +[2024-10-13 15:57:45,331 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 86/157 +[2024-10-13 15:57:45,430 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 87/157 +[2024-10-13 15:57:45,529 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 88/157 +[2024-10-13 15:57:45,627 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 89/157 +[2024-10-13 15:57:45,726 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 90/157 +[2024-10-13 15:57:45,825 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 91/157 +[2024-10-13 15:57:45,924 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 92/157 +[2024-10-13 15:57:46,022 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 93/157 +[2024-10-13 15:57:46,121 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 94/157 +[2024-10-13 15:57:46,220 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 95/157 +[2024-10-13 15:57:46,330 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 96/157 +[2024-10-13 15:57:46,441 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 97/157 +[2024-10-13 15:57:46,552 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 98/157 +[2024-10-13 15:57:46,663 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 99/157 +[2024-10-13 15:57:46,774 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 100/157 +[2024-10-13 15:57:46,885 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 101/157 +[2024-10-13 15:57:46,995 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 102/157 +[2024-10-13 15:57:47,106 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 103/157 +[2024-10-13 15:57:47,217 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 104/157 +[2024-10-13 15:57:47,328 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 105/157 +[2024-10-13 15:57:47,439 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 106/157 +[2024-10-13 15:57:47,550 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 107/157 +[2024-10-13 15:57:47,660 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 108/157 +[2024-10-13 15:57:47,770 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 109/157 +[2024-10-13 15:57:47,881 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 110/157 +[2024-10-13 15:57:47,991 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 111/157 +[2024-10-13 15:57:48,102 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 112/157 +[2024-10-13 15:57:48,212 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 113/157 +[2024-10-13 15:57:48,323 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 114/157 +[2024-10-13 15:57:48,433 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 115/157 +[2024-10-13 15:57:48,543 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 116/157 +[2024-10-13 15:57:48,653 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 117/157 +[2024-10-13 15:57:48,764 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 118/157 +[2024-10-13 15:57:48,876 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 119/157 +[2024-10-13 15:57:48,986 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 120/157 +[2024-10-13 15:57:49,097 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 121/157 +[2024-10-13 15:57:49,207 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 122/157 +[2024-10-13 15:57:49,317 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 123/157 +[2024-10-13 15:57:49,427 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 124/157 +[2024-10-13 15:57:49,538 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 125/157 +[2024-10-13 15:57:49,648 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 126/157 +[2024-10-13 15:57:49,758 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 127/157 +[2024-10-13 15:57:49,869 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 128/157 +[2024-10-13 15:57:49,979 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 129/157 +[2024-10-13 15:57:50,089 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 130/157 +[2024-10-13 15:57:50,200 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 131/157 +[2024-10-13 15:57:50,310 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 132/157 +[2024-10-13 15:57:50,419 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 133/157 +[2024-10-13 15:57:50,529 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 134/157 +[2024-10-13 15:57:50,639 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 135/157 +[2024-10-13 15:57:50,749 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 136/157 +[2024-10-13 15:57:50,859 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 137/157 +[2024-10-13 15:57:50,968 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 138/157 +[2024-10-13 15:57:51,078 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 139/157 +[2024-10-13 15:57:51,188 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 140/157 +[2024-10-13 15:57:51,298 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 141/157 +[2024-10-13 15:57:51,408 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 142/157 +[2024-10-13 15:57:51,518 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 143/157 +[2024-10-13 15:57:51,623 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 144/157 +[2024-10-13 15:57:51,728 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 145/157 +[2024-10-13 15:57:51,833 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 146/157 +[2024-10-13 15:57:51,938 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 147/157 +[2024-10-13 15:57:52,043 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 148/157 +[2024-10-13 15:57:52,148 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 149/157 +[2024-10-13 15:57:52,253 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 150/157 +[2024-10-13 15:57:52,358 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 151/157 +[2024-10-13 15:57:52,463 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 152/157 +[2024-10-13 15:57:52,568 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 153/157 +[2024-10-13 15:57:52,673 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 154/157 +[2024-10-13 15:57:52,778 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 155/157 +[2024-10-13 15:57:52,883 INFO test.py line 186 25394] Test: 86/312-scene0084_01, Batch: 156/157 +[2024-10-13 15:57:53,029 INFO test.py line 272 25394] Test: scene0084_01 [86/312]-111833 Batch 16.790 (19.936) Accuracy 0.7199 (0.4429) mIoU 0.3380 (0.3449) +[2024-10-13 15:57:53,225 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 0/121 +[2024-10-13 15:57:53,389 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 1/121 +[2024-10-13 15:57:53,554 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 2/121 +[2024-10-13 15:57:53,720 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 3/121 +[2024-10-13 15:57:53,885 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 4/121 +[2024-10-13 15:57:54,049 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 5/121 +[2024-10-13 15:57:54,214 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 6/121 +[2024-10-13 15:57:54,379 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 7/121 +[2024-10-13 15:57:54,544 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 8/121 +[2024-10-13 15:57:54,709 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 9/121 +[2024-10-13 15:57:54,874 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 10/121 +[2024-10-13 15:57:55,039 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 11/121 +[2024-10-13 15:57:55,205 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 12/121 +[2024-10-13 15:57:55,370 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 13/121 +[2024-10-13 15:57:55,535 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 14/121 +[2024-10-13 15:57:55,701 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 15/121 +[2024-10-13 15:57:55,866 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 16/121 +[2024-10-13 15:57:56,031 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 17/121 +[2024-10-13 15:57:56,196 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 18/121 +[2024-10-13 15:57:56,362 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 19/121 +[2024-10-13 15:57:56,527 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 20/121 +[2024-10-13 15:57:56,692 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 21/121 +[2024-10-13 15:57:56,858 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 22/121 +[2024-10-13 15:57:57,023 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 23/121 +[2024-10-13 15:57:57,188 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 24/121 +[2024-10-13 15:57:57,353 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 25/121 +[2024-10-13 15:57:57,519 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 26/121 +[2024-10-13 15:57:57,684 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 27/121 +[2024-10-13 15:57:57,849 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 28/121 +[2024-10-13 15:57:58,014 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 29/121 +[2024-10-13 15:57:58,180 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 30/121 +[2024-10-13 15:57:58,345 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 31/121 +[2024-10-13 15:57:58,510 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 32/121 +[2024-10-13 15:57:58,677 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 33/121 +[2024-10-13 15:57:58,842 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 34/121 +[2024-10-13 15:57:59,008 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 35/121 +[2024-10-13 15:57:59,163 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 36/121 +[2024-10-13 15:57:59,319 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 37/121 +[2024-10-13 15:57:59,505 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 38/121 +[2024-10-13 15:57:59,662 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 39/121 +[2024-10-13 15:57:59,818 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 40/121 +[2024-10-13 15:57:59,974 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 41/121 +[2024-10-13 15:58:00,129 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 42/121 +[2024-10-13 15:58:00,284 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 43/121 +[2024-10-13 15:58:00,439 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 44/121 +[2024-10-13 15:58:00,595 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 45/121 +[2024-10-13 15:58:00,749 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 46/121 +[2024-10-13 15:58:00,904 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 47/121 +[2024-10-13 15:58:01,059 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 48/121 +[2024-10-13 15:58:01,214 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 49/121 +[2024-10-13 15:58:01,369 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 50/121 +[2024-10-13 15:58:01,524 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 51/121 +[2024-10-13 15:58:01,679 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 52/121 +[2024-10-13 15:58:01,833 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 53/121 +[2024-10-13 15:58:01,989 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 54/121 +[2024-10-13 15:58:02,143 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 55/121 +[2024-10-13 15:58:02,299 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 56/121 +[2024-10-13 15:58:02,454 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 57/121 +[2024-10-13 15:58:02,610 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 58/121 +[2024-10-13 15:58:02,766 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 59/121 +[2024-10-13 15:58:02,921 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 60/121 +[2024-10-13 15:58:03,077 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 61/121 +[2024-10-13 15:58:03,233 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 62/121 +[2024-10-13 15:58:03,388 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 63/121 +[2024-10-13 15:58:03,544 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 64/121 +[2024-10-13 15:58:03,699 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 65/121 +[2024-10-13 15:58:03,854 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 66/121 +[2024-10-13 15:58:04,009 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 67/121 +[2024-10-13 15:58:04,163 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 68/121 +[2024-10-13 15:58:04,318 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 69/121 +[2024-10-13 15:58:04,473 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 70/121 +[2024-10-13 15:58:04,628 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 71/121 +[2024-10-13 15:58:04,783 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 72/121 +[2024-10-13 15:58:04,938 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 73/121 +[2024-10-13 15:58:05,093 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 74/121 +[2024-10-13 15:58:05,248 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 75/121 +[2024-10-13 15:58:05,423 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 76/121 +[2024-10-13 15:58:05,599 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 77/121 +[2024-10-13 15:58:05,774 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 78/121 +[2024-10-13 15:58:05,950 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 79/121 +[2024-10-13 15:58:06,125 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 80/121 +[2024-10-13 15:58:06,301 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 81/121 +[2024-10-13 15:58:06,477 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 82/121 +[2024-10-13 15:58:06,652 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 83/121 +[2024-10-13 15:58:06,828 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 84/121 +[2024-10-13 15:58:07,004 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 85/121 +[2024-10-13 15:58:07,179 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 86/121 +[2024-10-13 15:58:07,354 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 87/121 +[2024-10-13 15:58:07,529 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 88/121 +[2024-10-13 15:58:07,704 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 89/121 +[2024-10-13 15:58:07,879 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 90/121 +[2024-10-13 15:58:08,054 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 91/121 +[2024-10-13 15:58:08,229 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 92/121 +[2024-10-13 15:58:08,404 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 93/121 +[2024-10-13 15:58:08,580 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 94/121 +[2024-10-13 15:58:08,756 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 95/121 +[2024-10-13 15:58:08,931 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 96/121 +[2024-10-13 15:58:09,107 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 97/121 +[2024-10-13 15:58:09,282 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 98/121 +[2024-10-13 15:58:09,458 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 99/121 +[2024-10-13 15:58:09,634 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 100/121 +[2024-10-13 15:58:09,809 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 101/121 +[2024-10-13 15:58:09,985 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 102/121 +[2024-10-13 15:58:10,161 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 103/121 +[2024-10-13 15:58:10,337 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 104/121 +[2024-10-13 15:58:10,513 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 105/121 +[2024-10-13 15:58:10,688 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 106/121 +[2024-10-13 15:58:10,864 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 107/121 +[2024-10-13 15:58:11,040 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 108/121 +[2024-10-13 15:58:11,216 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 109/121 +[2024-10-13 15:58:11,392 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 110/121 +[2024-10-13 15:58:11,567 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 111/121 +[2024-10-13 15:58:11,733 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 112/121 +[2024-10-13 15:58:11,899 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 113/121 +[2024-10-13 15:58:12,064 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 114/121 +[2024-10-13 15:58:12,229 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 115/121 +[2024-10-13 15:58:12,394 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 116/121 +[2024-10-13 15:58:12,560 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 117/121 +[2024-10-13 15:58:12,725 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 118/121 +[2024-10-13 15:58:12,890 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 119/121 +[2024-10-13 15:58:13,056 INFO test.py line 186 25394] Test: 87/312-scene0064_01, Batch: 120/121 +[2024-10-13 15:58:13,306 INFO test.py line 272 25394] Test: scene0064_01 [87/312]-195252 Batch 20.277 (19.940) Accuracy 0.8439 (0.4433) mIoU 0.3326 (0.3457) +[2024-10-13 15:58:13,511 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 0/129 +[2024-10-13 15:58:13,682 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 1/129 +[2024-10-13 15:58:13,854 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 2/129 +[2024-10-13 15:58:14,025 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 3/129 +[2024-10-13 15:58:14,197 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 4/129 +[2024-10-13 15:58:14,369 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 5/129 +[2024-10-13 15:58:14,540 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 6/129 +[2024-10-13 15:58:14,712 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 7/129 +[2024-10-13 15:58:14,883 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 8/129 +[2024-10-13 15:58:15,055 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 9/129 +[2024-10-13 15:58:15,226 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 10/129 +[2024-10-13 15:58:15,396 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 11/129 +[2024-10-13 15:58:15,567 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 12/129 +[2024-10-13 15:58:15,738 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 13/129 +[2024-10-13 15:58:15,908 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 14/129 +[2024-10-13 15:58:16,080 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 15/129 +[2024-10-13 15:58:16,251 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 16/129 +[2024-10-13 15:58:16,451 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 17/129 +[2024-10-13 15:58:16,623 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 18/129 +[2024-10-13 15:58:16,794 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 19/129 +[2024-10-13 15:58:16,964 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 20/129 +[2024-10-13 15:58:17,135 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 21/129 +[2024-10-13 15:58:17,305 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 22/129 +[2024-10-13 15:58:17,477 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 23/129 +[2024-10-13 15:58:17,647 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 24/129 +[2024-10-13 15:58:17,818 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 25/129 +[2024-10-13 15:58:17,989 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 26/129 +[2024-10-13 15:58:18,160 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 27/129 +[2024-10-13 15:58:18,331 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 28/129 +[2024-10-13 15:58:18,502 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 29/129 +[2024-10-13 15:58:18,673 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 30/129 +[2024-10-13 15:58:18,845 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 31/129 +[2024-10-13 15:58:19,016 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 32/129 +[2024-10-13 15:58:19,187 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 33/129 +[2024-10-13 15:58:19,359 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 34/129 +[2024-10-13 15:58:19,530 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 35/129 +[2024-10-13 15:58:19,691 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 36/129 +[2024-10-13 15:58:19,851 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 37/129 +[2024-10-13 15:58:20,012 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 38/129 +[2024-10-13 15:58:20,173 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 39/129 +[2024-10-13 15:58:20,334 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 40/129 +[2024-10-13 15:58:20,494 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 41/129 +[2024-10-13 15:58:20,655 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 42/129 +[2024-10-13 15:58:20,816 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 43/129 +[2024-10-13 15:58:20,976 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 44/129 +[2024-10-13 15:58:21,137 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 45/129 +[2024-10-13 15:58:21,297 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 46/129 +[2024-10-13 15:58:21,457 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 47/129 +[2024-10-13 15:58:21,617 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 48/129 +[2024-10-13 15:58:21,777 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 49/129 +[2024-10-13 15:58:21,937 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 50/129 +[2024-10-13 15:58:22,097 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 51/129 +[2024-10-13 15:58:22,257 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 52/129 +[2024-10-13 15:58:22,417 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 53/129 +[2024-10-13 15:58:22,577 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 54/129 +[2024-10-13 15:58:22,737 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 55/129 +[2024-10-13 15:58:22,897 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 56/129 +[2024-10-13 15:58:23,056 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 57/129 +[2024-10-13 15:58:23,217 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 58/129 +[2024-10-13 15:58:23,377 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 59/129 +[2024-10-13 15:58:23,537 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 60/129 +[2024-10-13 15:58:23,697 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 61/129 +[2024-10-13 15:58:23,857 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 62/129 +[2024-10-13 15:58:24,017 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 63/129 +[2024-10-13 15:58:24,177 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 64/129 +[2024-10-13 15:58:24,337 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 65/129 +[2024-10-13 15:58:24,497 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 66/129 +[2024-10-13 15:58:24,657 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 67/129 +[2024-10-13 15:58:24,817 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 68/129 +[2024-10-13 15:58:24,978 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 69/129 +[2024-10-13 15:58:25,138 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 70/129 +[2024-10-13 15:58:25,300 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 71/129 +[2024-10-13 15:58:25,461 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 72/129 +[2024-10-13 15:58:25,622 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 73/129 +[2024-10-13 15:58:25,782 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 74/129 +[2024-10-13 15:58:25,944 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 75/129 +[2024-10-13 15:58:26,104 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 76/129 +[2024-10-13 15:58:26,266 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 77/129 +[2024-10-13 15:58:26,427 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 78/129 +[2024-10-13 15:58:26,588 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 79/129 +[2024-10-13 15:58:26,770 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 80/129 +[2024-10-13 15:58:26,952 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 81/129 +[2024-10-13 15:58:27,135 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 82/129 +[2024-10-13 15:58:27,317 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 83/129 +[2024-10-13 15:58:27,499 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 84/129 +[2024-10-13 15:58:27,682 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 85/129 +[2024-10-13 15:58:27,864 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 86/129 +[2024-10-13 15:58:28,046 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 87/129 +[2024-10-13 15:58:28,228 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 88/129 +[2024-10-13 15:58:28,410 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 89/129 +[2024-10-13 15:58:28,592 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 90/129 +[2024-10-13 15:58:28,775 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 91/129 +[2024-10-13 15:58:28,957 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 92/129 +[2024-10-13 15:58:29,140 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 93/129 +[2024-10-13 15:58:29,322 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 94/129 +[2024-10-13 15:58:29,504 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 95/129 +[2024-10-13 15:58:29,686 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 96/129 +[2024-10-13 15:58:29,868 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 97/129 +[2024-10-13 15:58:30,049 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 98/129 +[2024-10-13 15:58:30,231 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 99/129 +[2024-10-13 15:58:30,414 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 100/129 +[2024-10-13 15:58:30,597 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 101/129 +[2024-10-13 15:58:30,780 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 102/129 +[2024-10-13 15:58:30,962 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 103/129 +[2024-10-13 15:58:31,145 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 104/129 +[2024-10-13 15:58:31,327 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 105/129 +[2024-10-13 15:58:31,510 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 106/129 +[2024-10-13 15:58:31,693 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 107/129 +[2024-10-13 15:58:31,876 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 108/129 +[2024-10-13 15:58:32,059 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 109/129 +[2024-10-13 15:58:32,242 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 110/129 +[2024-10-13 15:58:32,425 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 111/129 +[2024-10-13 15:58:32,608 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 112/129 +[2024-10-13 15:58:32,791 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 113/129 +[2024-10-13 15:58:32,974 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 114/129 +[2024-10-13 15:58:33,157 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 115/129 +[2024-10-13 15:58:33,340 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 116/129 +[2024-10-13 15:58:33,523 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 117/129 +[2024-10-13 15:58:33,705 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 118/129 +[2024-10-13 15:58:33,887 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 119/129 +[2024-10-13 15:58:34,057 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 120/129 +[2024-10-13 15:58:34,229 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 121/129 +[2024-10-13 15:58:34,400 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 122/129 +[2024-10-13 15:58:34,570 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 123/129 +[2024-10-13 15:58:34,740 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 124/129 +[2024-10-13 15:58:34,911 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 125/129 +[2024-10-13 15:58:35,082 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 126/129 +[2024-10-13 15:58:35,253 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 127/129 +[2024-10-13 15:58:35,423 INFO test.py line 186 25394] Test: 88/312-scene0050_00, Batch: 128/129 +[2024-10-13 15:58:35,702 INFO test.py line 272 25394] Test: scene0050_00 [88/312]-211406 Batch 22.396 (19.968) Accuracy 0.7441 (0.4399) mIoU 0.3425 (0.3435) +[2024-10-13 15:58:35,928 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 0/152 +[2024-10-13 15:58:36,119 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 1/152 +[2024-10-13 15:58:36,309 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 2/152 +[2024-10-13 15:58:36,500 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 3/152 +[2024-10-13 15:58:36,690 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 4/152 +[2024-10-13 15:58:36,880 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 5/152 +[2024-10-13 15:58:37,071 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 6/152 +[2024-10-13 15:58:37,261 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 7/152 +[2024-10-13 15:58:37,451 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 8/152 +[2024-10-13 15:58:37,642 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 9/152 +[2024-10-13 15:58:37,833 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 10/152 +[2024-10-13 15:58:38,023 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 11/152 +[2024-10-13 15:58:38,213 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 12/152 +[2024-10-13 15:58:38,403 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 13/152 +[2024-10-13 15:58:38,593 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 14/152 +[2024-10-13 15:58:38,783 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 15/152 +[2024-10-13 15:58:38,973 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 16/152 +[2024-10-13 15:58:39,163 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 17/152 +[2024-10-13 15:58:39,353 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 18/152 +[2024-10-13 15:58:39,543 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 19/152 +[2024-10-13 15:58:39,733 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 20/152 +[2024-10-13 15:58:39,923 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 21/152 +[2024-10-13 15:58:40,113 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 22/152 +[2024-10-13 15:58:40,303 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 23/152 +[2024-10-13 15:58:40,493 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 24/152 +[2024-10-13 15:58:40,684 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 25/152 +[2024-10-13 15:58:40,875 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 26/152 +[2024-10-13 15:58:41,066 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 27/152 +[2024-10-13 15:58:41,257 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 28/152 +[2024-10-13 15:58:41,447 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 29/152 +[2024-10-13 15:58:41,638 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 30/152 +[2024-10-13 15:58:41,828 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 31/152 +[2024-10-13 15:58:42,018 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 32/152 +[2024-10-13 15:58:42,208 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 33/152 +[2024-10-13 15:58:42,398 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 34/152 +[2024-10-13 15:58:42,588 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 35/152 +[2024-10-13 15:58:42,779 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 36/152 +[2024-10-13 15:58:42,970 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 37/152 +[2024-10-13 15:58:43,161 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 38/152 +[2024-10-13 15:58:43,352 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 39/152 +[2024-10-13 15:58:43,573 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 40/152 +[2024-10-13 15:58:43,764 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 41/152 +[2024-10-13 15:58:43,956 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 42/152 +[2024-10-13 15:58:44,146 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 43/152 +[2024-10-13 15:58:44,337 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 44/152 +[2024-10-13 15:58:44,528 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 45/152 +[2024-10-13 15:58:44,718 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 46/152 +[2024-10-13 15:58:44,908 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 47/152 +[2024-10-13 15:58:45,087 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 48/152 +[2024-10-13 15:58:45,265 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 49/152 +[2024-10-13 15:58:45,443 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 50/152 +[2024-10-13 15:58:45,621 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 51/152 +[2024-10-13 15:58:45,799 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 52/152 +[2024-10-13 15:58:45,977 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 53/152 +[2024-10-13 15:58:46,156 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 54/152 +[2024-10-13 15:58:46,334 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 55/152 +[2024-10-13 15:58:46,512 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 56/152 +[2024-10-13 15:58:46,691 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 57/152 +[2024-10-13 15:58:46,869 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 58/152 +[2024-10-13 15:58:47,047 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 59/152 +[2024-10-13 15:58:47,225 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 60/152 +[2024-10-13 15:58:47,404 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 61/152 +[2024-10-13 15:58:47,582 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 62/152 +[2024-10-13 15:58:47,760 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 63/152 +[2024-10-13 15:58:47,938 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 64/152 +[2024-10-13 15:58:48,116 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 65/152 +[2024-10-13 15:58:48,294 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 66/152 +[2024-10-13 15:58:48,473 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 67/152 +[2024-10-13 15:58:48,651 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 68/152 +[2024-10-13 15:58:48,830 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 69/152 +[2024-10-13 15:58:49,008 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 70/152 +[2024-10-13 15:58:49,186 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 71/152 +[2024-10-13 15:58:49,365 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 72/152 +[2024-10-13 15:58:49,542 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 73/152 +[2024-10-13 15:58:49,720 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 74/152 +[2024-10-13 15:58:49,897 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 75/152 +[2024-10-13 15:58:50,075 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 76/152 +[2024-10-13 15:58:50,253 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 77/152 +[2024-10-13 15:58:50,431 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 78/152 +[2024-10-13 15:58:50,609 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 79/152 +[2024-10-13 15:58:50,788 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 80/152 +[2024-10-13 15:58:50,966 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 81/152 +[2024-10-13 15:58:51,144 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 82/152 +[2024-10-13 15:58:51,322 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 83/152 +[2024-10-13 15:58:51,500 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 84/152 +[2024-10-13 15:58:51,677 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 85/152 +[2024-10-13 15:58:51,855 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 86/152 +[2024-10-13 15:58:52,033 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 87/152 +[2024-10-13 15:58:52,212 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 88/152 +[2024-10-13 15:58:52,390 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 89/152 +[2024-10-13 15:58:52,568 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 90/152 +[2024-10-13 15:58:52,747 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 91/152 +[2024-10-13 15:58:52,927 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 92/152 +[2024-10-13 15:58:53,106 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 93/152 +[2024-10-13 15:58:53,284 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 94/152 +[2024-10-13 15:58:53,462 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 95/152 +[2024-10-13 15:58:53,664 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 96/152 +[2024-10-13 15:58:53,865 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 97/152 +[2024-10-13 15:58:54,066 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 98/152 +[2024-10-13 15:58:54,267 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 99/152 +[2024-10-13 15:58:54,469 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 100/152 +[2024-10-13 15:58:54,670 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 101/152 +[2024-10-13 15:58:54,871 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 102/152 +[2024-10-13 15:58:55,071 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 103/152 +[2024-10-13 15:58:55,273 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 104/152 +[2024-10-13 15:58:55,474 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 105/152 +[2024-10-13 15:58:55,675 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 106/152 +[2024-10-13 15:58:55,877 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 107/152 +[2024-10-13 15:58:56,079 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 108/152 +[2024-10-13 15:58:56,281 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 109/152 +[2024-10-13 15:58:56,482 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 110/152 +[2024-10-13 15:58:56,684 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 111/152 +[2024-10-13 15:58:56,886 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 112/152 +[2024-10-13 15:58:57,088 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 113/152 +[2024-10-13 15:58:57,289 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 114/152 +[2024-10-13 15:58:57,490 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 115/152 +[2024-10-13 15:58:57,692 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 116/152 +[2024-10-13 15:58:57,894 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 117/152 +[2024-10-13 15:58:58,096 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 118/152 +[2024-10-13 15:58:58,297 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 119/152 +[2024-10-13 15:58:58,499 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 120/152 +[2024-10-13 15:58:58,700 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 121/152 +[2024-10-13 15:58:58,902 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 122/152 +[2024-10-13 15:58:59,103 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 123/152 +[2024-10-13 15:58:59,305 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 124/152 +[2024-10-13 15:58:59,507 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 125/152 +[2024-10-13 15:58:59,709 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 126/152 +[2024-10-13 15:58:59,910 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 127/152 +[2024-10-13 15:59:00,111 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 128/152 +[2024-10-13 15:59:00,313 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 129/152 +[2024-10-13 15:59:00,515 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 130/152 +[2024-10-13 15:59:00,717 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 131/152 +[2024-10-13 15:59:00,918 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 132/152 +[2024-10-13 15:59:01,120 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 133/152 +[2024-10-13 15:59:01,321 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 134/152 +[2024-10-13 15:59:01,523 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 135/152 +[2024-10-13 15:59:01,724 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 136/152 +[2024-10-13 15:59:01,926 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 137/152 +[2024-10-13 15:59:02,127 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 138/152 +[2024-10-13 15:59:02,328 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 139/152 +[2024-10-13 15:59:02,518 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 140/152 +[2024-10-13 15:59:02,709 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 141/152 +[2024-10-13 15:59:02,899 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 142/152 +[2024-10-13 15:59:03,090 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 143/152 +[2024-10-13 15:59:03,280 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 144/152 +[2024-10-13 15:59:03,471 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 145/152 +[2024-10-13 15:59:03,661 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 146/152 +[2024-10-13 15:59:03,851 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 147/152 +[2024-10-13 15:59:04,042 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 148/152 +[2024-10-13 15:59:04,232 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 149/152 +[2024-10-13 15:59:04,422 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 150/152 +[2024-10-13 15:59:04,613 INFO test.py line 186 25394] Test: 89/312-scene0618_00, Batch: 151/152 +[2024-10-13 15:59:04,908 INFO test.py line 272 25394] Test: scene0618_00 [89/312]-232740 Batch 29.206 (20.072) Accuracy 0.8732 (0.4395) mIoU 0.2960 (0.3428) +[2024-10-13 15:59:05,050 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 0/117 +[2024-10-13 15:59:05,175 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 1/117 +[2024-10-13 15:59:05,300 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 2/117 +[2024-10-13 15:59:05,424 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 3/117 +[2024-10-13 15:59:05,549 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 4/117 +[2024-10-13 15:59:05,674 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 5/117 +[2024-10-13 15:59:05,798 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 6/117 +[2024-10-13 15:59:05,923 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 7/117 +[2024-10-13 15:59:06,048 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 8/117 +[2024-10-13 15:59:06,173 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 9/117 +[2024-10-13 15:59:06,298 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 10/117 +[2024-10-13 15:59:06,423 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 11/117 +[2024-10-13 15:59:06,548 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 12/117 +[2024-10-13 15:59:06,672 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 13/117 +[2024-10-13 15:59:06,798 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 14/117 +[2024-10-13 15:59:06,923 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 15/117 +[2024-10-13 15:59:07,048 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 16/117 +[2024-10-13 15:59:07,173 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 17/117 +[2024-10-13 15:59:07,298 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 18/117 +[2024-10-13 15:59:07,422 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 19/117 +[2024-10-13 15:59:07,547 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 20/117 +[2024-10-13 15:59:07,672 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 21/117 +[2024-10-13 15:59:07,797 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 22/117 +[2024-10-13 15:59:07,921 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 23/117 +[2024-10-13 15:59:08,046 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 24/117 +[2024-10-13 15:59:08,170 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 25/117 +[2024-10-13 15:59:08,295 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 26/117 +[2024-10-13 15:59:08,419 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 27/117 +[2024-10-13 15:59:08,543 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 28/117 +[2024-10-13 15:59:08,668 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 29/117 +[2024-10-13 15:59:08,791 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 30/117 +[2024-10-13 15:59:08,916 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 31/117 +[2024-10-13 15:59:09,040 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 32/117 +[2024-10-13 15:59:09,206 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 33/117 +[2024-10-13 15:59:09,331 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 34/117 +[2024-10-13 15:59:09,456 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 35/117 +[2024-10-13 15:59:09,573 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 36/117 +[2024-10-13 15:59:09,691 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 37/117 +[2024-10-13 15:59:09,808 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 38/117 +[2024-10-13 15:59:09,925 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 39/117 +[2024-10-13 15:59:10,043 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 40/117 +[2024-10-13 15:59:10,160 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 41/117 +[2024-10-13 15:59:10,278 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 42/117 +[2024-10-13 15:59:10,395 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 43/117 +[2024-10-13 15:59:10,512 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 44/117 +[2024-10-13 15:59:10,630 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 45/117 +[2024-10-13 15:59:10,747 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 46/117 +[2024-10-13 15:59:10,864 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 47/117 +[2024-10-13 15:59:10,981 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 48/117 +[2024-10-13 15:59:11,098 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 49/117 +[2024-10-13 15:59:11,215 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 50/117 +[2024-10-13 15:59:11,332 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 51/117 +[2024-10-13 15:59:11,450 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 52/117 +[2024-10-13 15:59:11,567 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 53/117 +[2024-10-13 15:59:11,684 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 54/117 +[2024-10-13 15:59:11,801 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 55/117 +[2024-10-13 15:59:11,918 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 56/117 +[2024-10-13 15:59:12,035 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 57/117 +[2024-10-13 15:59:12,152 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 58/117 +[2024-10-13 15:59:12,269 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 59/117 +[2024-10-13 15:59:12,387 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 60/117 +[2024-10-13 15:59:12,504 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 61/117 +[2024-10-13 15:59:12,623 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 62/117 +[2024-10-13 15:59:12,740 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 63/117 +[2024-10-13 15:59:12,857 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 64/117 +[2024-10-13 15:59:12,974 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 65/117 +[2024-10-13 15:59:13,091 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 66/117 +[2024-10-13 15:59:13,208 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 67/117 +[2024-10-13 15:59:13,325 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 68/117 +[2024-10-13 15:59:13,442 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 69/117 +[2024-10-13 15:59:13,559 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 70/117 +[2024-10-13 15:59:13,676 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 71/117 +[2024-10-13 15:59:13,793 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 72/117 +[2024-10-13 15:59:13,910 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 73/117 +[2024-10-13 15:59:14,027 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 74/117 +[2024-10-13 15:59:14,144 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 75/117 +[2024-10-13 15:59:14,275 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 76/117 +[2024-10-13 15:59:14,407 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 77/117 +[2024-10-13 15:59:14,538 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 78/117 +[2024-10-13 15:59:14,670 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 79/117 +[2024-10-13 15:59:14,802 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 80/117 +[2024-10-13 15:59:14,933 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 81/117 +[2024-10-13 15:59:15,065 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 82/117 +[2024-10-13 15:59:15,196 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 83/117 +[2024-10-13 15:59:15,328 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 84/117 +[2024-10-13 15:59:15,459 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 85/117 +[2024-10-13 15:59:15,591 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 86/117 +[2024-10-13 15:59:15,722 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 87/117 +[2024-10-13 15:59:15,853 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 88/117 +[2024-10-13 15:59:15,984 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 89/117 +[2024-10-13 15:59:16,116 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 90/117 +[2024-10-13 15:59:16,247 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 91/117 +[2024-10-13 15:59:16,378 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 92/117 +[2024-10-13 15:59:16,510 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 93/117 +[2024-10-13 15:59:16,641 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 94/117 +[2024-10-13 15:59:16,772 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 95/117 +[2024-10-13 15:59:16,903 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 96/117 +[2024-10-13 15:59:17,035 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 97/117 +[2024-10-13 15:59:17,166 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 98/117 +[2024-10-13 15:59:17,297 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 99/117 +[2024-10-13 15:59:17,429 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 100/117 +[2024-10-13 15:59:17,561 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 101/117 +[2024-10-13 15:59:17,692 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 102/117 +[2024-10-13 15:59:17,824 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 103/117 +[2024-10-13 15:59:17,956 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 104/117 +[2024-10-13 15:59:18,087 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 105/117 +[2024-10-13 15:59:18,221 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 106/117 +[2024-10-13 15:59:18,353 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 107/117 +[2024-10-13 15:59:18,477 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 108/117 +[2024-10-13 15:59:18,602 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 109/117 +[2024-10-13 15:59:18,727 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 110/117 +[2024-10-13 15:59:18,851 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 111/117 +[2024-10-13 15:59:18,977 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 112/117 +[2024-10-13 15:59:19,102 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 113/117 +[2024-10-13 15:59:19,227 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 114/117 +[2024-10-13 15:59:19,351 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 115/117 +[2024-10-13 15:59:19,476 INFO test.py line 186 25394] Test: 90/312-scene0412_01, Batch: 116/117 +[2024-10-13 15:59:19,651 INFO test.py line 272 25394] Test: scene0412_01 [90/312]-133337 Batch 14.742 (20.013) Accuracy 0.8808 (0.4395) mIoU 0.3352 (0.3426) +[2024-10-13 15:59:19,989 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 0/118 +[2024-10-13 15:59:20,271 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 1/118 +[2024-10-13 15:59:20,553 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 2/118 +[2024-10-13 15:59:20,836 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 3/118 +[2024-10-13 15:59:21,119 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 4/118 +[2024-10-13 15:59:21,402 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 5/118 +[2024-10-13 15:59:21,686 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 6/118 +[2024-10-13 15:59:21,968 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 7/118 +[2024-10-13 15:59:22,250 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 8/118 +[2024-10-13 15:59:22,532 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 9/118 +[2024-10-13 15:59:22,814 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 10/118 +[2024-10-13 15:59:23,097 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 11/118 +[2024-10-13 15:59:23,379 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 12/118 +[2024-10-13 15:59:23,661 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 13/118 +[2024-10-13 15:59:23,943 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 14/118 +[2024-10-13 15:59:24,225 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 15/118 +[2024-10-13 15:59:24,508 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 16/118 +[2024-10-13 15:59:24,790 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 17/118 +[2024-10-13 15:59:25,075 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 18/118 +[2024-10-13 15:59:25,357 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 19/118 +[2024-10-13 15:59:25,639 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 20/118 +[2024-10-13 15:59:25,920 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 21/118 +[2024-10-13 15:59:26,201 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 22/118 +[2024-10-13 15:59:26,483 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 23/118 +[2024-10-13 15:59:26,764 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 24/118 +[2024-10-13 15:59:27,045 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 25/118 +[2024-10-13 15:59:27,326 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 26/118 +[2024-10-13 15:59:27,607 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 27/118 +[2024-10-13 15:59:27,888 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 28/118 +[2024-10-13 15:59:28,168 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 29/118 +[2024-10-13 15:59:28,450 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 30/118 +[2024-10-13 15:59:28,731 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 31/118 +[2024-10-13 15:59:29,013 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 32/118 +[2024-10-13 15:59:29,295 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 33/118 +[2024-10-13 15:59:29,576 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 34/118 +[2024-10-13 15:59:29,858 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 35/118 +[2024-10-13 15:59:30,140 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 36/118 +[2024-10-13 15:59:30,421 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 37/118 +[2024-10-13 15:59:30,702 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 38/118 +[2024-10-13 15:59:30,983 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 39/118 +[2024-10-13 15:59:31,244 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 40/118 +[2024-10-13 15:59:31,506 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 41/118 +[2024-10-13 15:59:31,767 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 42/118 +[2024-10-13 15:59:32,028 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 43/118 +[2024-10-13 15:59:32,289 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 44/118 +[2024-10-13 15:59:32,550 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 45/118 +[2024-10-13 15:59:32,812 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 46/118 +[2024-10-13 15:59:33,073 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 47/118 +[2024-10-13 15:59:33,334 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 48/118 +[2024-10-13 15:59:33,596 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 49/118 +[2024-10-13 15:59:33,857 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 50/118 +[2024-10-13 15:59:34,118 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 51/118 +[2024-10-13 15:59:34,379 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 52/118 +[2024-10-13 15:59:34,643 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 53/118 +[2024-10-13 15:59:34,904 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 54/118 +[2024-10-13 15:59:35,165 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 55/118 +[2024-10-13 15:59:35,426 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 56/118 +[2024-10-13 15:59:35,688 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 57/118 +[2024-10-13 15:59:35,949 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 58/118 +[2024-10-13 15:59:36,210 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 59/118 +[2024-10-13 15:59:36,471 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 60/118 +[2024-10-13 15:59:36,732 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 61/118 +[2024-10-13 15:59:36,994 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 62/118 +[2024-10-13 15:59:37,255 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 63/118 +[2024-10-13 15:59:37,516 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 64/118 +[2024-10-13 15:59:37,777 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 65/118 +[2024-10-13 15:59:38,038 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 66/118 +[2024-10-13 15:59:38,300 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 67/118 +[2024-10-13 15:59:38,561 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 68/118 +[2024-10-13 15:59:38,823 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 69/118 +[2024-10-13 15:59:39,084 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 70/118 +[2024-10-13 15:59:39,345 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 71/118 +[2024-10-13 15:59:39,606 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 72/118 +[2024-10-13 15:59:39,868 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 73/118 +[2024-10-13 15:59:40,129 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 74/118 +[2024-10-13 15:59:40,390 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 75/118 +[2024-10-13 15:59:40,692 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 76/118 +[2024-10-13 15:59:40,993 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 77/118 +[2024-10-13 15:59:41,294 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 78/118 +[2024-10-13 15:59:41,595 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 79/118 +[2024-10-13 15:59:41,896 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 80/118 +[2024-10-13 15:59:42,197 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 81/118 +[2024-10-13 15:59:42,498 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 82/118 +[2024-10-13 15:59:42,799 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 83/118 +[2024-10-13 15:59:43,100 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 84/118 +[2024-10-13 15:59:43,401 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 85/118 +[2024-10-13 15:59:43,701 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 86/118 +[2024-10-13 15:59:44,002 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 87/118 +[2024-10-13 15:59:44,302 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 88/118 +[2024-10-13 15:59:44,603 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 89/118 +[2024-10-13 15:59:44,904 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 90/118 +[2024-10-13 15:59:45,205 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 91/118 +[2024-10-13 15:59:45,506 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 92/118 +[2024-10-13 15:59:45,808 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 93/118 +[2024-10-13 15:59:46,109 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 94/118 +[2024-10-13 15:59:46,410 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 95/118 +[2024-10-13 15:59:46,711 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 96/118 +[2024-10-13 15:59:47,012 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 97/118 +[2024-10-13 15:59:47,313 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 98/118 +[2024-10-13 15:59:47,614 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 99/118 +[2024-10-13 15:59:47,914 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 100/118 +[2024-10-13 15:59:48,215 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 101/118 +[2024-10-13 15:59:48,516 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 102/118 +[2024-10-13 15:59:48,817 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 103/118 +[2024-10-13 15:59:49,118 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 104/118 +[2024-10-13 15:59:49,419 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 105/118 +[2024-10-13 15:59:49,720 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 106/118 +[2024-10-13 15:59:50,021 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 107/118 +[2024-10-13 15:59:50,302 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 108/118 +[2024-10-13 15:59:50,583 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 109/118 +[2024-10-13 15:59:50,864 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 110/118 +[2024-10-13 15:59:51,145 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 111/118 +[2024-10-13 15:59:51,427 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 112/118 +[2024-10-13 15:59:51,708 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 113/118 +[2024-10-13 15:59:51,989 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 114/118 +[2024-10-13 15:59:52,271 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 115/118 +[2024-10-13 15:59:52,552 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 116/118 +[2024-10-13 15:59:52,833 INFO test.py line 186 25394] Test: 91/312-scene0329_01, Batch: 117/118 +[2024-10-13 15:59:53,293 INFO test.py line 272 25394] Test: scene0329_01 [91/312]-368473 Batch 33.643 (20.162) Accuracy 0.9094 (0.4401) mIoU 0.4059 (0.3412) +[2024-10-13 15:59:53,465 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 0/139 +[2024-10-13 15:59:53,610 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 1/139 +[2024-10-13 15:59:53,755 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 2/139 +[2024-10-13 15:59:53,901 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 3/139 +[2024-10-13 15:59:54,046 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 4/139 +[2024-10-13 15:59:54,191 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 5/139 +[2024-10-13 15:59:54,337 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 6/139 +[2024-10-13 15:59:54,482 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 7/139 +[2024-10-13 15:59:54,627 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 8/139 +[2024-10-13 15:59:54,773 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 9/139 +[2024-10-13 15:59:54,918 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 10/139 +[2024-10-13 15:59:55,062 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 11/139 +[2024-10-13 15:59:55,206 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 12/139 +[2024-10-13 15:59:55,351 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 13/139 +[2024-10-13 15:59:55,496 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 14/139 +[2024-10-13 15:59:55,640 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 15/139 +[2024-10-13 15:59:55,784 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 16/139 +[2024-10-13 15:59:55,929 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 17/139 +[2024-10-13 15:59:56,073 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 18/139 +[2024-10-13 15:59:56,217 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 19/139 +[2024-10-13 15:59:56,361 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 20/139 +[2024-10-13 15:59:56,506 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 21/139 +[2024-10-13 15:59:56,650 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 22/139 +[2024-10-13 15:59:56,796 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 23/139 +[2024-10-13 15:59:56,940 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 24/139 +[2024-10-13 15:59:57,085 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 25/139 +[2024-10-13 15:59:57,229 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 26/139 +[2024-10-13 15:59:57,374 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 27/139 +[2024-10-13 15:59:57,519 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 28/139 +[2024-10-13 15:59:57,663 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 29/139 +[2024-10-13 15:59:57,808 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 30/139 +[2024-10-13 15:59:57,972 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 31/139 +[2024-10-13 15:59:58,118 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 32/139 +[2024-10-13 15:59:58,264 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 33/139 +[2024-10-13 15:59:58,409 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 34/139 +[2024-10-13 15:59:58,554 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 35/139 +[2024-10-13 15:59:58,699 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 36/139 +[2024-10-13 15:59:58,844 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 37/139 +[2024-10-13 15:59:58,989 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 38/139 +[2024-10-13 15:59:59,134 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 39/139 +[2024-10-13 15:59:59,280 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 40/139 +[2024-10-13 15:59:59,425 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 41/139 +[2024-10-13 15:59:59,570 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 42/139 +[2024-10-13 15:59:59,715 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 43/139 +[2024-10-13 15:59:59,851 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 44/139 +[2024-10-13 15:59:59,988 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 45/139 +[2024-10-13 16:00:00,125 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 46/139 +[2024-10-13 16:00:00,262 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 47/139 +[2024-10-13 16:00:00,398 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 48/139 +[2024-10-13 16:00:00,535 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 49/139 +[2024-10-13 16:00:00,671 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 50/139 +[2024-10-13 16:00:00,808 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 51/139 +[2024-10-13 16:00:00,944 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 52/139 +[2024-10-13 16:00:01,081 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 53/139 +[2024-10-13 16:00:01,217 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 54/139 +[2024-10-13 16:00:01,353 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 55/139 +[2024-10-13 16:00:01,489 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 56/139 +[2024-10-13 16:00:01,625 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 57/139 +[2024-10-13 16:00:01,761 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 58/139 +[2024-10-13 16:00:01,897 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 59/139 +[2024-10-13 16:00:02,033 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 60/139 +[2024-10-13 16:00:02,169 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 61/139 +[2024-10-13 16:00:02,305 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 62/139 +[2024-10-13 16:00:02,441 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 63/139 +[2024-10-13 16:00:02,578 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 64/139 +[2024-10-13 16:00:02,714 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 65/139 +[2024-10-13 16:00:02,850 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 66/139 +[2024-10-13 16:00:02,986 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 67/139 +[2024-10-13 16:00:03,123 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 68/139 +[2024-10-13 16:00:03,259 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 69/139 +[2024-10-13 16:00:03,395 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 70/139 +[2024-10-13 16:00:03,531 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 71/139 +[2024-10-13 16:00:03,668 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 72/139 +[2024-10-13 16:00:03,804 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 73/139 +[2024-10-13 16:00:03,940 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 74/139 +[2024-10-13 16:00:04,077 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 75/139 +[2024-10-13 16:00:04,213 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 76/139 +[2024-10-13 16:00:04,349 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 77/139 +[2024-10-13 16:00:04,485 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 78/139 +[2024-10-13 16:00:04,621 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 79/139 +[2024-10-13 16:00:04,757 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 80/139 +[2024-10-13 16:00:04,893 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 81/139 +[2024-10-13 16:00:05,029 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 82/139 +[2024-10-13 16:00:05,165 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 83/139 +[2024-10-13 16:00:05,301 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 84/139 +[2024-10-13 16:00:05,437 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 85/139 +[2024-10-13 16:00:05,573 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 86/139 +[2024-10-13 16:00:05,709 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 87/139 +[2024-10-13 16:00:05,864 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 88/139 +[2024-10-13 16:00:06,019 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 89/139 +[2024-10-13 16:00:06,174 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 90/139 +[2024-10-13 16:00:06,329 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 91/139 +[2024-10-13 16:00:06,484 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 92/139 +[2024-10-13 16:00:06,638 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 93/139 +[2024-10-13 16:00:06,794 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 94/139 +[2024-10-13 16:00:06,949 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 95/139 +[2024-10-13 16:00:07,103 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 96/139 +[2024-10-13 16:00:07,258 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 97/139 +[2024-10-13 16:00:07,413 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 98/139 +[2024-10-13 16:00:07,568 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 99/139 +[2024-10-13 16:00:07,723 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 100/139 +[2024-10-13 16:00:07,877 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 101/139 +[2024-10-13 16:00:08,032 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 102/139 +[2024-10-13 16:00:08,186 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 103/139 +[2024-10-13 16:00:08,341 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 104/139 +[2024-10-13 16:00:08,496 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 105/139 +[2024-10-13 16:00:08,650 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 106/139 +[2024-10-13 16:00:08,804 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 107/139 +[2024-10-13 16:00:08,959 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 108/139 +[2024-10-13 16:00:09,114 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 109/139 +[2024-10-13 16:00:09,269 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 110/139 +[2024-10-13 16:00:09,424 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 111/139 +[2024-10-13 16:00:09,579 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 112/139 +[2024-10-13 16:00:09,734 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 113/139 +[2024-10-13 16:00:09,889 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 114/139 +[2024-10-13 16:00:10,044 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 115/139 +[2024-10-13 16:00:10,199 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 116/139 +[2024-10-13 16:00:10,354 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 117/139 +[2024-10-13 16:00:10,509 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 118/139 +[2024-10-13 16:00:10,664 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 119/139 +[2024-10-13 16:00:10,818 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 120/139 +[2024-10-13 16:00:10,973 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 121/139 +[2024-10-13 16:00:11,128 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 122/139 +[2024-10-13 16:00:11,283 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 123/139 +[2024-10-13 16:00:11,438 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 124/139 +[2024-10-13 16:00:11,593 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 125/139 +[2024-10-13 16:00:11,747 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 126/139 +[2024-10-13 16:00:11,902 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 127/139 +[2024-10-13 16:00:12,046 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 128/139 +[2024-10-13 16:00:12,191 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 129/139 +[2024-10-13 16:00:12,335 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 130/139 +[2024-10-13 16:00:12,479 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 131/139 +[2024-10-13 16:00:12,623 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 132/139 +[2024-10-13 16:00:12,768 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 133/139 +[2024-10-13 16:00:12,912 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 134/139 +[2024-10-13 16:00:13,057 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 135/139 +[2024-10-13 16:00:13,201 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 136/139 +[2024-10-13 16:00:13,345 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 137/139 +[2024-10-13 16:00:13,490 INFO test.py line 186 25394] Test: 92/312-scene0700_00, Batch: 138/139 +[2024-10-13 16:00:13,710 INFO test.py line 272 25394] Test: scene0700_00 [92/312]-167755 Batch 20.417 (20.165) Accuracy 0.8380 (0.4374) mIoU 0.3684 (0.3401) +[2024-10-13 16:00:13,801 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 0/136 +[2024-10-13 16:00:13,881 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 1/136 +[2024-10-13 16:00:13,960 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 2/136 +[2024-10-13 16:00:14,039 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 3/136 +[2024-10-13 16:00:14,118 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 4/136 +[2024-10-13 16:00:14,197 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 5/136 +[2024-10-13 16:00:14,277 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 6/136 +[2024-10-13 16:00:14,356 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 7/136 +[2024-10-13 16:00:14,436 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 8/136 +[2024-10-13 16:00:14,515 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 9/136 +[2024-10-13 16:00:14,594 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 10/136 +[2024-10-13 16:00:14,674 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 11/136 +[2024-10-13 16:00:14,753 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 12/136 +[2024-10-13 16:00:14,832 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 13/136 +[2024-10-13 16:00:14,911 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 14/136 +[2024-10-13 16:00:14,991 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 15/136 +[2024-10-13 16:00:15,070 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 16/136 +[2024-10-13 16:00:15,149 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 17/136 +[2024-10-13 16:00:15,228 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 18/136 +[2024-10-13 16:00:15,307 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 19/136 +[2024-10-13 16:00:15,387 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 20/136 +[2024-10-13 16:00:15,466 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 21/136 +[2024-10-13 16:00:15,545 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 22/136 +[2024-10-13 16:00:15,624 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 23/136 +[2024-10-13 16:00:15,703 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 24/136 +[2024-10-13 16:00:15,782 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 25/136 +[2024-10-13 16:00:15,861 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 26/136 +[2024-10-13 16:00:15,939 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 27/136 +[2024-10-13 16:00:16,018 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 28/136 +[2024-10-13 16:00:16,097 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 29/136 +[2024-10-13 16:00:16,176 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 30/136 +[2024-10-13 16:00:16,254 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 31/136 +[2024-10-13 16:00:16,333 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 32/136 +[2024-10-13 16:00:16,412 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 33/136 +[2024-10-13 16:00:16,491 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 34/136 +[2024-10-13 16:00:16,570 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 35/136 +[2024-10-13 16:00:16,648 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 36/136 +[2024-10-13 16:00:16,727 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 37/136 +[2024-10-13 16:00:16,806 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 38/136 +[2024-10-13 16:00:16,885 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 39/136 +[2024-10-13 16:00:16,963 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 40/136 +[2024-10-13 16:00:17,042 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 41/136 +[2024-10-13 16:00:17,121 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 42/136 +[2024-10-13 16:00:17,199 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 43/136 +[2024-10-13 16:00:17,278 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 44/136 +[2024-10-13 16:00:17,356 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 45/136 +[2024-10-13 16:00:17,435 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 46/136 +[2024-10-13 16:00:17,513 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 47/136 +[2024-10-13 16:00:17,588 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 48/136 +[2024-10-13 16:00:17,664 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 49/136 +[2024-10-13 16:00:17,739 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 50/136 +[2024-10-13 16:00:17,814 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 51/136 +[2024-10-13 16:00:17,889 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 52/136 +[2024-10-13 16:00:17,964 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 53/136 +[2024-10-13 16:00:18,040 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 54/136 +[2024-10-13 16:00:18,114 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 55/136 +[2024-10-13 16:00:18,190 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 56/136 +[2024-10-13 16:00:18,265 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 57/136 +[2024-10-13 16:00:18,391 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 58/136 +[2024-10-13 16:00:18,467 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 59/136 +[2024-10-13 16:00:18,544 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 60/136 +[2024-10-13 16:00:18,620 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 61/136 +[2024-10-13 16:00:18,697 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 62/136 +[2024-10-13 16:00:18,772 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 63/136 +[2024-10-13 16:00:18,847 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 64/136 +[2024-10-13 16:00:18,922 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 65/136 +[2024-10-13 16:00:18,997 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 66/136 +[2024-10-13 16:00:19,072 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 67/136 +[2024-10-13 16:00:19,147 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 68/136 +[2024-10-13 16:00:19,222 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 69/136 +[2024-10-13 16:00:19,298 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 70/136 +[2024-10-13 16:00:19,373 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 71/136 +[2024-10-13 16:00:19,448 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 72/136 +[2024-10-13 16:00:19,523 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 73/136 +[2024-10-13 16:00:19,598 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 74/136 +[2024-10-13 16:00:19,673 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 75/136 +[2024-10-13 16:00:19,748 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 76/136 +[2024-10-13 16:00:19,824 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 77/136 +[2024-10-13 16:00:19,899 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 78/136 +[2024-10-13 16:00:19,974 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 79/136 +[2024-10-13 16:00:20,049 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 80/136 +[2024-10-13 16:00:20,124 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 81/136 +[2024-10-13 16:00:20,199 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 82/136 +[2024-10-13 16:00:20,274 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 83/136 +[2024-10-13 16:00:20,357 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 84/136 +[2024-10-13 16:00:20,440 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 85/136 +[2024-10-13 16:00:20,523 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 86/136 +[2024-10-13 16:00:20,605 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 87/136 +[2024-10-13 16:00:20,688 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 88/136 +[2024-10-13 16:00:20,771 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 89/136 +[2024-10-13 16:00:20,854 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 90/136 +[2024-10-13 16:00:20,937 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 91/136 +[2024-10-13 16:00:21,020 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 92/136 +[2024-10-13 16:00:21,103 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 93/136 +[2024-10-13 16:00:21,186 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 94/136 +[2024-10-13 16:00:21,268 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 95/136 +[2024-10-13 16:00:21,351 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 96/136 +[2024-10-13 16:00:21,433 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 97/136 +[2024-10-13 16:00:21,516 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 98/136 +[2024-10-13 16:00:21,598 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 99/136 +[2024-10-13 16:00:21,681 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 100/136 +[2024-10-13 16:00:21,764 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 101/136 +[2024-10-13 16:00:21,846 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 102/136 +[2024-10-13 16:00:21,929 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 103/136 +[2024-10-13 16:00:22,011 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 104/136 +[2024-10-13 16:00:22,094 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 105/136 +[2024-10-13 16:00:22,177 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 106/136 +[2024-10-13 16:00:22,260 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 107/136 +[2024-10-13 16:00:22,342 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 108/136 +[2024-10-13 16:00:22,425 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 109/136 +[2024-10-13 16:00:22,508 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 110/136 +[2024-10-13 16:00:22,590 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 111/136 +[2024-10-13 16:00:22,673 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 112/136 +[2024-10-13 16:00:22,756 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 113/136 +[2024-10-13 16:00:22,839 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 114/136 +[2024-10-13 16:00:22,922 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 115/136 +[2024-10-13 16:00:23,004 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 116/136 +[2024-10-13 16:00:23,087 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 117/136 +[2024-10-13 16:00:23,170 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 118/136 +[2024-10-13 16:00:23,252 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 119/136 +[2024-10-13 16:00:23,335 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 120/136 +[2024-10-13 16:00:23,418 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 121/136 +[2024-10-13 16:00:23,501 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 122/136 +[2024-10-13 16:00:23,583 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 123/136 +[2024-10-13 16:00:23,662 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 124/136 +[2024-10-13 16:00:23,741 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 125/136 +[2024-10-13 16:00:23,820 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 126/136 +[2024-10-13 16:00:23,899 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 127/136 +[2024-10-13 16:00:23,978 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 128/136 +[2024-10-13 16:00:24,056 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 129/136 +[2024-10-13 16:00:24,135 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 130/136 +[2024-10-13 16:00:24,214 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 131/136 +[2024-10-13 16:00:24,293 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 132/136 +[2024-10-13 16:00:24,372 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 133/136 +[2024-10-13 16:00:24,450 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 134/136 +[2024-10-13 16:00:24,529 INFO test.py line 186 25394] Test: 93/312-scene0139_00, Batch: 135/136 +[2024-10-13 16:00:24,631 INFO test.py line 272 25394] Test: scene0139_00 [93/312]-72007 Batch 10.920 (20.066) Accuracy 0.8753 (0.4361) mIoU 0.5803 (0.3394) +[2024-10-13 16:00:24,801 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 0/155 +[2024-10-13 16:00:24,945 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 1/155 +[2024-10-13 16:00:25,090 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 2/155 +[2024-10-13 16:00:25,234 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 3/155 +[2024-10-13 16:00:25,378 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 4/155 +[2024-10-13 16:00:25,522 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 5/155 +[2024-10-13 16:00:25,667 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 6/155 +[2024-10-13 16:00:25,811 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 7/155 +[2024-10-13 16:00:25,956 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 8/155 +[2024-10-13 16:00:26,100 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 9/155 +[2024-10-13 16:00:26,245 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 10/155 +[2024-10-13 16:00:26,389 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 11/155 +[2024-10-13 16:00:26,533 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 12/155 +[2024-10-13 16:00:26,677 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 13/155 +[2024-10-13 16:00:26,820 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 14/155 +[2024-10-13 16:00:26,965 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 15/155 +[2024-10-13 16:00:27,109 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 16/155 +[2024-10-13 16:00:27,285 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 17/155 +[2024-10-13 16:00:27,431 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 18/155 +[2024-10-13 16:00:27,574 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 19/155 +[2024-10-13 16:00:27,718 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 20/155 +[2024-10-13 16:00:27,862 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 21/155 +[2024-10-13 16:00:28,007 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 22/155 +[2024-10-13 16:00:28,151 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 23/155 +[2024-10-13 16:00:28,295 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 24/155 +[2024-10-13 16:00:28,439 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 25/155 +[2024-10-13 16:00:28,583 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 26/155 +[2024-10-13 16:00:28,727 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 27/155 +[2024-10-13 16:00:28,871 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 28/155 +[2024-10-13 16:00:29,015 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 29/155 +[2024-10-13 16:00:29,159 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 30/155 +[2024-10-13 16:00:29,303 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 31/155 +[2024-10-13 16:00:29,447 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 32/155 +[2024-10-13 16:00:29,591 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 33/155 +[2024-10-13 16:00:29,735 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 34/155 +[2024-10-13 16:00:29,879 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 35/155 +[2024-10-13 16:00:30,023 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 36/155 +[2024-10-13 16:00:30,167 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 37/155 +[2024-10-13 16:00:30,311 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 38/155 +[2024-10-13 16:00:30,455 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 39/155 +[2024-10-13 16:00:30,599 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 40/155 +[2024-10-13 16:00:30,743 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 41/155 +[2024-10-13 16:00:30,887 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 42/155 +[2024-10-13 16:00:31,031 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 43/155 +[2024-10-13 16:00:31,166 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 44/155 +[2024-10-13 16:00:31,301 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 45/155 +[2024-10-13 16:00:31,435 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 46/155 +[2024-10-13 16:00:31,570 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 47/155 +[2024-10-13 16:00:31,705 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 48/155 +[2024-10-13 16:00:31,839 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 49/155 +[2024-10-13 16:00:31,974 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 50/155 +[2024-10-13 16:00:32,109 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 51/155 +[2024-10-13 16:00:32,243 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 52/155 +[2024-10-13 16:00:32,378 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 53/155 +[2024-10-13 16:00:32,512 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 54/155 +[2024-10-13 16:00:32,647 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 55/155 +[2024-10-13 16:00:32,782 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 56/155 +[2024-10-13 16:00:32,917 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 57/155 +[2024-10-13 16:00:33,051 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 58/155 +[2024-10-13 16:00:33,185 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 59/155 +[2024-10-13 16:00:33,318 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 60/155 +[2024-10-13 16:00:33,453 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 61/155 +[2024-10-13 16:00:33,586 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 62/155 +[2024-10-13 16:00:33,720 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 63/155 +[2024-10-13 16:00:33,854 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 64/155 +[2024-10-13 16:00:33,989 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 65/155 +[2024-10-13 16:00:34,123 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 66/155 +[2024-10-13 16:00:34,257 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 67/155 +[2024-10-13 16:00:34,391 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 68/155 +[2024-10-13 16:00:34,525 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 69/155 +[2024-10-13 16:00:34,659 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 70/155 +[2024-10-13 16:00:34,793 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 71/155 +[2024-10-13 16:00:34,927 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 72/155 +[2024-10-13 16:00:35,062 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 73/155 +[2024-10-13 16:00:35,196 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 74/155 +[2024-10-13 16:00:35,331 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 75/155 +[2024-10-13 16:00:35,465 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 76/155 +[2024-10-13 16:00:35,599 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 77/155 +[2024-10-13 16:00:35,734 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 78/155 +[2024-10-13 16:00:35,868 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 79/155 +[2024-10-13 16:00:36,003 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 80/155 +[2024-10-13 16:00:36,137 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 81/155 +[2024-10-13 16:00:36,271 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 82/155 +[2024-10-13 16:00:36,406 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 83/155 +[2024-10-13 16:00:36,541 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 84/155 +[2024-10-13 16:00:36,675 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 85/155 +[2024-10-13 16:00:36,810 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 86/155 +[2024-10-13 16:00:36,944 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 87/155 +[2024-10-13 16:00:37,078 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 88/155 +[2024-10-13 16:00:37,213 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 89/155 +[2024-10-13 16:00:37,348 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 90/155 +[2024-10-13 16:00:37,483 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 91/155 +[2024-10-13 16:00:37,617 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 92/155 +[2024-10-13 16:00:37,751 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 93/155 +[2024-10-13 16:00:37,886 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 94/155 +[2024-10-13 16:00:38,020 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 95/155 +[2024-10-13 16:00:38,155 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 96/155 +[2024-10-13 16:00:38,289 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 97/155 +[2024-10-13 16:00:38,424 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 98/155 +[2024-10-13 16:00:38,558 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 99/155 +[2024-10-13 16:00:38,710 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 100/155 +[2024-10-13 16:00:38,862 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 101/155 +[2024-10-13 16:00:39,015 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 102/155 +[2024-10-13 16:00:39,166 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 103/155 +[2024-10-13 16:00:39,318 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 104/155 +[2024-10-13 16:00:39,470 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 105/155 +[2024-10-13 16:00:39,622 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 106/155 +[2024-10-13 16:00:39,774 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 107/155 +[2024-10-13 16:00:39,926 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 108/155 +[2024-10-13 16:00:40,078 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 109/155 +[2024-10-13 16:00:40,230 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 110/155 +[2024-10-13 16:00:40,382 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 111/155 +[2024-10-13 16:00:40,534 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 112/155 +[2024-10-13 16:00:40,686 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 113/155 +[2024-10-13 16:00:40,838 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 114/155 +[2024-10-13 16:00:40,990 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 115/155 +[2024-10-13 16:00:41,143 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 116/155 +[2024-10-13 16:00:41,295 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 117/155 +[2024-10-13 16:00:41,446 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 118/155 +[2024-10-13 16:00:41,598 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 119/155 +[2024-10-13 16:00:41,750 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 120/155 +[2024-10-13 16:00:41,902 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 121/155 +[2024-10-13 16:00:42,054 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 122/155 +[2024-10-13 16:00:42,205 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 123/155 +[2024-10-13 16:00:42,357 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 124/155 +[2024-10-13 16:00:42,509 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 125/155 +[2024-10-13 16:00:42,661 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 126/155 +[2024-10-13 16:00:42,812 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 127/155 +[2024-10-13 16:00:42,965 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 128/155 +[2024-10-13 16:00:43,116 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 129/155 +[2024-10-13 16:00:43,268 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 130/155 +[2024-10-13 16:00:43,420 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 131/155 +[2024-10-13 16:00:43,572 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 132/155 +[2024-10-13 16:00:43,724 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 133/155 +[2024-10-13 16:00:43,876 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 134/155 +[2024-10-13 16:00:44,027 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 135/155 +[2024-10-13 16:00:44,179 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 136/155 +[2024-10-13 16:00:44,331 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 137/155 +[2024-10-13 16:00:44,482 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 138/155 +[2024-10-13 16:00:44,634 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 139/155 +[2024-10-13 16:00:44,786 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 140/155 +[2024-10-13 16:00:44,937 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 141/155 +[2024-10-13 16:00:45,089 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 142/155 +[2024-10-13 16:00:45,241 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 143/155 +[2024-10-13 16:00:45,385 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 144/155 +[2024-10-13 16:00:45,529 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 145/155 +[2024-10-13 16:00:45,673 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 146/155 +[2024-10-13 16:00:45,817 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 147/155 +[2024-10-13 16:00:45,961 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 148/155 +[2024-10-13 16:00:46,105 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 149/155 +[2024-10-13 16:00:46,249 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 150/155 +[2024-10-13 16:00:46,392 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 151/155 +[2024-10-13 16:00:46,536 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 152/155 +[2024-10-13 16:00:46,681 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 153/155 +[2024-10-13 16:00:46,825 INFO test.py line 186 25394] Test: 94/312-scene0697_03, Batch: 154/155 +[2024-10-13 16:00:47,038 INFO test.py line 272 25394] Test: scene0697_03 [94/312]-165912 Batch 22.408 (20.091) Accuracy 0.7739 (0.4367) mIoU 0.4509 (0.3403) +[2024-10-13 16:00:47,234 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 0/129 +[2024-10-13 16:00:47,397 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 1/129 +[2024-10-13 16:00:47,560 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 2/129 +[2024-10-13 16:00:47,724 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 3/129 +[2024-10-13 16:00:47,888 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 4/129 +[2024-10-13 16:00:48,051 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 5/129 +[2024-10-13 16:00:48,214 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 6/129 +[2024-10-13 16:00:48,377 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 7/129 +[2024-10-13 16:00:48,541 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 8/129 +[2024-10-13 16:00:48,704 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 9/129 +[2024-10-13 16:00:48,868 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 10/129 +[2024-10-13 16:00:49,031 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 11/129 +[2024-10-13 16:00:49,194 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 12/129 +[2024-10-13 16:00:49,358 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 13/129 +[2024-10-13 16:00:49,521 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 14/129 +[2024-10-13 16:00:49,685 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 15/129 +[2024-10-13 16:00:49,848 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 16/129 +[2024-10-13 16:00:50,012 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 17/129 +[2024-10-13 16:00:50,175 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 18/129 +[2024-10-13 16:00:50,338 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 19/129 +[2024-10-13 16:00:50,501 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 20/129 +[2024-10-13 16:00:50,665 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 21/129 +[2024-10-13 16:00:50,828 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 22/129 +[2024-10-13 16:00:50,991 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 23/129 +[2024-10-13 16:00:51,153 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 24/129 +[2024-10-13 16:00:51,316 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 25/129 +[2024-10-13 16:00:51,479 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 26/129 +[2024-10-13 16:00:51,642 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 27/129 +[2024-10-13 16:00:51,806 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 28/129 +[2024-10-13 16:00:51,969 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 29/129 +[2024-10-13 16:00:52,131 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 30/129 +[2024-10-13 16:00:52,294 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 31/129 +[2024-10-13 16:00:52,457 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 32/129 +[2024-10-13 16:00:52,621 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 33/129 +[2024-10-13 16:00:52,784 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 34/129 +[2024-10-13 16:00:52,947 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 35/129 +[2024-10-13 16:00:53,098 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 36/129 +[2024-10-13 16:00:53,249 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 37/129 +[2024-10-13 16:00:53,429 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 38/129 +[2024-10-13 16:00:53,581 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 39/129 +[2024-10-13 16:00:53,733 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 40/129 +[2024-10-13 16:00:53,884 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 41/129 +[2024-10-13 16:00:54,034 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 42/129 +[2024-10-13 16:00:54,184 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 43/129 +[2024-10-13 16:00:54,335 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 44/129 +[2024-10-13 16:00:54,485 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 45/129 +[2024-10-13 16:00:54,636 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 46/129 +[2024-10-13 16:00:54,788 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 47/129 +[2024-10-13 16:00:54,941 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 48/129 +[2024-10-13 16:00:55,093 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 49/129 +[2024-10-13 16:00:55,246 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 50/129 +[2024-10-13 16:00:55,398 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 51/129 +[2024-10-13 16:00:55,550 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 52/129 +[2024-10-13 16:00:55,703 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 53/129 +[2024-10-13 16:00:55,855 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 54/129 +[2024-10-13 16:00:56,007 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 55/129 +[2024-10-13 16:00:56,160 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 56/129 +[2024-10-13 16:00:56,312 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 57/129 +[2024-10-13 16:00:56,463 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 58/129 +[2024-10-13 16:00:56,615 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 59/129 +[2024-10-13 16:00:56,767 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 60/129 +[2024-10-13 16:00:56,918 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 61/129 +[2024-10-13 16:00:57,071 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 62/129 +[2024-10-13 16:00:57,223 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 63/129 +[2024-10-13 16:00:57,374 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 64/129 +[2024-10-13 16:00:57,526 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 65/129 +[2024-10-13 16:00:57,678 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 66/129 +[2024-10-13 16:00:57,830 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 67/129 +[2024-10-13 16:00:57,982 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 68/129 +[2024-10-13 16:00:58,132 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 69/129 +[2024-10-13 16:00:58,283 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 70/129 +[2024-10-13 16:00:58,433 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 71/129 +[2024-10-13 16:00:58,583 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 72/129 +[2024-10-13 16:00:58,734 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 73/129 +[2024-10-13 16:00:58,885 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 74/129 +[2024-10-13 16:00:59,035 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 75/129 +[2024-10-13 16:00:59,186 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 76/129 +[2024-10-13 16:00:59,336 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 77/129 +[2024-10-13 16:00:59,486 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 78/129 +[2024-10-13 16:00:59,637 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 79/129 +[2024-10-13 16:00:59,809 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 80/129 +[2024-10-13 16:00:59,980 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 81/129 +[2024-10-13 16:01:00,151 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 82/129 +[2024-10-13 16:01:00,322 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 83/129 +[2024-10-13 16:01:00,493 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 84/129 +[2024-10-13 16:01:00,665 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 85/129 +[2024-10-13 16:01:00,836 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 86/129 +[2024-10-13 16:01:01,008 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 87/129 +[2024-10-13 16:01:01,179 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 88/129 +[2024-10-13 16:01:01,351 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 89/129 +[2024-10-13 16:01:01,522 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 90/129 +[2024-10-13 16:01:01,693 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 91/129 +[2024-10-13 16:01:01,864 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 92/129 +[2024-10-13 16:01:02,035 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 93/129 +[2024-10-13 16:01:02,206 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 94/129 +[2024-10-13 16:01:02,377 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 95/129 +[2024-10-13 16:01:02,548 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 96/129 +[2024-10-13 16:01:02,719 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 97/129 +[2024-10-13 16:01:02,890 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 98/129 +[2024-10-13 16:01:03,062 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 99/129 +[2024-10-13 16:01:03,232 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 100/129 +[2024-10-13 16:01:03,403 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 101/129 +[2024-10-13 16:01:03,573 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 102/129 +[2024-10-13 16:01:03,744 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 103/129 +[2024-10-13 16:01:03,915 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 104/129 +[2024-10-13 16:01:04,086 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 105/129 +[2024-10-13 16:01:04,257 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 106/129 +[2024-10-13 16:01:04,428 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 107/129 +[2024-10-13 16:01:04,599 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 108/129 +[2024-10-13 16:01:04,770 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 109/129 +[2024-10-13 16:01:04,941 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 110/129 +[2024-10-13 16:01:05,112 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 111/129 +[2024-10-13 16:01:05,283 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 112/129 +[2024-10-13 16:01:05,454 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 113/129 +[2024-10-13 16:01:05,625 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 114/129 +[2024-10-13 16:01:05,797 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 115/129 +[2024-10-13 16:01:05,968 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 116/129 +[2024-10-13 16:01:06,138 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 117/129 +[2024-10-13 16:01:06,309 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 118/129 +[2024-10-13 16:01:06,481 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 119/129 +[2024-10-13 16:01:06,644 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 120/129 +[2024-10-13 16:01:06,807 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 121/129 +[2024-10-13 16:01:06,970 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 122/129 +[2024-10-13 16:01:07,133 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 123/129 +[2024-10-13 16:01:07,295 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 124/129 +[2024-10-13 16:01:07,459 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 125/129 +[2024-10-13 16:01:07,622 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 126/129 +[2024-10-13 16:01:07,785 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 127/129 +[2024-10-13 16:01:07,948 INFO test.py line 186 25394] Test: 95/312-scene0050_01, Batch: 128/129 +[2024-10-13 16:01:08,202 INFO test.py line 272 25394] Test: scene0050_01 [95/312]-199034 Batch 21.163 (20.102) Accuracy 0.7943 (0.4359) mIoU 0.3906 (0.3400) +[2024-10-13 16:01:08,322 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 0/125 +[2024-10-13 16:01:08,427 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 1/125 +[2024-10-13 16:01:08,533 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 2/125 +[2024-10-13 16:01:08,638 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 3/125 +[2024-10-13 16:01:08,744 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 4/125 +[2024-10-13 16:01:08,849 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 5/125 +[2024-10-13 16:01:08,954 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 6/125 +[2024-10-13 16:01:09,060 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 7/125 +[2024-10-13 16:01:09,167 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 8/125 +[2024-10-13 16:01:09,301 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 9/125 +[2024-10-13 16:01:09,407 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 10/125 +[2024-10-13 16:01:09,512 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 11/125 +[2024-10-13 16:01:09,618 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 12/125 +[2024-10-13 16:01:09,724 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 13/125 +[2024-10-13 16:01:09,830 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 14/125 +[2024-10-13 16:01:09,936 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 15/125 +[2024-10-13 16:01:10,042 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 16/125 +[2024-10-13 16:01:10,148 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 17/125 +[2024-10-13 16:01:10,253 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 18/125 +[2024-10-13 16:01:10,358 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 19/125 +[2024-10-13 16:01:10,464 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 20/125 +[2024-10-13 16:01:10,569 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 21/125 +[2024-10-13 16:01:10,674 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 22/125 +[2024-10-13 16:01:10,780 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 23/125 +[2024-10-13 16:01:10,885 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 24/125 +[2024-10-13 16:01:10,990 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 25/125 +[2024-10-13 16:01:11,096 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 26/125 +[2024-10-13 16:01:11,201 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 27/125 +[2024-10-13 16:01:11,307 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 28/125 +[2024-10-13 16:01:11,413 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 29/125 +[2024-10-13 16:01:11,519 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 30/125 +[2024-10-13 16:01:11,624 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 31/125 +[2024-10-13 16:01:11,730 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 32/125 +[2024-10-13 16:01:11,835 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 33/125 +[2024-10-13 16:01:11,941 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 34/125 +[2024-10-13 16:01:12,046 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 35/125 +[2024-10-13 16:01:12,144 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 36/125 +[2024-10-13 16:01:12,242 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 37/125 +[2024-10-13 16:01:12,341 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 38/125 +[2024-10-13 16:01:12,439 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 39/125 +[2024-10-13 16:01:12,537 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 40/125 +[2024-10-13 16:01:12,635 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 41/125 +[2024-10-13 16:01:12,734 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 42/125 +[2024-10-13 16:01:12,832 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 43/125 +[2024-10-13 16:01:12,930 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 44/125 +[2024-10-13 16:01:13,029 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 45/125 +[2024-10-13 16:01:13,127 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 46/125 +[2024-10-13 16:01:13,225 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 47/125 +[2024-10-13 16:01:13,324 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 48/125 +[2024-10-13 16:01:13,423 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 49/125 +[2024-10-13 16:01:13,522 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 50/125 +[2024-10-13 16:01:13,621 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 51/125 +[2024-10-13 16:01:13,719 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 52/125 +[2024-10-13 16:01:13,818 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 53/125 +[2024-10-13 16:01:13,917 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 54/125 +[2024-10-13 16:01:14,016 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 55/125 +[2024-10-13 16:01:14,115 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 56/125 +[2024-10-13 16:01:14,214 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 57/125 +[2024-10-13 16:01:14,313 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 58/125 +[2024-10-13 16:01:14,412 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 59/125 +[2024-10-13 16:01:14,511 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 60/125 +[2024-10-13 16:01:14,610 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 61/125 +[2024-10-13 16:01:14,708 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 62/125 +[2024-10-13 16:01:14,807 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 63/125 +[2024-10-13 16:01:14,906 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 64/125 +[2024-10-13 16:01:15,005 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 65/125 +[2024-10-13 16:01:15,104 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 66/125 +[2024-10-13 16:01:15,202 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 67/125 +[2024-10-13 16:01:15,301 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 68/125 +[2024-10-13 16:01:15,399 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 69/125 +[2024-10-13 16:01:15,498 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 70/125 +[2024-10-13 16:01:15,597 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 71/125 +[2024-10-13 16:01:15,695 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 72/125 +[2024-10-13 16:01:15,793 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 73/125 +[2024-10-13 16:01:15,891 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 74/125 +[2024-10-13 16:01:15,989 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 75/125 +[2024-10-13 16:01:16,087 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 76/125 +[2024-10-13 16:01:16,185 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 77/125 +[2024-10-13 16:01:16,283 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 78/125 +[2024-10-13 16:01:16,381 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 79/125 +[2024-10-13 16:01:16,479 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 80/125 +[2024-10-13 16:01:16,577 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 81/125 +[2024-10-13 16:01:16,675 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 82/125 +[2024-10-13 16:01:16,773 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 83/125 +[2024-10-13 16:01:16,884 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 84/125 +[2024-10-13 16:01:16,995 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 85/125 +[2024-10-13 16:01:17,105 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 86/125 +[2024-10-13 16:01:17,216 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 87/125 +[2024-10-13 16:01:17,327 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 88/125 +[2024-10-13 16:01:17,438 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 89/125 +[2024-10-13 16:01:17,549 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 90/125 +[2024-10-13 16:01:17,660 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 91/125 +[2024-10-13 16:01:17,770 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 92/125 +[2024-10-13 16:01:17,881 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 93/125 +[2024-10-13 16:01:17,991 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 94/125 +[2024-10-13 16:01:18,102 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 95/125 +[2024-10-13 16:01:18,212 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 96/125 +[2024-10-13 16:01:18,323 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 97/125 +[2024-10-13 16:01:18,433 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 98/125 +[2024-10-13 16:01:18,544 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 99/125 +[2024-10-13 16:01:18,655 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 100/125 +[2024-10-13 16:01:18,765 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 101/125 +[2024-10-13 16:01:18,876 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 102/125 +[2024-10-13 16:01:18,987 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 103/125 +[2024-10-13 16:01:19,097 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 104/125 +[2024-10-13 16:01:19,208 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 105/125 +[2024-10-13 16:01:19,319 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 106/125 +[2024-10-13 16:01:19,429 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 107/125 +[2024-10-13 16:01:19,540 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 108/125 +[2024-10-13 16:01:19,650 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 109/125 +[2024-10-13 16:01:19,761 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 110/125 +[2024-10-13 16:01:19,871 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 111/125 +[2024-10-13 16:01:19,981 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 112/125 +[2024-10-13 16:01:20,092 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 113/125 +[2024-10-13 16:01:20,202 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 114/125 +[2024-10-13 16:01:20,313 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 115/125 +[2024-10-13 16:01:20,418 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 116/125 +[2024-10-13 16:01:20,524 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 117/125 +[2024-10-13 16:01:20,629 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 118/125 +[2024-10-13 16:01:20,734 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 119/125 +[2024-10-13 16:01:20,840 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 120/125 +[2024-10-13 16:01:20,945 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 121/125 +[2024-10-13 16:01:21,050 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 122/125 +[2024-10-13 16:01:21,156 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 123/125 +[2024-10-13 16:01:21,261 INFO test.py line 186 25394] Test: 96/312-scene0377_00, Batch: 124/125 +[2024-10-13 16:01:21,404 INFO test.py line 272 25394] Test: scene0377_00 [96/312]-111811 Batch 13.202 (20.030) Accuracy 0.8251 (0.4354) mIoU 0.2321 (0.3399) +[2024-10-13 16:01:21,651 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 0/138 +[2024-10-13 16:01:21,856 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 1/138 +[2024-10-13 16:01:22,063 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 2/138 +[2024-10-13 16:01:22,269 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 3/138 +[2024-10-13 16:01:22,475 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 4/138 +[2024-10-13 16:01:22,681 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 5/138 +[2024-10-13 16:01:22,888 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 6/138 +[2024-10-13 16:01:23,096 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 7/138 +[2024-10-13 16:01:23,324 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 8/138 +[2024-10-13 16:01:23,530 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 9/138 +[2024-10-13 16:01:23,736 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 10/138 +[2024-10-13 16:01:23,943 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 11/138 +[2024-10-13 16:01:24,149 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 12/138 +[2024-10-13 16:01:24,354 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 13/138 +[2024-10-13 16:01:24,560 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 14/138 +[2024-10-13 16:01:24,766 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 15/138 +[2024-10-13 16:01:24,972 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 16/138 +[2024-10-13 16:01:25,178 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 17/138 +[2024-10-13 16:01:25,384 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 18/138 +[2024-10-13 16:01:25,589 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 19/138 +[2024-10-13 16:01:25,795 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 20/138 +[2024-10-13 16:01:26,002 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 21/138 +[2024-10-13 16:01:26,208 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 22/138 +[2024-10-13 16:01:26,414 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 23/138 +[2024-10-13 16:01:26,620 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 24/138 +[2024-10-13 16:01:26,825 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 25/138 +[2024-10-13 16:01:27,031 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 26/138 +[2024-10-13 16:01:27,237 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 27/138 +[2024-10-13 16:01:27,443 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 28/138 +[2024-10-13 16:01:27,649 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 29/138 +[2024-10-13 16:01:27,855 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 30/138 +[2024-10-13 16:01:28,061 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 31/138 +[2024-10-13 16:01:28,266 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 32/138 +[2024-10-13 16:01:28,472 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 33/138 +[2024-10-13 16:01:28,678 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 34/138 +[2024-10-13 16:01:28,884 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 35/138 +[2024-10-13 16:01:29,090 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 36/138 +[2024-10-13 16:01:29,296 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 37/138 +[2024-10-13 16:01:29,502 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 38/138 +[2024-10-13 16:01:29,707 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 39/138 +[2024-10-13 16:01:29,900 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 40/138 +[2024-10-13 16:01:30,093 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 41/138 +[2024-10-13 16:01:30,285 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 42/138 +[2024-10-13 16:01:30,478 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 43/138 +[2024-10-13 16:01:30,671 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 44/138 +[2024-10-13 16:01:30,864 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 45/138 +[2024-10-13 16:01:31,056 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 46/138 +[2024-10-13 16:01:31,249 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 47/138 +[2024-10-13 16:01:31,442 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 48/138 +[2024-10-13 16:01:31,635 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 49/138 +[2024-10-13 16:01:31,828 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 50/138 +[2024-10-13 16:01:32,020 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 51/138 +[2024-10-13 16:01:32,212 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 52/138 +[2024-10-13 16:01:32,405 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 53/138 +[2024-10-13 16:01:32,597 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 54/138 +[2024-10-13 16:01:32,789 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 55/138 +[2024-10-13 16:01:32,981 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 56/138 +[2024-10-13 16:01:33,174 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 57/138 +[2024-10-13 16:01:33,367 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 58/138 +[2024-10-13 16:01:33,559 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 59/138 +[2024-10-13 16:01:33,752 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 60/138 +[2024-10-13 16:01:33,944 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 61/138 +[2024-10-13 16:01:34,136 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 62/138 +[2024-10-13 16:01:34,329 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 63/138 +[2024-10-13 16:01:34,521 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 64/138 +[2024-10-13 16:01:34,714 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 65/138 +[2024-10-13 16:01:34,907 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 66/138 +[2024-10-13 16:01:35,099 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 67/138 +[2024-10-13 16:01:35,291 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 68/138 +[2024-10-13 16:01:35,484 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 69/138 +[2024-10-13 16:01:35,677 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 70/138 +[2024-10-13 16:01:35,869 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 71/138 +[2024-10-13 16:01:36,062 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 72/138 +[2024-10-13 16:01:36,255 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 73/138 +[2024-10-13 16:01:36,448 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 74/138 +[2024-10-13 16:01:36,640 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 75/138 +[2024-10-13 16:01:36,833 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 76/138 +[2024-10-13 16:01:37,026 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 77/138 +[2024-10-13 16:01:37,219 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 78/138 +[2024-10-13 16:01:37,411 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 79/138 +[2024-10-13 16:01:37,604 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 80/138 +[2024-10-13 16:01:37,797 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 81/138 +[2024-10-13 16:01:37,990 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 82/138 +[2024-10-13 16:01:38,183 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 83/138 +[2024-10-13 16:01:38,376 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 84/138 +[2024-10-13 16:01:38,569 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 85/138 +[2024-10-13 16:01:38,763 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 86/138 +[2024-10-13 16:01:38,956 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 87/138 +[2024-10-13 16:01:39,175 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 88/138 +[2024-10-13 16:01:39,394 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 89/138 +[2024-10-13 16:01:39,613 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 90/138 +[2024-10-13 16:01:39,832 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 91/138 +[2024-10-13 16:01:40,051 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 92/138 +[2024-10-13 16:01:40,270 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 93/138 +[2024-10-13 16:01:40,489 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 94/138 +[2024-10-13 16:01:40,708 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 95/138 +[2024-10-13 16:01:40,928 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 96/138 +[2024-10-13 16:01:41,147 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 97/138 +[2024-10-13 16:01:41,367 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 98/138 +[2024-10-13 16:01:41,586 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 99/138 +[2024-10-13 16:01:41,806 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 100/138 +[2024-10-13 16:01:42,025 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 101/138 +[2024-10-13 16:01:42,245 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 102/138 +[2024-10-13 16:01:42,464 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 103/138 +[2024-10-13 16:01:42,683 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 104/138 +[2024-10-13 16:01:42,902 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 105/138 +[2024-10-13 16:01:43,121 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 106/138 +[2024-10-13 16:01:43,340 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 107/138 +[2024-10-13 16:01:43,559 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 108/138 +[2024-10-13 16:01:43,778 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 109/138 +[2024-10-13 16:01:43,998 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 110/138 +[2024-10-13 16:01:44,217 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 111/138 +[2024-10-13 16:01:44,436 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 112/138 +[2024-10-13 16:01:44,655 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 113/138 +[2024-10-13 16:01:44,874 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 114/138 +[2024-10-13 16:01:45,093 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 115/138 +[2024-10-13 16:01:45,313 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 116/138 +[2024-10-13 16:01:45,532 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 117/138 +[2024-10-13 16:01:45,751 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 118/138 +[2024-10-13 16:01:45,969 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 119/138 +[2024-10-13 16:01:46,188 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 120/138 +[2024-10-13 16:01:46,407 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 121/138 +[2024-10-13 16:01:46,626 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 122/138 +[2024-10-13 16:01:46,846 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 123/138 +[2024-10-13 16:01:47,065 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 124/138 +[2024-10-13 16:01:47,284 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 125/138 +[2024-10-13 16:01:47,503 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 126/138 +[2024-10-13 16:01:47,722 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 127/138 +[2024-10-13 16:01:47,928 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 128/138 +[2024-10-13 16:01:48,135 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 129/138 +[2024-10-13 16:01:48,341 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 130/138 +[2024-10-13 16:01:48,547 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 131/138 +[2024-10-13 16:01:48,753 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 132/138 +[2024-10-13 16:01:48,958 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 133/138 +[2024-10-13 16:01:49,164 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 134/138 +[2024-10-13 16:01:49,369 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 135/138 +[2024-10-13 16:01:49,575 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 136/138 +[2024-10-13 16:01:49,781 INFO test.py line 186 25394] Test: 97/312-scene0665_00, Batch: 137/138 +[2024-10-13 16:01:50,099 INFO test.py line 272 25394] Test: scene0665_00 [97/312]-252726 Batch 28.695 (20.119) Accuracy 0.9267 (0.4354) mIoU 0.4913 (0.3400) +[2024-10-13 16:01:50,165 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 0/136 +[2024-10-13 16:01:50,221 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 1/136 +[2024-10-13 16:01:50,278 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 2/136 +[2024-10-13 16:01:50,335 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 3/136 +[2024-10-13 16:01:50,392 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 4/136 +[2024-10-13 16:01:50,448 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 5/136 +[2024-10-13 16:01:50,505 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 6/136 +[2024-10-13 16:01:50,562 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 7/136 +[2024-10-13 16:01:50,619 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 8/136 +[2024-10-13 16:01:50,676 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 9/136 +[2024-10-13 16:01:50,732 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 10/136 +[2024-10-13 16:01:50,789 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 11/136 +[2024-10-13 16:01:50,846 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 12/136 +[2024-10-13 16:01:50,903 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 13/136 +[2024-10-13 16:01:50,960 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 14/136 +[2024-10-13 16:01:51,016 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 15/136 +[2024-10-13 16:01:51,073 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 16/136 +[2024-10-13 16:01:51,130 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 17/136 +[2024-10-13 16:01:51,187 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 18/136 +[2024-10-13 16:01:51,243 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 19/136 +[2024-10-13 16:01:51,300 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 20/136 +[2024-10-13 16:01:51,357 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 21/136 +[2024-10-13 16:01:51,414 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 22/136 +[2024-10-13 16:01:51,470 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 23/136 +[2024-10-13 16:01:51,527 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 24/136 +[2024-10-13 16:01:51,584 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 25/136 +[2024-10-13 16:01:51,641 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 26/136 +[2024-10-13 16:01:51,697 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 27/136 +[2024-10-13 16:01:51,754 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 28/136 +[2024-10-13 16:01:51,811 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 29/136 +[2024-10-13 16:01:51,867 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 30/136 +[2024-10-13 16:01:51,924 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 31/136 +[2024-10-13 16:01:51,980 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 32/136 +[2024-10-13 16:01:52,037 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 33/136 +[2024-10-13 16:01:52,094 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 34/136 +[2024-10-13 16:01:52,151 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 35/136 +[2024-10-13 16:01:52,207 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 36/136 +[2024-10-13 16:01:52,264 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 37/136 +[2024-10-13 16:01:52,321 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 38/136 +[2024-10-13 16:01:52,378 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 39/136 +[2024-10-13 16:01:52,434 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 40/136 +[2024-10-13 16:01:52,491 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 41/136 +[2024-10-13 16:01:52,548 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 42/136 +[2024-10-13 16:01:52,605 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 43/136 +[2024-10-13 16:01:52,662 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 44/136 +[2024-10-13 16:01:52,719 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 45/136 +[2024-10-13 16:01:52,775 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 46/136 +[2024-10-13 16:01:52,832 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 47/136 +[2024-10-13 16:01:52,888 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 48/136 +[2024-10-13 16:01:52,944 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 49/136 +[2024-10-13 16:01:53,000 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 50/136 +[2024-10-13 16:01:53,055 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 51/136 +[2024-10-13 16:01:53,111 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 52/136 +[2024-10-13 16:01:53,167 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 53/136 +[2024-10-13 16:01:53,223 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 54/136 +[2024-10-13 16:01:53,279 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 55/136 +[2024-10-13 16:01:53,335 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 56/136 +[2024-10-13 16:01:53,391 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 57/136 +[2024-10-13 16:01:53,446 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 58/136 +[2024-10-13 16:01:53,502 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 59/136 +[2024-10-13 16:01:53,558 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 60/136 +[2024-10-13 16:01:53,614 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 61/136 +[2024-10-13 16:01:53,670 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 62/136 +[2024-10-13 16:01:53,725 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 63/136 +[2024-10-13 16:01:53,781 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 64/136 +[2024-10-13 16:01:53,837 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 65/136 +[2024-10-13 16:01:53,893 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 66/136 +[2024-10-13 16:01:53,949 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 67/136 +[2024-10-13 16:01:54,005 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 68/136 +[2024-10-13 16:01:54,061 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 69/136 +[2024-10-13 16:01:54,116 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 70/136 +[2024-10-13 16:01:54,172 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 71/136 +[2024-10-13 16:01:54,228 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 72/136 +[2024-10-13 16:01:54,284 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 73/136 +[2024-10-13 16:01:54,340 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 74/136 +[2024-10-13 16:01:54,395 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 75/136 +[2024-10-13 16:01:54,451 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 76/136 +[2024-10-13 16:01:54,507 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 77/136 +[2024-10-13 16:01:54,563 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 78/136 +[2024-10-13 16:01:54,618 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 79/136 +[2024-10-13 16:01:54,674 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 80/136 +[2024-10-13 16:01:54,730 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 81/136 +[2024-10-13 16:01:54,786 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 82/136 +[2024-10-13 16:01:54,842 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 83/136 +[2024-10-13 16:01:54,897 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 84/136 +[2024-10-13 16:01:54,953 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 85/136 +[2024-10-13 16:01:55,009 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 86/136 +[2024-10-13 16:01:55,065 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 87/136 +[2024-10-13 16:01:55,123 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 88/136 +[2024-10-13 16:01:55,181 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 89/136 +[2024-10-13 16:01:55,239 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 90/136 +[2024-10-13 16:01:55,297 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 91/136 +[2024-10-13 16:01:55,355 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 92/136 +[2024-10-13 16:01:55,413 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 93/136 +[2024-10-13 16:01:55,471 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 94/136 +[2024-10-13 16:01:55,529 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 95/136 +[2024-10-13 16:01:55,587 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 96/136 +[2024-10-13 16:01:55,645 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 97/136 +[2024-10-13 16:01:55,703 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 98/136 +[2024-10-13 16:01:55,761 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 99/136 +[2024-10-13 16:01:55,875 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 100/136 +[2024-10-13 16:01:55,935 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 101/136 +[2024-10-13 16:01:55,993 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 102/136 +[2024-10-13 16:01:56,057 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 103/136 +[2024-10-13 16:01:56,117 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 104/136 +[2024-10-13 16:01:56,177 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 105/136 +[2024-10-13 16:01:56,237 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 106/136 +[2024-10-13 16:01:56,296 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 107/136 +[2024-10-13 16:01:56,354 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 108/136 +[2024-10-13 16:01:56,412 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 109/136 +[2024-10-13 16:01:56,469 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 110/136 +[2024-10-13 16:01:56,527 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 111/136 +[2024-10-13 16:01:56,585 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 112/136 +[2024-10-13 16:01:56,643 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 113/136 +[2024-10-13 16:01:56,701 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 114/136 +[2024-10-13 16:01:56,759 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 115/136 +[2024-10-13 16:01:56,817 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 116/136 +[2024-10-13 16:01:56,875 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 117/136 +[2024-10-13 16:01:56,933 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 118/136 +[2024-10-13 16:01:56,990 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 119/136 +[2024-10-13 16:01:57,048 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 120/136 +[2024-10-13 16:01:57,106 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 121/136 +[2024-10-13 16:01:57,164 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 122/136 +[2024-10-13 16:01:57,222 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 123/136 +[2024-10-13 16:01:57,279 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 124/136 +[2024-10-13 16:01:57,336 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 125/136 +[2024-10-13 16:01:57,392 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 126/136 +[2024-10-13 16:01:57,449 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 127/136 +[2024-10-13 16:01:57,506 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 128/136 +[2024-10-13 16:01:57,563 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 129/136 +[2024-10-13 16:01:57,619 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 130/136 +[2024-10-13 16:01:57,679 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 131/136 +[2024-10-13 16:01:57,735 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 132/136 +[2024-10-13 16:01:57,792 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 133/136 +[2024-10-13 16:01:57,849 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 134/136 +[2024-10-13 16:01:57,905 INFO test.py line 186 25394] Test: 98/312-scene0684_01, Batch: 135/136 +[2024-10-13 16:01:57,966 INFO test.py line 272 25394] Test: scene0684_01 [98/312]-39474 Batch 7.867 (19.994) Accuracy 0.8593 (0.4359) mIoU 0.5731 (0.3404) +[2024-10-13 16:01:58,057 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 0/137 +[2024-10-13 16:01:58,137 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 1/137 +[2024-10-13 16:01:58,217 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 2/137 +[2024-10-13 16:01:58,296 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 3/137 +[2024-10-13 16:01:58,376 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 4/137 +[2024-10-13 16:01:58,456 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 5/137 +[2024-10-13 16:01:58,536 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 6/137 +[2024-10-13 16:01:58,615 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 7/137 +[2024-10-13 16:01:58,695 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 8/137 +[2024-10-13 16:01:58,776 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 9/137 +[2024-10-13 16:01:58,856 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 10/137 +[2024-10-13 16:01:58,939 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 11/137 +[2024-10-13 16:01:59,019 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 12/137 +[2024-10-13 16:01:59,099 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 13/137 +[2024-10-13 16:01:59,180 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 14/137 +[2024-10-13 16:01:59,260 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 15/137 +[2024-10-13 16:01:59,340 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 16/137 +[2024-10-13 16:01:59,420 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 17/137 +[2024-10-13 16:01:59,500 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 18/137 +[2024-10-13 16:01:59,581 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 19/137 +[2024-10-13 16:01:59,661 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 20/137 +[2024-10-13 16:01:59,741 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 21/137 +[2024-10-13 16:01:59,821 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 22/137 +[2024-10-13 16:01:59,936 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 23/137 +[2024-10-13 16:02:00,018 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 24/137 +[2024-10-13 16:02:00,100 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 25/137 +[2024-10-13 16:02:00,180 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 26/137 +[2024-10-13 16:02:00,260 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 27/137 +[2024-10-13 16:02:00,341 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 28/137 +[2024-10-13 16:02:00,422 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 29/137 +[2024-10-13 16:02:00,503 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 30/137 +[2024-10-13 16:02:00,584 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 31/137 +[2024-10-13 16:02:00,664 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 32/137 +[2024-10-13 16:02:00,745 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 33/137 +[2024-10-13 16:02:00,825 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 34/137 +[2024-10-13 16:02:00,906 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 35/137 +[2024-10-13 16:02:00,982 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 36/137 +[2024-10-13 16:02:01,058 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 37/137 +[2024-10-13 16:02:01,135 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 38/137 +[2024-10-13 16:02:01,211 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 39/137 +[2024-10-13 16:02:01,287 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 40/137 +[2024-10-13 16:02:01,363 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 41/137 +[2024-10-13 16:02:01,439 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 42/137 +[2024-10-13 16:02:01,516 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 43/137 +[2024-10-13 16:02:01,592 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 44/137 +[2024-10-13 16:02:01,668 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 45/137 +[2024-10-13 16:02:01,744 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 46/137 +[2024-10-13 16:02:01,820 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 47/137 +[2024-10-13 16:02:01,897 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 48/137 +[2024-10-13 16:02:01,973 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 49/137 +[2024-10-13 16:02:02,050 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 50/137 +[2024-10-13 16:02:02,126 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 51/137 +[2024-10-13 16:02:02,202 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 52/137 +[2024-10-13 16:02:02,278 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 53/137 +[2024-10-13 16:02:02,355 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 54/137 +[2024-10-13 16:02:02,431 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 55/137 +[2024-10-13 16:02:02,507 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 56/137 +[2024-10-13 16:02:02,583 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 57/137 +[2024-10-13 16:02:02,659 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 58/137 +[2024-10-13 16:02:02,735 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 59/137 +[2024-10-13 16:02:02,812 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 60/137 +[2024-10-13 16:02:02,888 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 61/137 +[2024-10-13 16:02:02,963 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 62/137 +[2024-10-13 16:02:03,039 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 63/137 +[2024-10-13 16:02:03,115 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 64/137 +[2024-10-13 16:02:03,191 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 65/137 +[2024-10-13 16:02:03,267 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 66/137 +[2024-10-13 16:02:03,343 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 67/137 +[2024-10-13 16:02:03,419 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 68/137 +[2024-10-13 16:02:03,495 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 69/137 +[2024-10-13 16:02:03,572 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 70/137 +[2024-10-13 16:02:03,648 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 71/137 +[2024-10-13 16:02:03,723 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 72/137 +[2024-10-13 16:02:03,799 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 73/137 +[2024-10-13 16:02:03,875 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 74/137 +[2024-10-13 16:02:03,951 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 75/137 +[2024-10-13 16:02:04,027 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 76/137 +[2024-10-13 16:02:04,102 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 77/137 +[2024-10-13 16:02:04,178 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 78/137 +[2024-10-13 16:02:04,254 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 79/137 +[2024-10-13 16:02:04,329 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 80/137 +[2024-10-13 16:02:04,405 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 81/137 +[2024-10-13 16:02:04,480 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 82/137 +[2024-10-13 16:02:04,556 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 83/137 +[2024-10-13 16:02:04,641 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 84/137 +[2024-10-13 16:02:04,725 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 85/137 +[2024-10-13 16:02:04,810 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 86/137 +[2024-10-13 16:02:04,894 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 87/137 +[2024-10-13 16:02:04,979 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 88/137 +[2024-10-13 16:02:05,063 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 89/137 +[2024-10-13 16:02:05,148 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 90/137 +[2024-10-13 16:02:05,232 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 91/137 +[2024-10-13 16:02:05,317 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 92/137 +[2024-10-13 16:02:05,401 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 93/137 +[2024-10-13 16:02:05,485 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 94/137 +[2024-10-13 16:02:05,570 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 95/137 +[2024-10-13 16:02:05,655 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 96/137 +[2024-10-13 16:02:05,739 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 97/137 +[2024-10-13 16:02:05,823 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 98/137 +[2024-10-13 16:02:05,908 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 99/137 +[2024-10-13 16:02:05,992 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 100/137 +[2024-10-13 16:02:06,077 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 101/137 +[2024-10-13 16:02:06,161 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 102/137 +[2024-10-13 16:02:06,246 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 103/137 +[2024-10-13 16:02:06,330 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 104/137 +[2024-10-13 16:02:06,414 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 105/137 +[2024-10-13 16:02:06,499 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 106/137 +[2024-10-13 16:02:06,583 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 107/137 +[2024-10-13 16:02:06,668 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 108/137 +[2024-10-13 16:02:06,753 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 109/137 +[2024-10-13 16:02:06,837 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 110/137 +[2024-10-13 16:02:06,922 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 111/137 +[2024-10-13 16:02:07,006 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 112/137 +[2024-10-13 16:02:07,091 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 113/137 +[2024-10-13 16:02:07,175 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 114/137 +[2024-10-13 16:02:07,259 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 115/137 +[2024-10-13 16:02:07,344 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 116/137 +[2024-10-13 16:02:07,428 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 117/137 +[2024-10-13 16:02:07,512 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 118/137 +[2024-10-13 16:02:07,596 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 119/137 +[2024-10-13 16:02:07,680 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 120/137 +[2024-10-13 16:02:07,764 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 121/137 +[2024-10-13 16:02:07,849 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 122/137 +[2024-10-13 16:02:07,933 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 123/137 +[2024-10-13 16:02:08,017 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 124/137 +[2024-10-13 16:02:08,101 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 125/137 +[2024-10-13 16:02:08,185 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 126/137 +[2024-10-13 16:02:08,270 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 127/137 +[2024-10-13 16:02:08,350 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 128/137 +[2024-10-13 16:02:08,430 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 129/137 +[2024-10-13 16:02:08,510 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 130/137 +[2024-10-13 16:02:08,590 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 131/137 +[2024-10-13 16:02:08,670 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 132/137 +[2024-10-13 16:02:08,750 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 133/137 +[2024-10-13 16:02:08,831 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 134/137 +[2024-10-13 16:02:08,911 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 135/137 +[2024-10-13 16:02:08,991 INFO test.py line 186 25394] Test: 99/312-scene0427_00, Batch: 136/137 +[2024-10-13 16:02:09,090 INFO test.py line 272 25394] Test: scene0427_00 [99/312]-74074 Batch 11.123 (19.905) Accuracy 0.9746 (0.4360) mIoU 0.8360 (0.3404) +[2024-10-13 16:02:09,318 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 0/139 +[2024-10-13 16:02:09,511 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 1/139 +[2024-10-13 16:02:09,703 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 2/139 +[2024-10-13 16:02:09,896 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 3/139 +[2024-10-13 16:02:10,089 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 4/139 +[2024-10-13 16:02:10,280 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 5/139 +[2024-10-13 16:02:10,473 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 6/139 +[2024-10-13 16:02:10,665 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 7/139 +[2024-10-13 16:02:10,858 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 8/139 +[2024-10-13 16:02:11,050 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 9/139 +[2024-10-13 16:02:11,242 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 10/139 +[2024-10-13 16:02:11,435 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 11/139 +[2024-10-13 16:02:11,627 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 12/139 +[2024-10-13 16:02:11,819 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 13/139 +[2024-10-13 16:02:12,012 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 14/139 +[2024-10-13 16:02:12,204 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 15/139 +[2024-10-13 16:02:12,396 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 16/139 +[2024-10-13 16:02:12,588 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 17/139 +[2024-10-13 16:02:12,781 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 18/139 +[2024-10-13 16:02:12,973 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 19/139 +[2024-10-13 16:02:13,165 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 20/139 +[2024-10-13 16:02:13,357 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 21/139 +[2024-10-13 16:02:13,550 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 22/139 +[2024-10-13 16:02:13,743 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 23/139 +[2024-10-13 16:02:13,935 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 24/139 +[2024-10-13 16:02:14,128 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 25/139 +[2024-10-13 16:02:14,321 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 26/139 +[2024-10-13 16:02:14,514 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 27/139 +[2024-10-13 16:02:14,707 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 28/139 +[2024-10-13 16:02:14,900 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 29/139 +[2024-10-13 16:02:15,092 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 30/139 +[2024-10-13 16:02:15,284 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 31/139 +[2024-10-13 16:02:15,476 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 32/139 +[2024-10-13 16:02:15,668 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 33/139 +[2024-10-13 16:02:15,861 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 34/139 +[2024-10-13 16:02:16,053 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 35/139 +[2024-10-13 16:02:16,246 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 36/139 +[2024-10-13 16:02:16,438 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 37/139 +[2024-10-13 16:02:16,631 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 38/139 +[2024-10-13 16:02:16,823 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 39/139 +[2024-10-13 16:02:17,015 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 40/139 +[2024-10-13 16:02:17,208 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 41/139 +[2024-10-13 16:02:17,400 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 42/139 +[2024-10-13 16:02:17,593 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 43/139 +[2024-10-13 16:02:17,773 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 44/139 +[2024-10-13 16:02:17,954 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 45/139 +[2024-10-13 16:02:18,134 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 46/139 +[2024-10-13 16:02:18,314 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 47/139 +[2024-10-13 16:02:18,493 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 48/139 +[2024-10-13 16:02:18,673 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 49/139 +[2024-10-13 16:02:18,852 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 50/139 +[2024-10-13 16:02:19,032 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 51/139 +[2024-10-13 16:02:19,212 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 52/139 +[2024-10-13 16:02:19,392 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 53/139 +[2024-10-13 16:02:19,572 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 54/139 +[2024-10-13 16:02:19,753 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 55/139 +[2024-10-13 16:02:19,934 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 56/139 +[2024-10-13 16:02:20,114 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 57/139 +[2024-10-13 16:02:20,294 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 58/139 +[2024-10-13 16:02:20,474 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 59/139 +[2024-10-13 16:02:20,654 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 60/139 +[2024-10-13 16:02:20,835 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 61/139 +[2024-10-13 16:02:21,015 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 62/139 +[2024-10-13 16:02:21,195 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 63/139 +[2024-10-13 16:02:21,375 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 64/139 +[2024-10-13 16:02:21,555 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 65/139 +[2024-10-13 16:02:21,736 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 66/139 +[2024-10-13 16:02:21,916 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 67/139 +[2024-10-13 16:02:22,097 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 68/139 +[2024-10-13 16:02:22,277 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 69/139 +[2024-10-13 16:02:22,458 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 70/139 +[2024-10-13 16:02:22,639 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 71/139 +[2024-10-13 16:02:22,820 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 72/139 +[2024-10-13 16:02:23,001 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 73/139 +[2024-10-13 16:02:23,182 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 74/139 +[2024-10-13 16:02:23,362 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 75/139 +[2024-10-13 16:02:23,544 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 76/139 +[2024-10-13 16:02:23,724 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 77/139 +[2024-10-13 16:02:23,905 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 78/139 +[2024-10-13 16:02:24,085 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 79/139 +[2024-10-13 16:02:24,265 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 80/139 +[2024-10-13 16:02:24,445 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 81/139 +[2024-10-13 16:02:24,626 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 82/139 +[2024-10-13 16:02:24,806 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 83/139 +[2024-10-13 16:02:24,986 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 84/139 +[2024-10-13 16:02:25,167 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 85/139 +[2024-10-13 16:02:25,348 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 86/139 +[2024-10-13 16:02:25,528 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 87/139 +[2024-10-13 16:02:25,733 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 88/139 +[2024-10-13 16:02:25,937 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 89/139 +[2024-10-13 16:02:26,142 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 90/139 +[2024-10-13 16:02:26,346 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 91/139 +[2024-10-13 16:02:26,551 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 92/139 +[2024-10-13 16:02:26,756 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 93/139 +[2024-10-13 16:02:26,960 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 94/139 +[2024-10-13 16:02:27,165 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 95/139 +[2024-10-13 16:02:27,370 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 96/139 +[2024-10-13 16:02:27,574 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 97/139 +[2024-10-13 16:02:27,778 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 98/139 +[2024-10-13 16:02:27,982 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 99/139 +[2024-10-13 16:02:28,186 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 100/139 +[2024-10-13 16:02:28,391 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 101/139 +[2024-10-13 16:02:28,595 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 102/139 +[2024-10-13 16:02:28,799 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 103/139 +[2024-10-13 16:02:29,004 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 104/139 +[2024-10-13 16:02:29,208 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 105/139 +[2024-10-13 16:02:29,412 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 106/139 +[2024-10-13 16:02:29,616 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 107/139 +[2024-10-13 16:02:29,821 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 108/139 +[2024-10-13 16:02:30,026 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 109/139 +[2024-10-13 16:02:30,231 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 110/139 +[2024-10-13 16:02:30,435 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 111/139 +[2024-10-13 16:02:30,640 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 112/139 +[2024-10-13 16:02:30,844 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 113/139 +[2024-10-13 16:02:31,049 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 114/139 +[2024-10-13 16:02:31,253 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 115/139 +[2024-10-13 16:02:31,457 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 116/139 +[2024-10-13 16:02:31,662 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 117/139 +[2024-10-13 16:02:31,866 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 118/139 +[2024-10-13 16:02:32,070 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 119/139 +[2024-10-13 16:02:32,275 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 120/139 +[2024-10-13 16:02:32,480 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 121/139 +[2024-10-13 16:02:32,683 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 122/139 +[2024-10-13 16:02:32,888 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 123/139 +[2024-10-13 16:02:33,092 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 124/139 +[2024-10-13 16:02:33,296 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 125/139 +[2024-10-13 16:02:33,500 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 126/139 +[2024-10-13 16:02:33,704 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 127/139 +[2024-10-13 16:02:33,896 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 128/139 +[2024-10-13 16:02:34,088 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 129/139 +[2024-10-13 16:02:34,280 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 130/139 +[2024-10-13 16:02:34,472 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 131/139 +[2024-10-13 16:02:34,664 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 132/139 +[2024-10-13 16:02:34,857 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 133/139 +[2024-10-13 16:02:35,049 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 134/139 +[2024-10-13 16:02:35,241 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 135/139 +[2024-10-13 16:02:35,434 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 136/139 +[2024-10-13 16:02:35,626 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 137/139 +[2024-10-13 16:02:35,818 INFO test.py line 186 25394] Test: 100/312-scene0169_00, Batch: 138/139 +[2024-10-13 16:02:36,117 INFO test.py line 272 25394] Test: scene0169_00 [100/312]-239354 Batch 27.027 (19.976) Accuracy 0.9338 (0.4361) mIoU 0.8178 (0.3408) +[2024-10-13 16:02:36,222 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 0/122 +[2024-10-13 16:02:36,315 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 1/122 +[2024-10-13 16:02:36,409 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 2/122 +[2024-10-13 16:02:36,502 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 3/122 +[2024-10-13 16:02:36,595 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 4/122 +[2024-10-13 16:02:36,688 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 5/122 +[2024-10-13 16:02:36,781 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 6/122 +[2024-10-13 16:02:36,873 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 7/122 +[2024-10-13 16:02:36,966 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 8/122 +[2024-10-13 16:02:37,059 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 9/122 +[2024-10-13 16:02:37,152 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 10/122 +[2024-10-13 16:02:37,245 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 11/122 +[2024-10-13 16:02:37,338 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 12/122 +[2024-10-13 16:02:37,431 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 13/122 +[2024-10-13 16:02:37,524 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 14/122 +[2024-10-13 16:02:37,616 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 15/122 +[2024-10-13 16:02:37,709 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 16/122 +[2024-10-13 16:02:37,802 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 17/122 +[2024-10-13 16:02:37,895 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 18/122 +[2024-10-13 16:02:37,988 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 19/122 +[2024-10-13 16:02:38,081 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 20/122 +[2024-10-13 16:02:38,175 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 21/122 +[2024-10-13 16:02:38,268 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 22/122 +[2024-10-13 16:02:38,361 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 23/122 +[2024-10-13 16:02:38,454 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 24/122 +[2024-10-13 16:02:38,547 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 25/122 +[2024-10-13 16:02:38,640 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 26/122 +[2024-10-13 16:02:38,733 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 27/122 +[2024-10-13 16:02:38,826 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 28/122 +[2024-10-13 16:02:38,920 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 29/122 +[2024-10-13 16:02:39,013 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 30/122 +[2024-10-13 16:02:39,105 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 31/122 +[2024-10-13 16:02:39,198 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 32/122 +[2024-10-13 16:02:39,291 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 33/122 +[2024-10-13 16:02:39,384 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 34/122 +[2024-10-13 16:02:39,477 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 35/122 +[2024-10-13 16:02:39,570 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 36/122 +[2024-10-13 16:02:39,663 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 37/122 +[2024-10-13 16:02:39,800 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 38/122 +[2024-10-13 16:02:39,894 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 39/122 +[2024-10-13 16:02:39,985 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 40/122 +[2024-10-13 16:02:40,073 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 41/122 +[2024-10-13 16:02:40,161 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 42/122 +[2024-10-13 16:02:40,250 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 43/122 +[2024-10-13 16:02:40,338 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 44/122 +[2024-10-13 16:02:40,426 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 45/122 +[2024-10-13 16:02:40,515 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 46/122 +[2024-10-13 16:02:40,603 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 47/122 +[2024-10-13 16:02:40,691 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 48/122 +[2024-10-13 16:02:40,780 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 49/122 +[2024-10-13 16:02:40,868 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 50/122 +[2024-10-13 16:02:40,956 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 51/122 +[2024-10-13 16:02:41,045 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 52/122 +[2024-10-13 16:02:41,133 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 53/122 +[2024-10-13 16:02:41,222 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 54/122 +[2024-10-13 16:02:41,310 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 55/122 +[2024-10-13 16:02:41,399 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 56/122 +[2024-10-13 16:02:41,487 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 57/122 +[2024-10-13 16:02:41,576 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 58/122 +[2024-10-13 16:02:41,664 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 59/122 +[2024-10-13 16:02:41,753 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 60/122 +[2024-10-13 16:02:41,841 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 61/122 +[2024-10-13 16:02:41,929 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 62/122 +[2024-10-13 16:02:42,018 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 63/122 +[2024-10-13 16:02:42,106 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 64/122 +[2024-10-13 16:02:42,195 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 65/122 +[2024-10-13 16:02:42,283 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 66/122 +[2024-10-13 16:02:42,372 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 67/122 +[2024-10-13 16:02:42,460 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 68/122 +[2024-10-13 16:02:42,549 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 69/122 +[2024-10-13 16:02:42,637 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 70/122 +[2024-10-13 16:02:42,726 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 71/122 +[2024-10-13 16:02:42,814 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 72/122 +[2024-10-13 16:02:42,903 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 73/122 +[2024-10-13 16:02:42,991 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 74/122 +[2024-10-13 16:02:43,079 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 75/122 +[2024-10-13 16:02:43,167 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 76/122 +[2024-10-13 16:02:43,256 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 77/122 +[2024-10-13 16:02:43,344 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 78/122 +[2024-10-13 16:02:43,432 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 79/122 +[2024-10-13 16:02:43,531 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 80/122 +[2024-10-13 16:02:43,629 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 81/122 +[2024-10-13 16:02:43,727 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 82/122 +[2024-10-13 16:02:43,826 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 83/122 +[2024-10-13 16:02:43,924 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 84/122 +[2024-10-13 16:02:44,023 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 85/122 +[2024-10-13 16:02:44,121 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 86/122 +[2024-10-13 16:02:44,220 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 87/122 +[2024-10-13 16:02:44,317 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 88/122 +[2024-10-13 16:02:44,415 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 89/122 +[2024-10-13 16:02:44,512 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 90/122 +[2024-10-13 16:02:44,610 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 91/122 +[2024-10-13 16:02:44,707 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 92/122 +[2024-10-13 16:02:44,805 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 93/122 +[2024-10-13 16:02:44,902 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 94/122 +[2024-10-13 16:02:45,000 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 95/122 +[2024-10-13 16:02:45,098 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 96/122 +[2024-10-13 16:02:45,196 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 97/122 +[2024-10-13 16:02:45,295 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 98/122 +[2024-10-13 16:02:45,393 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 99/122 +[2024-10-13 16:02:45,491 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 100/122 +[2024-10-13 16:02:45,589 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 101/122 +[2024-10-13 16:02:45,687 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 102/122 +[2024-10-13 16:02:45,785 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 103/122 +[2024-10-13 16:02:45,883 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 104/122 +[2024-10-13 16:02:45,981 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 105/122 +[2024-10-13 16:02:46,079 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 106/122 +[2024-10-13 16:02:46,177 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 107/122 +[2024-10-13 16:02:46,275 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 108/122 +[2024-10-13 16:02:46,373 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 109/122 +[2024-10-13 16:02:46,471 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 110/122 +[2024-10-13 16:02:46,569 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 111/122 +[2024-10-13 16:02:46,662 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 112/122 +[2024-10-13 16:02:46,756 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 113/122 +[2024-10-13 16:02:46,849 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 114/122 +[2024-10-13 16:02:46,942 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 115/122 +[2024-10-13 16:02:47,035 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 116/122 +[2024-10-13 16:02:47,129 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 117/122 +[2024-10-13 16:02:47,222 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 118/122 +[2024-10-13 16:02:47,315 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 119/122 +[2024-10-13 16:02:47,408 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 120/122 +[2024-10-13 16:02:47,502 INFO test.py line 186 25394] Test: 101/312-scene0342_00, Batch: 121/122 +[2024-10-13 16:02:47,619 INFO test.py line 272 25394] Test: scene0342_00 [101/312]-89958 Batch 11.502 (19.892) Accuracy 0.9915 (0.4362) mIoU 0.7333 (0.3409) +[2024-10-13 16:02:47,824 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 0/142 +[2024-10-13 16:02:47,996 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 1/142 +[2024-10-13 16:02:48,168 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 2/142 +[2024-10-13 16:02:48,340 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 3/142 +[2024-10-13 16:02:48,512 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 4/142 +[2024-10-13 16:02:48,685 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 5/142 +[2024-10-13 16:02:48,857 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 6/142 +[2024-10-13 16:02:49,029 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 7/142 +[2024-10-13 16:02:49,200 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 8/142 +[2024-10-13 16:02:49,372 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 9/142 +[2024-10-13 16:02:49,544 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 10/142 +[2024-10-13 16:02:49,717 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 11/142 +[2024-10-13 16:02:49,889 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 12/142 +[2024-10-13 16:02:50,062 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 13/142 +[2024-10-13 16:02:50,234 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 14/142 +[2024-10-13 16:02:50,407 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 15/142 +[2024-10-13 16:02:50,580 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 16/142 +[2024-10-13 16:02:50,753 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 17/142 +[2024-10-13 16:02:50,925 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 18/142 +[2024-10-13 16:02:51,098 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 19/142 +[2024-10-13 16:02:51,270 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 20/142 +[2024-10-13 16:02:51,442 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 21/142 +[2024-10-13 16:02:51,614 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 22/142 +[2024-10-13 16:02:51,787 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 23/142 +[2024-10-13 16:02:51,959 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 24/142 +[2024-10-13 16:02:52,131 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 25/142 +[2024-10-13 16:02:52,304 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 26/142 +[2024-10-13 16:02:52,476 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 27/142 +[2024-10-13 16:02:52,649 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 28/142 +[2024-10-13 16:02:52,821 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 29/142 +[2024-10-13 16:02:52,993 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 30/142 +[2024-10-13 16:02:53,165 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 31/142 +[2024-10-13 16:02:53,337 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 32/142 +[2024-10-13 16:02:53,509 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 33/142 +[2024-10-13 16:02:53,681 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 34/142 +[2024-10-13 16:02:53,853 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 35/142 +[2024-10-13 16:02:54,025 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 36/142 +[2024-10-13 16:02:54,197 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 37/142 +[2024-10-13 16:02:54,369 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 38/142 +[2024-10-13 16:02:54,541 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 39/142 +[2024-10-13 16:02:54,703 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 40/142 +[2024-10-13 16:02:54,865 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 41/142 +[2024-10-13 16:02:55,027 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 42/142 +[2024-10-13 16:02:55,189 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 43/142 +[2024-10-13 16:02:55,351 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 44/142 +[2024-10-13 16:02:55,512 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 45/142 +[2024-10-13 16:02:55,674 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 46/142 +[2024-10-13 16:02:55,836 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 47/142 +[2024-10-13 16:02:55,998 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 48/142 +[2024-10-13 16:02:56,160 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 49/142 +[2024-10-13 16:02:56,322 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 50/142 +[2024-10-13 16:02:56,484 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 51/142 +[2024-10-13 16:02:56,646 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 52/142 +[2024-10-13 16:02:56,808 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 53/142 +[2024-10-13 16:02:56,970 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 54/142 +[2024-10-13 16:02:57,132 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 55/142 +[2024-10-13 16:02:57,294 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 56/142 +[2024-10-13 16:02:57,456 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 57/142 +[2024-10-13 16:02:57,619 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 58/142 +[2024-10-13 16:02:57,781 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 59/142 +[2024-10-13 16:02:57,943 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 60/142 +[2024-10-13 16:02:58,105 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 61/142 +[2024-10-13 16:02:58,267 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 62/142 +[2024-10-13 16:02:58,429 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 63/142 +[2024-10-13 16:02:58,591 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 64/142 +[2024-10-13 16:02:58,752 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 65/142 +[2024-10-13 16:02:58,915 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 66/142 +[2024-10-13 16:02:59,077 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 67/142 +[2024-10-13 16:02:59,238 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 68/142 +[2024-10-13 16:02:59,401 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 69/142 +[2024-10-13 16:02:59,563 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 70/142 +[2024-10-13 16:02:59,725 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 71/142 +[2024-10-13 16:02:59,887 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 72/142 +[2024-10-13 16:03:00,049 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 73/142 +[2024-10-13 16:03:00,211 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 74/142 +[2024-10-13 16:03:00,372 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 75/142 +[2024-10-13 16:03:00,535 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 76/142 +[2024-10-13 16:03:00,697 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 77/142 +[2024-10-13 16:03:00,859 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 78/142 +[2024-10-13 16:03:01,021 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 79/142 +[2024-10-13 16:03:01,183 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 80/142 +[2024-10-13 16:03:01,345 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 81/142 +[2024-10-13 16:03:01,507 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 82/142 +[2024-10-13 16:03:01,669 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 83/142 +[2024-10-13 16:03:01,831 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 84/142 +[2024-10-13 16:03:01,992 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 85/142 +[2024-10-13 16:03:02,154 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 86/142 +[2024-10-13 16:03:02,317 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 87/142 +[2024-10-13 16:03:02,501 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 88/142 +[2024-10-13 16:03:02,684 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 89/142 +[2024-10-13 16:03:02,868 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 90/142 +[2024-10-13 16:03:03,052 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 91/142 +[2024-10-13 16:03:03,236 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 92/142 +[2024-10-13 16:03:03,420 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 93/142 +[2024-10-13 16:03:03,604 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 94/142 +[2024-10-13 16:03:03,788 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 95/142 +[2024-10-13 16:03:03,972 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 96/142 +[2024-10-13 16:03:04,156 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 97/142 +[2024-10-13 16:03:04,340 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 98/142 +[2024-10-13 16:03:04,524 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 99/142 +[2024-10-13 16:03:04,708 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 100/142 +[2024-10-13 16:03:04,893 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 101/142 +[2024-10-13 16:03:05,077 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 102/142 +[2024-10-13 16:03:05,261 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 103/142 +[2024-10-13 16:03:05,444 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 104/142 +[2024-10-13 16:03:05,628 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 105/142 +[2024-10-13 16:03:05,812 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 106/142 +[2024-10-13 16:03:05,995 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 107/142 +[2024-10-13 16:03:06,179 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 108/142 +[2024-10-13 16:03:06,363 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 109/142 +[2024-10-13 16:03:06,547 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 110/142 +[2024-10-13 16:03:06,730 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 111/142 +[2024-10-13 16:03:06,914 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 112/142 +[2024-10-13 16:03:07,097 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 113/142 +[2024-10-13 16:03:07,280 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 114/142 +[2024-10-13 16:03:07,463 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 115/142 +[2024-10-13 16:03:07,646 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 116/142 +[2024-10-13 16:03:07,830 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 117/142 +[2024-10-13 16:03:08,013 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 118/142 +[2024-10-13 16:03:08,196 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 119/142 +[2024-10-13 16:03:08,379 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 120/142 +[2024-10-13 16:03:08,563 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 121/142 +[2024-10-13 16:03:08,747 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 122/142 +[2024-10-13 16:03:08,931 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 123/142 +[2024-10-13 16:03:09,115 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 124/142 +[2024-10-13 16:03:09,298 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 125/142 +[2024-10-13 16:03:09,482 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 126/142 +[2024-10-13 16:03:09,665 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 127/142 +[2024-10-13 16:03:09,849 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 128/142 +[2024-10-13 16:03:10,033 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 129/142 +[2024-10-13 16:03:10,217 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 130/142 +[2024-10-13 16:03:10,400 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 131/142 +[2024-10-13 16:03:10,572 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 132/142 +[2024-10-13 16:03:10,744 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 133/142 +[2024-10-13 16:03:10,917 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 134/142 +[2024-10-13 16:03:11,089 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 135/142 +[2024-10-13 16:03:11,261 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 136/142 +[2024-10-13 16:03:11,433 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 137/142 +[2024-10-13 16:03:11,605 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 138/142 +[2024-10-13 16:03:11,777 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 139/142 +[2024-10-13 16:03:11,950 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 140/142 +[2024-10-13 16:03:12,122 INFO test.py line 186 25394] Test: 102/312-scene0095_00, Batch: 141/142 +[2024-10-13 16:03:12,394 INFO test.py line 272 25394] Test: scene0095_00 [102/312]-214895 Batch 24.774 (19.940) Accuracy 0.8990 (0.4404) mIoU 0.5264 (0.3412) +[2024-10-13 16:03:12,539 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 0/144 +[2024-10-13 16:03:12,667 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 1/144 +[2024-10-13 16:03:12,795 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 2/144 +[2024-10-13 16:03:12,923 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 3/144 +[2024-10-13 16:03:13,052 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 4/144 +[2024-10-13 16:03:13,180 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 5/144 +[2024-10-13 16:03:13,308 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 6/144 +[2024-10-13 16:03:13,436 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 7/144 +[2024-10-13 16:03:13,564 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 8/144 +[2024-10-13 16:03:13,692 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 9/144 +[2024-10-13 16:03:13,820 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 10/144 +[2024-10-13 16:03:13,948 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 11/144 +[2024-10-13 16:03:14,076 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 12/144 +[2024-10-13 16:03:14,205 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 13/144 +[2024-10-13 16:03:14,333 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 14/144 +[2024-10-13 16:03:14,462 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 15/144 +[2024-10-13 16:03:14,591 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 16/144 +[2024-10-13 16:03:14,719 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 17/144 +[2024-10-13 16:03:14,848 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 18/144 +[2024-10-13 16:03:14,976 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 19/144 +[2024-10-13 16:03:15,105 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 20/144 +[2024-10-13 16:03:15,233 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 21/144 +[2024-10-13 16:03:15,362 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 22/144 +[2024-10-13 16:03:15,490 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 23/144 +[2024-10-13 16:03:15,619 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 24/144 +[2024-10-13 16:03:15,747 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 25/144 +[2024-10-13 16:03:15,875 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 26/144 +[2024-10-13 16:03:16,004 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 27/144 +[2024-10-13 16:03:16,132 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 28/144 +[2024-10-13 16:03:16,282 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 29/144 +[2024-10-13 16:03:16,411 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 30/144 +[2024-10-13 16:03:16,540 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 31/144 +[2024-10-13 16:03:16,668 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 32/144 +[2024-10-13 16:03:16,796 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 33/144 +[2024-10-13 16:03:16,924 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 34/144 +[2024-10-13 16:03:17,053 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 35/144 +[2024-10-13 16:03:17,182 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 36/144 +[2024-10-13 16:03:17,310 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 37/144 +[2024-10-13 16:03:17,439 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 38/144 +[2024-10-13 16:03:17,568 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 39/144 +[2024-10-13 16:03:17,696 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 40/144 +[2024-10-13 16:03:17,825 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 41/144 +[2024-10-13 16:03:17,954 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 42/144 +[2024-10-13 16:03:18,083 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 43/144 +[2024-10-13 16:03:18,211 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 44/144 +[2024-10-13 16:03:18,340 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 45/144 +[2024-10-13 16:03:18,468 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 46/144 +[2024-10-13 16:03:18,597 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 47/144 +[2024-10-13 16:03:18,718 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 48/144 +[2024-10-13 16:03:18,838 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 49/144 +[2024-10-13 16:03:18,959 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 50/144 +[2024-10-13 16:03:19,079 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 51/144 +[2024-10-13 16:03:19,200 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 52/144 +[2024-10-13 16:03:19,320 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 53/144 +[2024-10-13 16:03:19,440 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 54/144 +[2024-10-13 16:03:19,561 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 55/144 +[2024-10-13 16:03:19,681 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 56/144 +[2024-10-13 16:03:19,801 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 57/144 +[2024-10-13 16:03:19,922 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 58/144 +[2024-10-13 16:03:20,042 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 59/144 +[2024-10-13 16:03:20,163 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 60/144 +[2024-10-13 16:03:20,283 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 61/144 +[2024-10-13 16:03:20,404 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 62/144 +[2024-10-13 16:03:20,525 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 63/144 +[2024-10-13 16:03:20,646 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 64/144 +[2024-10-13 16:03:20,766 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 65/144 +[2024-10-13 16:03:20,887 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 66/144 +[2024-10-13 16:03:21,007 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 67/144 +[2024-10-13 16:03:21,128 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 68/144 +[2024-10-13 16:03:21,248 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 69/144 +[2024-10-13 16:03:21,369 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 70/144 +[2024-10-13 16:03:21,490 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 71/144 +[2024-10-13 16:03:21,611 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 72/144 +[2024-10-13 16:03:21,732 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 73/144 +[2024-10-13 16:03:21,853 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 74/144 +[2024-10-13 16:03:21,975 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 75/144 +[2024-10-13 16:03:22,096 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 76/144 +[2024-10-13 16:03:22,217 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 77/144 +[2024-10-13 16:03:22,338 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 78/144 +[2024-10-13 16:03:22,459 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 79/144 +[2024-10-13 16:03:22,579 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 80/144 +[2024-10-13 16:03:22,700 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 81/144 +[2024-10-13 16:03:22,820 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 82/144 +[2024-10-13 16:03:22,941 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 83/144 +[2024-10-13 16:03:23,062 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 84/144 +[2024-10-13 16:03:23,182 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 85/144 +[2024-10-13 16:03:23,303 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 86/144 +[2024-10-13 16:03:23,424 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 87/144 +[2024-10-13 16:03:23,545 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 88/144 +[2024-10-13 16:03:23,665 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 89/144 +[2024-10-13 16:03:23,786 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 90/144 +[2024-10-13 16:03:23,906 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 91/144 +[2024-10-13 16:03:24,043 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 92/144 +[2024-10-13 16:03:24,179 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 93/144 +[2024-10-13 16:03:24,316 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 94/144 +[2024-10-13 16:03:24,453 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 95/144 +[2024-10-13 16:03:24,589 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 96/144 +[2024-10-13 16:03:24,726 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 97/144 +[2024-10-13 16:03:24,862 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 98/144 +[2024-10-13 16:03:24,999 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 99/144 +[2024-10-13 16:03:25,136 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 100/144 +[2024-10-13 16:03:25,273 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 101/144 +[2024-10-13 16:03:25,408 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 102/144 +[2024-10-13 16:03:25,544 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 103/144 +[2024-10-13 16:03:25,680 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 104/144 +[2024-10-13 16:03:25,816 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 105/144 +[2024-10-13 16:03:25,952 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 106/144 +[2024-10-13 16:03:26,088 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 107/144 +[2024-10-13 16:03:26,223 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 108/144 +[2024-10-13 16:03:26,360 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 109/144 +[2024-10-13 16:03:26,496 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 110/144 +[2024-10-13 16:03:26,631 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 111/144 +[2024-10-13 16:03:26,767 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 112/144 +[2024-10-13 16:03:26,902 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 113/144 +[2024-10-13 16:03:27,038 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 114/144 +[2024-10-13 16:03:27,174 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 115/144 +[2024-10-13 16:03:27,309 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 116/144 +[2024-10-13 16:03:27,445 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 117/144 +[2024-10-13 16:03:27,580 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 118/144 +[2024-10-13 16:03:27,716 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 119/144 +[2024-10-13 16:03:27,852 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 120/144 +[2024-10-13 16:03:27,987 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 121/144 +[2024-10-13 16:03:28,124 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 122/144 +[2024-10-13 16:03:28,261 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 123/144 +[2024-10-13 16:03:28,397 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 124/144 +[2024-10-13 16:03:28,534 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 125/144 +[2024-10-13 16:03:28,671 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 126/144 +[2024-10-13 16:03:28,807 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 127/144 +[2024-10-13 16:03:28,944 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 128/144 +[2024-10-13 16:03:29,081 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 129/144 +[2024-10-13 16:03:29,217 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 130/144 +[2024-10-13 16:03:29,354 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 131/144 +[2024-10-13 16:03:29,482 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 132/144 +[2024-10-13 16:03:29,610 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 133/144 +[2024-10-13 16:03:29,738 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 134/144 +[2024-10-13 16:03:29,867 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 135/144 +[2024-10-13 16:03:29,995 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 136/144 +[2024-10-13 16:03:30,123 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 137/144 +[2024-10-13 16:03:30,251 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 138/144 +[2024-10-13 16:03:30,379 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 139/144 +[2024-10-13 16:03:30,507 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 140/144 +[2024-10-13 16:03:30,635 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 141/144 +[2024-10-13 16:03:30,763 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 142/144 +[2024-10-13 16:03:30,890 INFO test.py line 186 25394] Test: 103/312-scene0131_02, Batch: 143/144 +[2024-10-13 16:03:31,066 INFO test.py line 272 25394] Test: scene0131_02 [103/312]-140599 Batch 18.672 (19.928) Accuracy 0.8477 (0.4413) mIoU 0.3929 (0.3410) +[2024-10-13 16:03:31,132 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 0/113 +[2024-10-13 16:03:31,190 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 1/113 +[2024-10-13 16:03:31,248 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 2/113 +[2024-10-13 16:03:31,307 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 3/113 +[2024-10-13 16:03:31,365 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 4/113 +[2024-10-13 16:03:31,423 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 5/113 +[2024-10-13 16:03:31,481 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 6/113 +[2024-10-13 16:03:31,539 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 7/113 +[2024-10-13 16:03:31,597 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 8/113 +[2024-10-13 16:03:31,654 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 9/113 +[2024-10-13 16:03:31,712 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 10/113 +[2024-10-13 16:03:31,770 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 11/113 +[2024-10-13 16:03:31,827 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 12/113 +[2024-10-13 16:03:31,885 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 13/113 +[2024-10-13 16:03:31,943 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 14/113 +[2024-10-13 16:03:32,000 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 15/113 +[2024-10-13 16:03:32,058 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 16/113 +[2024-10-13 16:03:32,115 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 17/113 +[2024-10-13 16:03:32,173 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 18/113 +[2024-10-13 16:03:32,230 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 19/113 +[2024-10-13 16:03:32,288 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 20/113 +[2024-10-13 16:03:32,346 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 21/113 +[2024-10-13 16:03:32,403 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 22/113 +[2024-10-13 16:03:32,461 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 23/113 +[2024-10-13 16:03:32,518 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 24/113 +[2024-10-13 16:03:32,576 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 25/113 +[2024-10-13 16:03:32,634 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 26/113 +[2024-10-13 16:03:32,691 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 27/113 +[2024-10-13 16:03:32,749 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 28/113 +[2024-10-13 16:03:32,807 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 29/113 +[2024-10-13 16:03:32,865 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 30/113 +[2024-10-13 16:03:32,922 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 31/113 +[2024-10-13 16:03:32,980 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 32/113 +[2024-10-13 16:03:33,038 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 33/113 +[2024-10-13 16:03:33,096 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 34/113 +[2024-10-13 16:03:33,153 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 35/113 +[2024-10-13 16:03:33,210 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 36/113 +[2024-10-13 16:03:33,266 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 37/113 +[2024-10-13 16:03:33,322 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 38/113 +[2024-10-13 16:03:33,379 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 39/113 +[2024-10-13 16:03:33,435 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 40/113 +[2024-10-13 16:03:33,491 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 41/113 +[2024-10-13 16:03:33,548 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 42/113 +[2024-10-13 16:03:33,604 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 43/113 +[2024-10-13 16:03:33,660 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 44/113 +[2024-10-13 16:03:33,717 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 45/113 +[2024-10-13 16:03:33,773 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 46/113 +[2024-10-13 16:03:33,829 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 47/113 +[2024-10-13 16:03:33,886 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 48/113 +[2024-10-13 16:03:33,942 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 49/113 +[2024-10-13 16:03:33,999 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 50/113 +[2024-10-13 16:03:34,055 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 51/113 +[2024-10-13 16:03:34,111 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 52/113 +[2024-10-13 16:03:34,168 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 53/113 +[2024-10-13 16:03:34,224 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 54/113 +[2024-10-13 16:03:34,280 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 55/113 +[2024-10-13 16:03:34,337 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 56/113 +[2024-10-13 16:03:34,393 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 57/113 +[2024-10-13 16:03:34,450 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 58/113 +[2024-10-13 16:03:34,506 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 59/113 +[2024-10-13 16:03:34,563 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 60/113 +[2024-10-13 16:03:34,619 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 61/113 +[2024-10-13 16:03:34,675 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 62/113 +[2024-10-13 16:03:34,732 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 63/113 +[2024-10-13 16:03:34,788 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 64/113 +[2024-10-13 16:03:34,844 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 65/113 +[2024-10-13 16:03:34,901 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 66/113 +[2024-10-13 16:03:34,957 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 67/113 +[2024-10-13 16:03:35,014 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 68/113 +[2024-10-13 16:03:35,070 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 69/113 +[2024-10-13 16:03:35,126 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 70/113 +[2024-10-13 16:03:35,183 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 71/113 +[2024-10-13 16:03:35,242 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 72/113 +[2024-10-13 16:03:35,300 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 73/113 +[2024-10-13 16:03:35,359 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 74/113 +[2024-10-13 16:03:35,418 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 75/113 +[2024-10-13 16:03:35,477 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 76/113 +[2024-10-13 16:03:35,536 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 77/113 +[2024-10-13 16:03:35,595 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 78/113 +[2024-10-13 16:03:35,654 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 79/113 +[2024-10-13 16:03:35,713 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 80/113 +[2024-10-13 16:03:35,772 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 81/113 +[2024-10-13 16:03:35,831 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 82/113 +[2024-10-13 16:03:35,890 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 83/113 +[2024-10-13 16:03:35,949 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 84/113 +[2024-10-13 16:03:36,008 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 85/113 +[2024-10-13 16:03:36,067 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 86/113 +[2024-10-13 16:03:36,126 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 87/113 +[2024-10-13 16:03:36,185 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 88/113 +[2024-10-13 16:03:36,244 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 89/113 +[2024-10-13 16:03:36,303 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 90/113 +[2024-10-13 16:03:36,362 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 91/113 +[2024-10-13 16:03:36,421 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 92/113 +[2024-10-13 16:03:36,479 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 93/113 +[2024-10-13 16:03:36,538 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 94/113 +[2024-10-13 16:03:36,597 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 95/113 +[2024-10-13 16:03:36,656 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 96/113 +[2024-10-13 16:03:36,715 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 97/113 +[2024-10-13 16:03:36,774 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 98/113 +[2024-10-13 16:03:36,833 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 99/113 +[2024-10-13 16:03:36,892 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 100/113 +[2024-10-13 16:03:36,951 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 101/113 +[2024-10-13 16:03:37,010 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 102/113 +[2024-10-13 16:03:37,069 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 103/113 +[2024-10-13 16:03:37,126 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 104/113 +[2024-10-13 16:03:37,184 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 105/113 +[2024-10-13 16:03:37,241 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 106/113 +[2024-10-13 16:03:37,299 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 107/113 +[2024-10-13 16:03:37,357 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 108/113 +[2024-10-13 16:03:37,414 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 109/113 +[2024-10-13 16:03:37,472 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 110/113 +[2024-10-13 16:03:37,530 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 111/113 +[2024-10-13 16:03:37,588 INFO test.py line 186 25394] Test: 104/312-scene0684_00, Batch: 112/113 +[2024-10-13 16:03:37,646 INFO test.py line 272 25394] Test: scene0684_00 [104/312]-41364 Batch 6.580 (19.799) Accuracy 0.8619 (0.4406) mIoU 0.4448 (0.3405) +[2024-10-13 16:03:37,814 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 0/138 +[2024-10-13 16:03:37,955 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 1/138 +[2024-10-13 16:03:38,095 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 2/138 +[2024-10-13 16:03:38,236 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 3/138 +[2024-10-13 16:03:38,427 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 4/138 +[2024-10-13 16:03:38,572 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 5/138 +[2024-10-13 16:03:38,717 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 6/138 +[2024-10-13 16:03:38,862 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 7/138 +[2024-10-13 16:03:39,004 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 8/138 +[2024-10-13 16:03:39,144 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 9/138 +[2024-10-13 16:03:39,284 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 10/138 +[2024-10-13 16:03:39,425 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 11/138 +[2024-10-13 16:03:39,565 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 12/138 +[2024-10-13 16:03:39,705 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 13/138 +[2024-10-13 16:03:39,845 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 14/138 +[2024-10-13 16:03:39,985 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 15/138 +[2024-10-13 16:03:40,125 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 16/138 +[2024-10-13 16:03:40,266 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 17/138 +[2024-10-13 16:03:40,405 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 18/138 +[2024-10-13 16:03:40,545 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 19/138 +[2024-10-13 16:03:40,686 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 20/138 +[2024-10-13 16:03:40,827 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 21/138 +[2024-10-13 16:03:40,969 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 22/138 +[2024-10-13 16:03:41,110 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 23/138 +[2024-10-13 16:03:41,251 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 24/138 +[2024-10-13 16:03:41,392 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 25/138 +[2024-10-13 16:03:41,533 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 26/138 +[2024-10-13 16:03:41,674 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 27/138 +[2024-10-13 16:03:41,816 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 28/138 +[2024-10-13 16:03:41,957 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 29/138 +[2024-10-13 16:03:42,099 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 30/138 +[2024-10-13 16:03:42,242 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 31/138 +[2024-10-13 16:03:42,384 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 32/138 +[2024-10-13 16:03:42,525 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 33/138 +[2024-10-13 16:03:42,665 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 34/138 +[2024-10-13 16:03:42,806 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 35/138 +[2024-10-13 16:03:42,947 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 36/138 +[2024-10-13 16:03:43,088 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 37/138 +[2024-10-13 16:03:43,228 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 38/138 +[2024-10-13 16:03:43,369 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 39/138 +[2024-10-13 16:03:43,499 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 40/138 +[2024-10-13 16:03:43,630 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 41/138 +[2024-10-13 16:03:43,761 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 42/138 +[2024-10-13 16:03:43,892 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 43/138 +[2024-10-13 16:03:44,024 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 44/138 +[2024-10-13 16:03:44,155 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 45/138 +[2024-10-13 16:03:44,286 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 46/138 +[2024-10-13 16:03:44,417 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 47/138 +[2024-10-13 16:03:44,548 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 48/138 +[2024-10-13 16:03:44,679 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 49/138 +[2024-10-13 16:03:44,810 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 50/138 +[2024-10-13 16:03:44,941 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 51/138 +[2024-10-13 16:03:45,072 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 52/138 +[2024-10-13 16:03:45,203 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 53/138 +[2024-10-13 16:03:45,335 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 54/138 +[2024-10-13 16:03:45,466 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 55/138 +[2024-10-13 16:03:45,598 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 56/138 +[2024-10-13 16:03:45,729 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 57/138 +[2024-10-13 16:03:45,861 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 58/138 +[2024-10-13 16:03:45,992 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 59/138 +[2024-10-13 16:03:46,123 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 60/138 +[2024-10-13 16:03:46,254 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 61/138 +[2024-10-13 16:03:46,386 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 62/138 +[2024-10-13 16:03:46,517 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 63/138 +[2024-10-13 16:03:46,648 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 64/138 +[2024-10-13 16:03:46,779 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 65/138 +[2024-10-13 16:03:46,911 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 66/138 +[2024-10-13 16:03:47,042 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 67/138 +[2024-10-13 16:03:47,174 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 68/138 +[2024-10-13 16:03:47,305 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 69/138 +[2024-10-13 16:03:47,436 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 70/138 +[2024-10-13 16:03:47,567 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 71/138 +[2024-10-13 16:03:47,699 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 72/138 +[2024-10-13 16:03:47,830 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 73/138 +[2024-10-13 16:03:47,961 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 74/138 +[2024-10-13 16:03:48,092 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 75/138 +[2024-10-13 16:03:48,224 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 76/138 +[2024-10-13 16:03:48,356 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 77/138 +[2024-10-13 16:03:48,488 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 78/138 +[2024-10-13 16:03:48,619 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 79/138 +[2024-10-13 16:03:48,751 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 80/138 +[2024-10-13 16:03:48,883 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 81/138 +[2024-10-13 16:03:49,015 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 82/138 +[2024-10-13 16:03:49,147 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 83/138 +[2024-10-13 16:03:49,279 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 84/138 +[2024-10-13 16:03:49,410 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 85/138 +[2024-10-13 16:03:49,542 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 86/138 +[2024-10-13 16:03:49,674 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 87/138 +[2024-10-13 16:03:49,823 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 88/138 +[2024-10-13 16:03:49,972 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 89/138 +[2024-10-13 16:03:50,121 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 90/138 +[2024-10-13 16:03:50,270 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 91/138 +[2024-10-13 16:03:50,419 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 92/138 +[2024-10-13 16:03:50,568 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 93/138 +[2024-10-13 16:03:50,717 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 94/138 +[2024-10-13 16:03:50,866 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 95/138 +[2024-10-13 16:03:51,015 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 96/138 +[2024-10-13 16:03:51,164 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 97/138 +[2024-10-13 16:03:51,312 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 98/138 +[2024-10-13 16:03:51,461 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 99/138 +[2024-10-13 16:03:51,610 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 100/138 +[2024-10-13 16:03:51,759 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 101/138 +[2024-10-13 16:03:51,908 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 102/138 +[2024-10-13 16:03:52,056 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 103/138 +[2024-10-13 16:03:52,205 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 104/138 +[2024-10-13 16:03:52,353 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 105/138 +[2024-10-13 16:03:52,502 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 106/138 +[2024-10-13 16:03:52,651 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 107/138 +[2024-10-13 16:03:52,800 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 108/138 +[2024-10-13 16:03:52,949 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 109/138 +[2024-10-13 16:03:53,097 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 110/138 +[2024-10-13 16:03:53,246 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 111/138 +[2024-10-13 16:03:53,394 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 112/138 +[2024-10-13 16:03:53,543 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 113/138 +[2024-10-13 16:03:53,692 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 114/138 +[2024-10-13 16:03:53,840 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 115/138 +[2024-10-13 16:03:53,989 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 116/138 +[2024-10-13 16:03:54,137 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 117/138 +[2024-10-13 16:03:54,285 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 118/138 +[2024-10-13 16:03:54,433 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 119/138 +[2024-10-13 16:03:54,582 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 120/138 +[2024-10-13 16:03:54,730 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 121/138 +[2024-10-13 16:03:54,879 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 122/138 +[2024-10-13 16:03:55,027 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 123/138 +[2024-10-13 16:03:55,175 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 124/138 +[2024-10-13 16:03:55,324 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 125/138 +[2024-10-13 16:03:55,472 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 126/138 +[2024-10-13 16:03:55,621 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 127/138 +[2024-10-13 16:03:55,762 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 128/138 +[2024-10-13 16:03:55,903 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 129/138 +[2024-10-13 16:03:56,044 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 130/138 +[2024-10-13 16:03:56,185 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 131/138 +[2024-10-13 16:03:56,326 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 132/138 +[2024-10-13 16:03:56,466 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 133/138 +[2024-10-13 16:03:56,607 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 134/138 +[2024-10-13 16:03:56,749 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 135/138 +[2024-10-13 16:03:56,889 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 136/138 +[2024-10-13 16:03:57,030 INFO test.py line 186 25394] Test: 105/312-scene0462_00, Batch: 137/138 +[2024-10-13 16:03:57,232 INFO test.py line 272 25394] Test: scene0462_00 [105/312]-156714 Batch 19.586 (19.797) Accuracy 0.7847 (0.4419) mIoU 0.4142 (0.3414) +[2024-10-13 16:03:57,509 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 0/143 +[2024-10-13 16:03:57,739 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 1/143 +[2024-10-13 16:03:57,970 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 2/143 +[2024-10-13 16:03:58,201 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 3/143 +[2024-10-13 16:03:58,432 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 4/143 +[2024-10-13 16:03:58,663 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 5/143 +[2024-10-13 16:03:58,894 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 6/143 +[2024-10-13 16:03:59,125 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 7/143 +[2024-10-13 16:03:59,356 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 8/143 +[2024-10-13 16:03:59,588 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 9/143 +[2024-10-13 16:03:59,819 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 10/143 +[2024-10-13 16:04:00,050 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 11/143 +[2024-10-13 16:04:00,282 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 12/143 +[2024-10-13 16:04:00,515 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 13/143 +[2024-10-13 16:04:00,746 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 14/143 +[2024-10-13 16:04:00,977 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 15/143 +[2024-10-13 16:04:01,209 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 16/143 +[2024-10-13 16:04:01,440 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 17/143 +[2024-10-13 16:04:01,671 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 18/143 +[2024-10-13 16:04:01,902 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 19/143 +[2024-10-13 16:04:02,133 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 20/143 +[2024-10-13 16:04:02,364 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 21/143 +[2024-10-13 16:04:02,595 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 22/143 +[2024-10-13 16:04:02,827 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 23/143 +[2024-10-13 16:04:03,058 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 24/143 +[2024-10-13 16:04:03,289 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 25/143 +[2024-10-13 16:04:03,520 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 26/143 +[2024-10-13 16:04:03,751 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 27/143 +[2024-10-13 16:04:03,983 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 28/143 +[2024-10-13 16:04:04,214 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 29/143 +[2024-10-13 16:04:04,445 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 30/143 +[2024-10-13 16:04:04,677 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 31/143 +[2024-10-13 16:04:04,908 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 32/143 +[2024-10-13 16:04:05,139 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 33/143 +[2024-10-13 16:04:05,370 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 34/143 +[2024-10-13 16:04:05,601 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 35/143 +[2024-10-13 16:04:05,832 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 36/143 +[2024-10-13 16:04:06,063 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 37/143 +[2024-10-13 16:04:06,294 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 38/143 +[2024-10-13 16:04:06,526 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 39/143 +[2024-10-13 16:04:06,757 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 40/143 +[2024-10-13 16:04:06,988 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 41/143 +[2024-10-13 16:04:07,218 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 42/143 +[2024-10-13 16:04:07,450 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 43/143 +[2024-10-13 16:04:07,666 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 44/143 +[2024-10-13 16:04:07,883 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 45/143 +[2024-10-13 16:04:08,099 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 46/143 +[2024-10-13 16:04:08,316 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 47/143 +[2024-10-13 16:04:08,532 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 48/143 +[2024-10-13 16:04:08,749 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 49/143 +[2024-10-13 16:04:08,965 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 50/143 +[2024-10-13 16:04:09,181 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 51/143 +[2024-10-13 16:04:09,398 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 52/143 +[2024-10-13 16:04:09,615 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 53/143 +[2024-10-13 16:04:09,832 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 54/143 +[2024-10-13 16:04:10,049 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 55/143 +[2024-10-13 16:04:10,264 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 56/143 +[2024-10-13 16:04:10,480 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 57/143 +[2024-10-13 16:04:10,697 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 58/143 +[2024-10-13 16:04:10,913 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 59/143 +[2024-10-13 16:04:11,129 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 60/143 +[2024-10-13 16:04:11,345 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 61/143 +[2024-10-13 16:04:11,562 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 62/143 +[2024-10-13 16:04:11,778 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 63/143 +[2024-10-13 16:04:11,995 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 64/143 +[2024-10-13 16:04:12,211 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 65/143 +[2024-10-13 16:04:12,427 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 66/143 +[2024-10-13 16:04:12,643 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 67/143 +[2024-10-13 16:04:12,860 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 68/143 +[2024-10-13 16:04:13,077 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 69/143 +[2024-10-13 16:04:13,293 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 70/143 +[2024-10-13 16:04:13,510 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 71/143 +[2024-10-13 16:04:13,726 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 72/143 +[2024-10-13 16:04:13,942 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 73/143 +[2024-10-13 16:04:14,157 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 74/143 +[2024-10-13 16:04:14,374 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 75/143 +[2024-10-13 16:04:14,590 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 76/143 +[2024-10-13 16:04:14,806 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 77/143 +[2024-10-13 16:04:15,022 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 78/143 +[2024-10-13 16:04:15,238 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 79/143 +[2024-10-13 16:04:15,454 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 80/143 +[2024-10-13 16:04:15,670 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 81/143 +[2024-10-13 16:04:15,886 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 82/143 +[2024-10-13 16:04:16,102 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 83/143 +[2024-10-13 16:04:16,318 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 84/143 +[2024-10-13 16:04:16,535 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 85/143 +[2024-10-13 16:04:16,751 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 86/143 +[2024-10-13 16:04:16,968 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 87/143 +[2024-10-13 16:04:17,185 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 88/143 +[2024-10-13 16:04:17,401 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 89/143 +[2024-10-13 16:04:17,617 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 90/143 +[2024-10-13 16:04:17,834 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 91/143 +[2024-10-13 16:04:18,079 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 92/143 +[2024-10-13 16:04:18,325 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 93/143 +[2024-10-13 16:04:18,571 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 94/143 +[2024-10-13 16:04:18,816 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 95/143 +[2024-10-13 16:04:19,061 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 96/143 +[2024-10-13 16:04:19,307 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 97/143 +[2024-10-13 16:04:19,553 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 98/143 +[2024-10-13 16:04:19,799 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 99/143 +[2024-10-13 16:04:20,045 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 100/143 +[2024-10-13 16:04:20,291 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 101/143 +[2024-10-13 16:04:20,537 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 102/143 +[2024-10-13 16:04:20,783 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 103/143 +[2024-10-13 16:04:21,029 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 104/143 +[2024-10-13 16:04:21,274 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 105/143 +[2024-10-13 16:04:21,520 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 106/143 +[2024-10-13 16:04:21,766 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 107/143 +[2024-10-13 16:04:22,012 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 108/143 +[2024-10-13 16:04:22,258 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 109/143 +[2024-10-13 16:04:22,504 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 110/143 +[2024-10-13 16:04:22,750 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 111/143 +[2024-10-13 16:04:22,995 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 112/143 +[2024-10-13 16:04:23,240 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 113/143 +[2024-10-13 16:04:23,485 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 114/143 +[2024-10-13 16:04:23,730 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 115/143 +[2024-10-13 16:04:23,975 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 116/143 +[2024-10-13 16:04:24,220 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 117/143 +[2024-10-13 16:04:24,466 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 118/143 +[2024-10-13 16:04:24,711 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 119/143 +[2024-10-13 16:04:24,957 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 120/143 +[2024-10-13 16:04:25,202 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 121/143 +[2024-10-13 16:04:25,448 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 122/143 +[2024-10-13 16:04:25,693 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 123/143 +[2024-10-13 16:04:25,938 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 124/143 +[2024-10-13 16:04:26,183 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 125/143 +[2024-10-13 16:04:26,428 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 126/143 +[2024-10-13 16:04:26,673 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 127/143 +[2024-10-13 16:04:26,918 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 128/143 +[2024-10-13 16:04:27,163 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 129/143 +[2024-10-13 16:04:27,408 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 130/143 +[2024-10-13 16:04:27,652 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 131/143 +[2024-10-13 16:04:27,883 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 132/143 +[2024-10-13 16:04:28,114 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 133/143 +[2024-10-13 16:04:28,345 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 134/143 +[2024-10-13 16:04:28,576 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 135/143 +[2024-10-13 16:04:28,806 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 136/143 +[2024-10-13 16:04:29,038 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 137/143 +[2024-10-13 16:04:29,268 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 138/143 +[2024-10-13 16:04:29,499 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 139/143 +[2024-10-13 16:04:29,730 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 140/143 +[2024-10-13 16:04:29,961 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 141/143 +[2024-10-13 16:04:30,192 INFO test.py line 186 25394] Test: 106/312-scene0030_01, Batch: 142/143 +[2024-10-13 16:04:30,558 INFO test.py line 272 25394] Test: scene0030_01 [106/312]-284801 Batch 33.326 (19.925) Accuracy 0.9125 (0.4450) mIoU 0.5733 (0.3443) +[2024-10-13 16:04:30,744 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 0/130 +[2024-10-13 16:04:30,901 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 1/130 +[2024-10-13 16:04:31,058 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 2/130 +[2024-10-13 16:04:31,216 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 3/130 +[2024-10-13 16:04:31,373 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 4/130 +[2024-10-13 16:04:31,531 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 5/130 +[2024-10-13 16:04:31,688 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 6/130 +[2024-10-13 16:04:31,847 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 7/130 +[2024-10-13 16:04:32,010 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 8/130 +[2024-10-13 16:04:32,167 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 9/130 +[2024-10-13 16:04:32,325 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 10/130 +[2024-10-13 16:04:32,483 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 11/130 +[2024-10-13 16:04:32,641 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 12/130 +[2024-10-13 16:04:32,799 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 13/130 +[2024-10-13 16:04:32,957 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 14/130 +[2024-10-13 16:04:33,115 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 15/130 +[2024-10-13 16:04:33,273 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 16/130 +[2024-10-13 16:04:33,431 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 17/130 +[2024-10-13 16:04:33,590 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 18/130 +[2024-10-13 16:04:33,748 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 19/130 +[2024-10-13 16:04:33,906 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 20/130 +[2024-10-13 16:04:34,063 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 21/130 +[2024-10-13 16:04:34,221 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 22/130 +[2024-10-13 16:04:34,379 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 23/130 +[2024-10-13 16:04:34,536 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 24/130 +[2024-10-13 16:04:34,694 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 25/130 +[2024-10-13 16:04:34,851 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 26/130 +[2024-10-13 16:04:35,009 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 27/130 +[2024-10-13 16:04:35,167 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 28/130 +[2024-10-13 16:04:35,325 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 29/130 +[2024-10-13 16:04:35,483 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 30/130 +[2024-10-13 16:04:35,640 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 31/130 +[2024-10-13 16:04:35,799 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 32/130 +[2024-10-13 16:04:35,956 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 33/130 +[2024-10-13 16:04:36,115 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 34/130 +[2024-10-13 16:04:36,273 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 35/130 +[2024-10-13 16:04:36,431 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 36/130 +[2024-10-13 16:04:36,590 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 37/130 +[2024-10-13 16:04:36,748 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 38/130 +[2024-10-13 16:04:36,906 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 39/130 +[2024-10-13 16:04:37,053 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 40/130 +[2024-10-13 16:04:37,199 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 41/130 +[2024-10-13 16:04:37,345 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 42/130 +[2024-10-13 16:04:37,491 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 43/130 +[2024-10-13 16:04:37,637 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 44/130 +[2024-10-13 16:04:37,784 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 45/130 +[2024-10-13 16:04:37,930 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 46/130 +[2024-10-13 16:04:38,076 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 47/130 +[2024-10-13 16:04:38,223 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 48/130 +[2024-10-13 16:04:38,369 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 49/130 +[2024-10-13 16:04:38,516 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 50/130 +[2024-10-13 16:04:38,662 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 51/130 +[2024-10-13 16:04:38,809 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 52/130 +[2024-10-13 16:04:38,956 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 53/130 +[2024-10-13 16:04:39,103 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 54/130 +[2024-10-13 16:04:39,250 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 55/130 +[2024-10-13 16:04:39,396 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 56/130 +[2024-10-13 16:04:39,543 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 57/130 +[2024-10-13 16:04:39,690 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 58/130 +[2024-10-13 16:04:39,836 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 59/130 +[2024-10-13 16:04:39,983 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 60/130 +[2024-10-13 16:04:40,130 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 61/130 +[2024-10-13 16:04:40,276 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 62/130 +[2024-10-13 16:04:40,423 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 63/130 +[2024-10-13 16:04:40,570 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 64/130 +[2024-10-13 16:04:40,716 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 65/130 +[2024-10-13 16:04:40,863 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 66/130 +[2024-10-13 16:04:41,009 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 67/130 +[2024-10-13 16:04:41,156 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 68/130 +[2024-10-13 16:04:41,302 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 69/130 +[2024-10-13 16:04:41,449 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 70/130 +[2024-10-13 16:04:41,595 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 71/130 +[2024-10-13 16:04:41,742 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 72/130 +[2024-10-13 16:04:41,888 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 73/130 +[2024-10-13 16:04:42,035 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 74/130 +[2024-10-13 16:04:42,181 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 75/130 +[2024-10-13 16:04:42,328 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 76/130 +[2024-10-13 16:04:42,475 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 77/130 +[2024-10-13 16:04:42,621 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 78/130 +[2024-10-13 16:04:42,768 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 79/130 +[2024-10-13 16:04:42,935 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 80/130 +[2024-10-13 16:04:43,101 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 81/130 +[2024-10-13 16:04:43,268 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 82/130 +[2024-10-13 16:04:43,435 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 83/130 +[2024-10-13 16:04:43,602 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 84/130 +[2024-10-13 16:04:43,769 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 85/130 +[2024-10-13 16:04:43,935 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 86/130 +[2024-10-13 16:04:44,102 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 87/130 +[2024-10-13 16:04:44,268 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 88/130 +[2024-10-13 16:04:44,435 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 89/130 +[2024-10-13 16:04:44,602 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 90/130 +[2024-10-13 16:04:44,769 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 91/130 +[2024-10-13 16:04:44,936 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 92/130 +[2024-10-13 16:04:45,103 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 93/130 +[2024-10-13 16:04:45,270 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 94/130 +[2024-10-13 16:04:45,437 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 95/130 +[2024-10-13 16:04:45,604 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 96/130 +[2024-10-13 16:04:45,771 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 97/130 +[2024-10-13 16:04:45,938 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 98/130 +[2024-10-13 16:04:46,105 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 99/130 +[2024-10-13 16:04:46,271 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 100/130 +[2024-10-13 16:04:46,438 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 101/130 +[2024-10-13 16:04:46,604 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 102/130 +[2024-10-13 16:04:46,771 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 103/130 +[2024-10-13 16:04:46,937 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 104/130 +[2024-10-13 16:04:47,103 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 105/130 +[2024-10-13 16:04:47,270 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 106/130 +[2024-10-13 16:04:47,436 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 107/130 +[2024-10-13 16:04:47,602 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 108/130 +[2024-10-13 16:04:47,769 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 109/130 +[2024-10-13 16:04:47,935 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 110/130 +[2024-10-13 16:04:48,102 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 111/130 +[2024-10-13 16:04:48,268 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 112/130 +[2024-10-13 16:04:48,435 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 113/130 +[2024-10-13 16:04:48,601 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 114/130 +[2024-10-13 16:04:48,768 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 115/130 +[2024-10-13 16:04:48,934 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 116/130 +[2024-10-13 16:04:49,101 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 117/130 +[2024-10-13 16:04:49,267 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 118/130 +[2024-10-13 16:04:49,434 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 119/130 +[2024-10-13 16:04:49,591 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 120/130 +[2024-10-13 16:04:49,749 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 121/130 +[2024-10-13 16:04:49,907 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 122/130 +[2024-10-13 16:04:50,065 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 123/130 +[2024-10-13 16:04:50,223 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 124/130 +[2024-10-13 16:04:50,381 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 125/130 +[2024-10-13 16:04:50,539 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 126/130 +[2024-10-13 16:04:50,696 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 127/130 +[2024-10-13 16:04:50,854 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 128/130 +[2024-10-13 16:04:51,011 INFO test.py line 186 25394] Test: 107/312-scene0081_01, Batch: 129/130 +[2024-10-13 16:04:51,242 INFO test.py line 272 25394] Test: scene0081_01 [107/312]-179955 Batch 20.684 (19.932) Accuracy 0.8669 (0.4438) mIoU 0.2131 (0.3439) +[2024-10-13 16:04:51,376 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 0/131 +[2024-10-13 16:04:51,493 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 1/131 +[2024-10-13 16:04:51,610 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 2/131 +[2024-10-13 16:04:51,728 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 3/131 +[2024-10-13 16:04:51,846 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 4/131 +[2024-10-13 16:04:51,964 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 5/131 +[2024-10-13 16:04:52,082 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 6/131 +[2024-10-13 16:04:52,200 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 7/131 +[2024-10-13 16:04:52,318 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 8/131 +[2024-10-13 16:04:52,435 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 9/131 +[2024-10-13 16:04:52,553 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 10/131 +[2024-10-13 16:04:52,670 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 11/131 +[2024-10-13 16:04:52,787 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 12/131 +[2024-10-13 16:04:52,904 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 13/131 +[2024-10-13 16:04:53,021 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 14/131 +[2024-10-13 16:04:53,139 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 15/131 +[2024-10-13 16:04:53,256 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 16/131 +[2024-10-13 16:04:53,373 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 17/131 +[2024-10-13 16:04:53,490 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 18/131 +[2024-10-13 16:04:53,607 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 19/131 +[2024-10-13 16:04:53,724 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 20/131 +[2024-10-13 16:04:53,884 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 21/131 +[2024-10-13 16:04:54,002 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 22/131 +[2024-10-13 16:04:54,121 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 23/131 +[2024-10-13 16:04:54,239 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 24/131 +[2024-10-13 16:04:54,356 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 25/131 +[2024-10-13 16:04:54,473 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 26/131 +[2024-10-13 16:04:54,590 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 27/131 +[2024-10-13 16:04:54,707 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 28/131 +[2024-10-13 16:04:54,825 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 29/131 +[2024-10-13 16:04:54,942 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 30/131 +[2024-10-13 16:04:55,059 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 31/131 +[2024-10-13 16:04:55,177 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 32/131 +[2024-10-13 16:04:55,294 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 33/131 +[2024-10-13 16:04:55,412 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 34/131 +[2024-10-13 16:04:55,530 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 35/131 +[2024-10-13 16:04:55,647 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 36/131 +[2024-10-13 16:04:55,765 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 37/131 +[2024-10-13 16:04:55,882 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 38/131 +[2024-10-13 16:04:56,000 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 39/131 +[2024-10-13 16:04:56,117 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 40/131 +[2024-10-13 16:04:56,235 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 41/131 +[2024-10-13 16:04:56,352 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 42/131 +[2024-10-13 16:04:56,469 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 43/131 +[2024-10-13 16:04:56,580 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 44/131 +[2024-10-13 16:04:56,690 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 45/131 +[2024-10-13 16:04:56,801 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 46/131 +[2024-10-13 16:04:56,911 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 47/131 +[2024-10-13 16:04:57,021 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 48/131 +[2024-10-13 16:04:57,132 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 49/131 +[2024-10-13 16:04:57,242 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 50/131 +[2024-10-13 16:04:57,353 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 51/131 +[2024-10-13 16:04:57,463 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 52/131 +[2024-10-13 16:04:57,573 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 53/131 +[2024-10-13 16:04:57,684 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 54/131 +[2024-10-13 16:04:57,794 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 55/131 +[2024-10-13 16:04:57,904 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 56/131 +[2024-10-13 16:04:58,014 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 57/131 +[2024-10-13 16:04:58,124 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 58/131 +[2024-10-13 16:04:58,235 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 59/131 +[2024-10-13 16:04:58,345 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 60/131 +[2024-10-13 16:04:58,455 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 61/131 +[2024-10-13 16:04:58,565 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 62/131 +[2024-10-13 16:04:58,675 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 63/131 +[2024-10-13 16:04:58,786 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 64/131 +[2024-10-13 16:04:58,896 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 65/131 +[2024-10-13 16:04:59,006 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 66/131 +[2024-10-13 16:04:59,116 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 67/131 +[2024-10-13 16:04:59,227 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 68/131 +[2024-10-13 16:04:59,337 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 69/131 +[2024-10-13 16:04:59,448 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 70/131 +[2024-10-13 16:04:59,558 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 71/131 +[2024-10-13 16:04:59,668 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 72/131 +[2024-10-13 16:04:59,778 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 73/131 +[2024-10-13 16:04:59,888 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 74/131 +[2024-10-13 16:04:59,998 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 75/131 +[2024-10-13 16:05:00,108 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 76/131 +[2024-10-13 16:05:00,219 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 77/131 +[2024-10-13 16:05:00,330 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 78/131 +[2024-10-13 16:05:00,442 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 79/131 +[2024-10-13 16:05:00,553 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 80/131 +[2024-10-13 16:05:00,664 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 81/131 +[2024-10-13 16:05:00,775 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 82/131 +[2024-10-13 16:05:00,887 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 83/131 +[2024-10-13 16:05:00,998 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 84/131 +[2024-10-13 16:05:01,109 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 85/131 +[2024-10-13 16:05:01,220 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 86/131 +[2024-10-13 16:05:01,331 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 87/131 +[2024-10-13 16:05:01,454 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 88/131 +[2024-10-13 16:05:01,577 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 89/131 +[2024-10-13 16:05:01,701 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 90/131 +[2024-10-13 16:05:01,824 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 91/131 +[2024-10-13 16:05:01,948 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 92/131 +[2024-10-13 16:05:02,071 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 93/131 +[2024-10-13 16:05:02,195 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 94/131 +[2024-10-13 16:05:02,318 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 95/131 +[2024-10-13 16:05:02,442 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 96/131 +[2024-10-13 16:05:02,565 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 97/131 +[2024-10-13 16:05:02,689 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 98/131 +[2024-10-13 16:05:02,812 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 99/131 +[2024-10-13 16:05:02,935 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 100/131 +[2024-10-13 16:05:03,059 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 101/131 +[2024-10-13 16:05:03,182 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 102/131 +[2024-10-13 16:05:03,306 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 103/131 +[2024-10-13 16:05:03,430 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 104/131 +[2024-10-13 16:05:03,554 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 105/131 +[2024-10-13 16:05:03,678 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 106/131 +[2024-10-13 16:05:03,802 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 107/131 +[2024-10-13 16:05:03,926 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 108/131 +[2024-10-13 16:05:04,049 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 109/131 +[2024-10-13 16:05:04,173 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 110/131 +[2024-10-13 16:05:04,297 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 111/131 +[2024-10-13 16:05:04,421 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 112/131 +[2024-10-13 16:05:04,545 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 113/131 +[2024-10-13 16:05:04,669 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 114/131 +[2024-10-13 16:05:04,793 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 115/131 +[2024-10-13 16:05:04,917 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 116/131 +[2024-10-13 16:05:05,041 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 117/131 +[2024-10-13 16:05:05,165 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 118/131 +[2024-10-13 16:05:05,289 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 119/131 +[2024-10-13 16:05:05,406 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 120/131 +[2024-10-13 16:05:05,523 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 121/131 +[2024-10-13 16:05:05,641 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 122/131 +[2024-10-13 16:05:05,758 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 123/131 +[2024-10-13 16:05:05,876 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 124/131 +[2024-10-13 16:05:05,993 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 125/131 +[2024-10-13 16:05:06,110 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 126/131 +[2024-10-13 16:05:06,228 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 127/131 +[2024-10-13 16:05:06,345 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 128/131 +[2024-10-13 16:05:06,462 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 129/131 +[2024-10-13 16:05:06,580 INFO test.py line 186 25394] Test: 108/312-scene0086_00, Batch: 130/131 +[2024-10-13 16:05:06,740 INFO test.py line 272 25394] Test: scene0086_00 [108/312]-124572 Batch 15.497 (19.891) Accuracy 0.7503 (0.4396) mIoU 0.3512 (0.3401) +[2024-10-13 16:05:06,817 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 0/144 +[2024-10-13 16:05:06,883 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 1/144 +[2024-10-13 16:05:06,949 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 2/144 +[2024-10-13 16:05:07,015 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 3/144 +[2024-10-13 16:05:07,082 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 4/144 +[2024-10-13 16:05:07,148 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 5/144 +[2024-10-13 16:05:07,214 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 6/144 +[2024-10-13 16:05:07,280 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 7/144 +[2024-10-13 16:05:07,347 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 8/144 +[2024-10-13 16:05:07,413 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 9/144 +[2024-10-13 16:05:07,479 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 10/144 +[2024-10-13 16:05:07,545 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 11/144 +[2024-10-13 16:05:07,612 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 12/144 +[2024-10-13 16:05:07,726 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 13/144 +[2024-10-13 16:05:07,795 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 14/144 +[2024-10-13 16:05:07,862 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 15/144 +[2024-10-13 16:05:07,929 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 16/144 +[2024-10-13 16:05:07,996 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 17/144 +[2024-10-13 16:05:08,063 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 18/144 +[2024-10-13 16:05:08,131 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 19/144 +[2024-10-13 16:05:08,198 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 20/144 +[2024-10-13 16:05:08,265 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 21/144 +[2024-10-13 16:05:08,332 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 22/144 +[2024-10-13 16:05:08,399 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 23/144 +[2024-10-13 16:05:08,466 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 24/144 +[2024-10-13 16:05:08,533 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 25/144 +[2024-10-13 16:05:08,600 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 26/144 +[2024-10-13 16:05:08,667 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 27/144 +[2024-10-13 16:05:08,734 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 28/144 +[2024-10-13 16:05:08,801 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 29/144 +[2024-10-13 16:05:08,868 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 30/144 +[2024-10-13 16:05:08,935 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 31/144 +[2024-10-13 16:05:09,002 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 32/144 +[2024-10-13 16:05:09,069 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 33/144 +[2024-10-13 16:05:09,136 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 34/144 +[2024-10-13 16:05:09,203 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 35/144 +[2024-10-13 16:05:09,270 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 36/144 +[2024-10-13 16:05:09,336 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 37/144 +[2024-10-13 16:05:09,402 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 38/144 +[2024-10-13 16:05:09,469 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 39/144 +[2024-10-13 16:05:09,535 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 40/144 +[2024-10-13 16:05:09,601 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 41/144 +[2024-10-13 16:05:09,668 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 42/144 +[2024-10-13 16:05:09,735 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 43/144 +[2024-10-13 16:05:09,801 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 44/144 +[2024-10-13 16:05:09,868 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 45/144 +[2024-10-13 16:05:09,934 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 46/144 +[2024-10-13 16:05:10,001 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 47/144 +[2024-10-13 16:05:10,065 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 48/144 +[2024-10-13 16:05:10,129 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 49/144 +[2024-10-13 16:05:10,193 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 50/144 +[2024-10-13 16:05:10,256 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 51/144 +[2024-10-13 16:05:10,321 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 52/144 +[2024-10-13 16:05:10,384 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 53/144 +[2024-10-13 16:05:10,448 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 54/144 +[2024-10-13 16:05:10,512 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 55/144 +[2024-10-13 16:05:10,576 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 56/144 +[2024-10-13 16:05:10,640 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 57/144 +[2024-10-13 16:05:10,704 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 58/144 +[2024-10-13 16:05:10,768 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 59/144 +[2024-10-13 16:05:10,832 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 60/144 +[2024-10-13 16:05:10,896 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 61/144 +[2024-10-13 16:05:10,960 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 62/144 +[2024-10-13 16:05:11,024 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 63/144 +[2024-10-13 16:05:11,088 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 64/144 +[2024-10-13 16:05:11,152 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 65/144 +[2024-10-13 16:05:11,216 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 66/144 +[2024-10-13 16:05:11,281 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 67/144 +[2024-10-13 16:05:11,345 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 68/144 +[2024-10-13 16:05:11,409 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 69/144 +[2024-10-13 16:05:11,473 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 70/144 +[2024-10-13 16:05:11,537 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 71/144 +[2024-10-13 16:05:11,602 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 72/144 +[2024-10-13 16:05:11,666 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 73/144 +[2024-10-13 16:05:11,730 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 74/144 +[2024-10-13 16:05:11,794 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 75/144 +[2024-10-13 16:05:11,859 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 76/144 +[2024-10-13 16:05:11,923 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 77/144 +[2024-10-13 16:05:11,987 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 78/144 +[2024-10-13 16:05:12,052 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 79/144 +[2024-10-13 16:05:12,116 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 80/144 +[2024-10-13 16:05:12,180 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 81/144 +[2024-10-13 16:05:12,244 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 82/144 +[2024-10-13 16:05:12,309 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 83/144 +[2024-10-13 16:05:12,373 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 84/144 +[2024-10-13 16:05:12,438 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 85/144 +[2024-10-13 16:05:12,502 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 86/144 +[2024-10-13 16:05:12,567 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 87/144 +[2024-10-13 16:05:12,631 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 88/144 +[2024-10-13 16:05:12,696 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 89/144 +[2024-10-13 16:05:12,761 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 90/144 +[2024-10-13 16:05:12,825 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 91/144 +[2024-10-13 16:05:12,890 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 92/144 +[2024-10-13 16:05:12,954 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 93/144 +[2024-10-13 16:05:13,019 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 94/144 +[2024-10-13 16:05:13,084 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 95/144 +[2024-10-13 16:05:13,153 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 96/144 +[2024-10-13 16:05:13,222 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 97/144 +[2024-10-13 16:05:13,292 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 98/144 +[2024-10-13 16:05:13,361 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 99/144 +[2024-10-13 16:05:13,431 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 100/144 +[2024-10-13 16:05:13,500 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 101/144 +[2024-10-13 16:05:13,569 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 102/144 +[2024-10-13 16:05:13,639 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 103/144 +[2024-10-13 16:05:13,708 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 104/144 +[2024-10-13 16:05:13,777 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 105/144 +[2024-10-13 16:05:13,847 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 106/144 +[2024-10-13 16:05:13,916 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 107/144 +[2024-10-13 16:05:13,985 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 108/144 +[2024-10-13 16:05:14,054 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 109/144 +[2024-10-13 16:05:14,124 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 110/144 +[2024-10-13 16:05:14,193 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 111/144 +[2024-10-13 16:05:14,262 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 112/144 +[2024-10-13 16:05:14,331 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 113/144 +[2024-10-13 16:05:14,401 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 114/144 +[2024-10-13 16:05:14,470 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 115/144 +[2024-10-13 16:05:14,539 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 116/144 +[2024-10-13 16:05:14,608 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 117/144 +[2024-10-13 16:05:14,677 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 118/144 +[2024-10-13 16:05:14,747 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 119/144 +[2024-10-13 16:05:14,816 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 120/144 +[2024-10-13 16:05:14,885 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 121/144 +[2024-10-13 16:05:14,955 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 122/144 +[2024-10-13 16:05:15,024 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 123/144 +[2024-10-13 16:05:15,094 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 124/144 +[2024-10-13 16:05:15,163 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 125/144 +[2024-10-13 16:05:15,232 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 126/144 +[2024-10-13 16:05:15,302 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 127/144 +[2024-10-13 16:05:15,371 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 128/144 +[2024-10-13 16:05:15,441 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 129/144 +[2024-10-13 16:05:15,510 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 130/144 +[2024-10-13 16:05:15,579 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 131/144 +[2024-10-13 16:05:15,646 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 132/144 +[2024-10-13 16:05:15,713 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 133/144 +[2024-10-13 16:05:15,780 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 134/144 +[2024-10-13 16:05:15,847 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 135/144 +[2024-10-13 16:05:15,914 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 136/144 +[2024-10-13 16:05:15,982 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 137/144 +[2024-10-13 16:05:16,049 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 138/144 +[2024-10-13 16:05:16,116 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 139/144 +[2024-10-13 16:05:16,183 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 140/144 +[2024-10-13 16:05:16,250 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 141/144 +[2024-10-13 16:05:16,317 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 142/144 +[2024-10-13 16:05:16,384 INFO test.py line 186 25394] Test: 109/312-scene0702_00, Batch: 143/144 +[2024-10-13 16:05:16,459 INFO test.py line 272 25394] Test: scene0702_00 [109/312]-54769 Batch 9.719 (19.798) Accuracy 0.9098 (0.4425) mIoU 0.7354 (0.3424) +[2024-10-13 16:05:16,591 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 0/117 +[2024-10-13 16:05:16,708 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 1/117 +[2024-10-13 16:05:16,825 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 2/117 +[2024-10-13 16:05:16,942 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 3/117 +[2024-10-13 16:05:17,058 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 4/117 +[2024-10-13 16:05:17,175 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 5/117 +[2024-10-13 16:05:17,292 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 6/117 +[2024-10-13 16:05:17,409 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 7/117 +[2024-10-13 16:05:17,525 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 8/117 +[2024-10-13 16:05:17,643 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 9/117 +[2024-10-13 16:05:17,761 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 10/117 +[2024-10-13 16:05:17,879 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 11/117 +[2024-10-13 16:05:17,997 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 12/117 +[2024-10-13 16:05:18,115 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 13/117 +[2024-10-13 16:05:18,233 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 14/117 +[2024-10-13 16:05:18,351 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 15/117 +[2024-10-13 16:05:18,469 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 16/117 +[2024-10-13 16:05:18,587 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 17/117 +[2024-10-13 16:05:18,704 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 18/117 +[2024-10-13 16:05:18,821 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 19/117 +[2024-10-13 16:05:18,938 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 20/117 +[2024-10-13 16:05:19,055 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 21/117 +[2024-10-13 16:05:19,172 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 22/117 +[2024-10-13 16:05:19,289 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 23/117 +[2024-10-13 16:05:19,406 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 24/117 +[2024-10-13 16:05:19,523 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 25/117 +[2024-10-13 16:05:19,643 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 26/117 +[2024-10-13 16:05:19,801 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 27/117 +[2024-10-13 16:05:19,920 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 28/117 +[2024-10-13 16:05:20,037 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 29/117 +[2024-10-13 16:05:20,155 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 30/117 +[2024-10-13 16:05:20,271 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 31/117 +[2024-10-13 16:05:20,388 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 32/117 +[2024-10-13 16:05:20,505 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 33/117 +[2024-10-13 16:05:20,622 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 34/117 +[2024-10-13 16:05:20,739 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 35/117 +[2024-10-13 16:05:20,851 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 36/117 +[2024-10-13 16:05:20,962 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 37/117 +[2024-10-13 16:05:21,073 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 38/117 +[2024-10-13 16:05:21,184 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 39/117 +[2024-10-13 16:05:21,295 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 40/117 +[2024-10-13 16:05:21,405 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 41/117 +[2024-10-13 16:05:21,516 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 42/117 +[2024-10-13 16:05:21,627 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 43/117 +[2024-10-13 16:05:21,738 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 44/117 +[2024-10-13 16:05:21,849 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 45/117 +[2024-10-13 16:05:21,959 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 46/117 +[2024-10-13 16:05:22,070 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 47/117 +[2024-10-13 16:05:22,180 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 48/117 +[2024-10-13 16:05:22,290 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 49/117 +[2024-10-13 16:05:22,400 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 50/117 +[2024-10-13 16:05:22,511 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 51/117 +[2024-10-13 16:05:22,621 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 52/117 +[2024-10-13 16:05:22,731 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 53/117 +[2024-10-13 16:05:22,842 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 54/117 +[2024-10-13 16:05:22,952 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 55/117 +[2024-10-13 16:05:23,062 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 56/117 +[2024-10-13 16:05:23,173 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 57/117 +[2024-10-13 16:05:23,283 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 58/117 +[2024-10-13 16:05:23,394 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 59/117 +[2024-10-13 16:05:23,504 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 60/117 +[2024-10-13 16:05:23,615 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 61/117 +[2024-10-13 16:05:23,726 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 62/117 +[2024-10-13 16:05:23,837 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 63/117 +[2024-10-13 16:05:23,947 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 64/117 +[2024-10-13 16:05:24,058 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 65/117 +[2024-10-13 16:05:24,169 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 66/117 +[2024-10-13 16:05:24,279 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 67/117 +[2024-10-13 16:05:24,389 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 68/117 +[2024-10-13 16:05:24,499 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 69/117 +[2024-10-13 16:05:24,609 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 70/117 +[2024-10-13 16:05:24,719 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 71/117 +[2024-10-13 16:05:24,829 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 72/117 +[2024-10-13 16:05:24,940 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 73/117 +[2024-10-13 16:05:25,050 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 74/117 +[2024-10-13 16:05:25,160 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 75/117 +[2024-10-13 16:05:25,283 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 76/117 +[2024-10-13 16:05:25,407 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 77/117 +[2024-10-13 16:05:25,531 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 78/117 +[2024-10-13 16:05:25,655 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 79/117 +[2024-10-13 16:05:25,778 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 80/117 +[2024-10-13 16:05:25,902 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 81/117 +[2024-10-13 16:05:26,026 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 82/117 +[2024-10-13 16:05:26,150 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 83/117 +[2024-10-13 16:05:26,274 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 84/117 +[2024-10-13 16:05:26,398 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 85/117 +[2024-10-13 16:05:26,522 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 86/117 +[2024-10-13 16:05:26,646 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 87/117 +[2024-10-13 16:05:26,770 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 88/117 +[2024-10-13 16:05:26,894 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 89/117 +[2024-10-13 16:05:27,019 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 90/117 +[2024-10-13 16:05:27,143 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 91/117 +[2024-10-13 16:05:27,266 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 92/117 +[2024-10-13 16:05:27,390 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 93/117 +[2024-10-13 16:05:27,514 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 94/117 +[2024-10-13 16:05:27,637 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 95/117 +[2024-10-13 16:05:27,761 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 96/117 +[2024-10-13 16:05:27,885 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 97/117 +[2024-10-13 16:05:28,009 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 98/117 +[2024-10-13 16:05:28,133 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 99/117 +[2024-10-13 16:05:28,257 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 100/117 +[2024-10-13 16:05:28,382 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 101/117 +[2024-10-13 16:05:28,507 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 102/117 +[2024-10-13 16:05:28,631 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 103/117 +[2024-10-13 16:05:28,756 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 104/117 +[2024-10-13 16:05:28,881 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 105/117 +[2024-10-13 16:05:29,005 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 106/117 +[2024-10-13 16:05:29,130 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 107/117 +[2024-10-13 16:05:29,247 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 108/117 +[2024-10-13 16:05:29,364 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 109/117 +[2024-10-13 16:05:29,480 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 110/117 +[2024-10-13 16:05:29,597 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 111/117 +[2024-10-13 16:05:29,714 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 112/117 +[2024-10-13 16:05:29,831 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 113/117 +[2024-10-13 16:05:29,948 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 114/117 +[2024-10-13 16:05:30,065 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 115/117 +[2024-10-13 16:05:30,182 INFO test.py line 186 25394] Test: 110/312-scene0552_00, Batch: 116/117 +[2024-10-13 16:05:30,356 INFO test.py line 272 25394] Test: scene0552_00 [110/312]-123103 Batch 13.897 (19.744) Accuracy 0.9523 (0.4473) mIoU 0.6822 (0.3471) +[2024-10-13 16:05:30,424 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 0/116 +[2024-10-13 16:05:30,482 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 1/116 +[2024-10-13 16:05:30,540 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 2/116 +[2024-10-13 16:05:30,598 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 3/116 +[2024-10-13 16:05:30,657 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 4/116 +[2024-10-13 16:05:30,715 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 5/116 +[2024-10-13 16:05:30,774 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 6/116 +[2024-10-13 16:05:30,832 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 7/116 +[2024-10-13 16:05:30,890 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 8/116 +[2024-10-13 16:05:30,949 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 9/116 +[2024-10-13 16:05:31,007 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 10/116 +[2024-10-13 16:05:31,065 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 11/116 +[2024-10-13 16:05:31,124 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 12/116 +[2024-10-13 16:05:31,182 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 13/116 +[2024-10-13 16:05:31,240 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 14/116 +[2024-10-13 16:05:31,299 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 15/116 +[2024-10-13 16:05:31,357 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 16/116 +[2024-10-13 16:05:31,415 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 17/116 +[2024-10-13 16:05:31,473 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 18/116 +[2024-10-13 16:05:31,531 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 19/116 +[2024-10-13 16:05:31,589 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 20/116 +[2024-10-13 16:05:31,648 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 21/116 +[2024-10-13 16:05:31,706 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 22/116 +[2024-10-13 16:05:31,764 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 23/116 +[2024-10-13 16:05:31,822 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 24/116 +[2024-10-13 16:05:31,880 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 25/116 +[2024-10-13 16:05:31,938 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 26/116 +[2024-10-13 16:05:31,996 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 27/116 +[2024-10-13 16:05:32,055 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 28/116 +[2024-10-13 16:05:32,113 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 29/116 +[2024-10-13 16:05:32,171 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 30/116 +[2024-10-13 16:05:32,229 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 31/116 +[2024-10-13 16:05:32,286 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 32/116 +[2024-10-13 16:05:32,343 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 33/116 +[2024-10-13 16:05:32,400 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 34/116 +[2024-10-13 16:05:32,457 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 35/116 +[2024-10-13 16:05:32,514 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 36/116 +[2024-10-13 16:05:32,571 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 37/116 +[2024-10-13 16:05:32,627 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 38/116 +[2024-10-13 16:05:32,684 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 39/116 +[2024-10-13 16:05:32,741 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 40/116 +[2024-10-13 16:05:32,798 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 41/116 +[2024-10-13 16:05:32,855 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 42/116 +[2024-10-13 16:05:32,912 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 43/116 +[2024-10-13 16:05:32,969 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 44/116 +[2024-10-13 16:05:33,026 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 45/116 +[2024-10-13 16:05:33,083 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 46/116 +[2024-10-13 16:05:33,140 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 47/116 +[2024-10-13 16:05:33,197 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 48/116 +[2024-10-13 16:05:33,254 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 49/116 +[2024-10-13 16:05:33,311 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 50/116 +[2024-10-13 16:05:33,368 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 51/116 +[2024-10-13 16:05:33,425 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 52/116 +[2024-10-13 16:05:33,482 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 53/116 +[2024-10-13 16:05:33,539 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 54/116 +[2024-10-13 16:05:33,596 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 55/116 +[2024-10-13 16:05:33,653 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 56/116 +[2024-10-13 16:05:33,710 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 57/116 +[2024-10-13 16:05:33,767 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 58/116 +[2024-10-13 16:05:33,823 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 59/116 +[2024-10-13 16:05:33,880 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 60/116 +[2024-10-13 16:05:33,937 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 61/116 +[2024-10-13 16:05:33,994 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 62/116 +[2024-10-13 16:05:34,051 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 63/116 +[2024-10-13 16:05:34,108 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 64/116 +[2024-10-13 16:05:34,165 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 65/116 +[2024-10-13 16:05:34,222 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 66/116 +[2024-10-13 16:05:34,279 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 67/116 +[2024-10-13 16:05:34,336 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 68/116 +[2024-10-13 16:05:34,392 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 69/116 +[2024-10-13 16:05:34,449 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 70/116 +[2024-10-13 16:05:34,506 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 71/116 +[2024-10-13 16:05:34,563 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 72/116 +[2024-10-13 16:05:34,620 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 73/116 +[2024-10-13 16:05:34,677 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 74/116 +[2024-10-13 16:05:34,734 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 75/116 +[2024-10-13 16:05:34,793 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 76/116 +[2024-10-13 16:05:34,853 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 77/116 +[2024-10-13 16:05:34,913 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 78/116 +[2024-10-13 16:05:34,973 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 79/116 +[2024-10-13 16:05:35,033 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 80/116 +[2024-10-13 16:05:35,092 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 81/116 +[2024-10-13 16:05:35,152 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 82/116 +[2024-10-13 16:05:35,212 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 83/116 +[2024-10-13 16:05:35,271 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 84/116 +[2024-10-13 16:05:35,331 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 85/116 +[2024-10-13 16:05:35,390 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 86/116 +[2024-10-13 16:05:35,450 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 87/116 +[2024-10-13 16:05:35,510 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 88/116 +[2024-10-13 16:05:35,570 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 89/116 +[2024-10-13 16:05:35,629 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 90/116 +[2024-10-13 16:05:35,689 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 91/116 +[2024-10-13 16:05:35,748 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 92/116 +[2024-10-13 16:05:35,808 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 93/116 +[2024-10-13 16:05:35,868 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 94/116 +[2024-10-13 16:05:35,927 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 95/116 +[2024-10-13 16:05:35,987 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 96/116 +[2024-10-13 16:05:36,047 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 97/116 +[2024-10-13 16:05:36,106 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 98/116 +[2024-10-13 16:05:36,166 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 99/116 +[2024-10-13 16:05:36,226 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 100/116 +[2024-10-13 16:05:36,285 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 101/116 +[2024-10-13 16:05:36,345 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 102/116 +[2024-10-13 16:05:36,405 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 103/116 +[2024-10-13 16:05:36,465 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 104/116 +[2024-10-13 16:05:36,524 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 105/116 +[2024-10-13 16:05:36,584 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 106/116 +[2024-10-13 16:05:36,643 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 107/116 +[2024-10-13 16:05:36,702 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 108/116 +[2024-10-13 16:05:36,760 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 109/116 +[2024-10-13 16:05:36,818 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 110/116 +[2024-10-13 16:05:36,876 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 111/116 +[2024-10-13 16:05:36,934 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 112/116 +[2024-10-13 16:05:36,992 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 113/116 +[2024-10-13 16:05:37,051 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 114/116 +[2024-10-13 16:05:37,109 INFO test.py line 186 25394] Test: 111/312-scene0423_01, Batch: 115/116 +[2024-10-13 16:05:37,168 INFO test.py line 272 25394] Test: scene0423_01 [111/312]-41518 Batch 6.811 (19.627) Accuracy 0.9994 (0.4477) mIoU 0.9943 (0.3475) +[2024-10-13 16:05:37,303 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 0/142 +[2024-10-13 16:05:37,419 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 1/142 +[2024-10-13 16:05:37,536 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 2/142 +[2024-10-13 16:05:37,653 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 3/142 +[2024-10-13 16:05:37,770 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 4/142 +[2024-10-13 16:05:37,887 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 5/142 +[2024-10-13 16:05:38,005 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 6/142 +[2024-10-13 16:05:38,122 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 7/142 +[2024-10-13 16:05:38,240 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 8/142 +[2024-10-13 16:05:38,362 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 9/142 +[2024-10-13 16:05:38,489 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 10/142 +[2024-10-13 16:05:38,611 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 11/142 +[2024-10-13 16:05:38,733 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 12/142 +[2024-10-13 16:05:38,855 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 13/142 +[2024-10-13 16:05:38,998 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 14/142 +[2024-10-13 16:05:39,122 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 15/142 +[2024-10-13 16:05:39,246 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 16/142 +[2024-10-13 16:05:39,369 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 17/142 +[2024-10-13 16:05:39,492 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 18/142 +[2024-10-13 16:05:39,614 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 19/142 +[2024-10-13 16:05:39,733 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 20/142 +[2024-10-13 16:05:39,852 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 21/142 +[2024-10-13 16:05:39,971 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 22/142 +[2024-10-13 16:05:40,090 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 23/142 +[2024-10-13 16:05:40,209 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 24/142 +[2024-10-13 16:05:40,327 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 25/142 +[2024-10-13 16:05:40,446 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 26/142 +[2024-10-13 16:05:40,564 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 27/142 +[2024-10-13 16:05:40,683 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 28/142 +[2024-10-13 16:05:40,801 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 29/142 +[2024-10-13 16:05:40,918 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 30/142 +[2024-10-13 16:05:41,036 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 31/142 +[2024-10-13 16:05:41,153 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 32/142 +[2024-10-13 16:05:41,270 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 33/142 +[2024-10-13 16:05:41,388 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 34/142 +[2024-10-13 16:05:41,505 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 35/142 +[2024-10-13 16:05:41,622 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 36/142 +[2024-10-13 16:05:41,740 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 37/142 +[2024-10-13 16:05:41,857 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 38/142 +[2024-10-13 16:05:41,974 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 39/142 +[2024-10-13 16:05:42,085 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 40/142 +[2024-10-13 16:05:42,196 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 41/142 +[2024-10-13 16:05:42,307 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 42/142 +[2024-10-13 16:05:42,419 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 43/142 +[2024-10-13 16:05:42,530 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 44/142 +[2024-10-13 16:05:42,641 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 45/142 +[2024-10-13 16:05:42,752 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 46/142 +[2024-10-13 16:05:42,864 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 47/142 +[2024-10-13 16:05:42,975 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 48/142 +[2024-10-13 16:05:43,086 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 49/142 +[2024-10-13 16:05:43,197 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 50/142 +[2024-10-13 16:05:43,308 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 51/142 +[2024-10-13 16:05:43,420 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 52/142 +[2024-10-13 16:05:43,531 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 53/142 +[2024-10-13 16:05:43,642 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 54/142 +[2024-10-13 16:05:43,754 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 55/142 +[2024-10-13 16:05:43,865 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 56/142 +[2024-10-13 16:05:43,976 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 57/142 +[2024-10-13 16:05:44,087 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 58/142 +[2024-10-13 16:05:44,198 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 59/142 +[2024-10-13 16:05:44,309 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 60/142 +[2024-10-13 16:05:44,422 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 61/142 +[2024-10-13 16:05:44,540 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 62/142 +[2024-10-13 16:05:44,651 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 63/142 +[2024-10-13 16:05:44,762 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 64/142 +[2024-10-13 16:05:44,874 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 65/142 +[2024-10-13 16:05:44,985 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 66/142 +[2024-10-13 16:05:45,097 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 67/142 +[2024-10-13 16:05:45,208 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 68/142 +[2024-10-13 16:05:45,362 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 69/142 +[2024-10-13 16:05:45,474 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 70/142 +[2024-10-13 16:05:45,586 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 71/142 +[2024-10-13 16:05:45,699 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 72/142 +[2024-10-13 16:05:45,812 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 73/142 +[2024-10-13 16:05:45,924 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 74/142 +[2024-10-13 16:05:46,037 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 75/142 +[2024-10-13 16:05:46,148 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 76/142 +[2024-10-13 16:05:46,260 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 77/142 +[2024-10-13 16:05:46,371 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 78/142 +[2024-10-13 16:05:46,482 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 79/142 +[2024-10-13 16:05:46,594 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 80/142 +[2024-10-13 16:05:46,705 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 81/142 +[2024-10-13 16:05:46,816 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 82/142 +[2024-10-13 16:05:46,928 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 83/142 +[2024-10-13 16:05:47,039 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 84/142 +[2024-10-13 16:05:47,150 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 85/142 +[2024-10-13 16:05:47,261 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 86/142 +[2024-10-13 16:05:47,373 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 87/142 +[2024-10-13 16:05:47,484 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 88/142 +[2024-10-13 16:05:47,595 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 89/142 +[2024-10-13 16:05:47,706 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 90/142 +[2024-10-13 16:05:47,817 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 91/142 +[2024-10-13 16:05:47,941 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 92/142 +[2024-10-13 16:05:48,065 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 93/142 +[2024-10-13 16:05:48,189 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 94/142 +[2024-10-13 16:05:48,313 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 95/142 +[2024-10-13 16:05:48,437 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 96/142 +[2024-10-13 16:05:48,561 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 97/142 +[2024-10-13 16:05:48,685 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 98/142 +[2024-10-13 16:05:48,809 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 99/142 +[2024-10-13 16:05:48,933 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 100/142 +[2024-10-13 16:05:49,057 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 101/142 +[2024-10-13 16:05:49,182 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 102/142 +[2024-10-13 16:05:49,306 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 103/142 +[2024-10-13 16:05:49,431 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 104/142 +[2024-10-13 16:05:49,555 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 105/142 +[2024-10-13 16:05:49,679 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 106/142 +[2024-10-13 16:05:49,803 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 107/142 +[2024-10-13 16:05:49,928 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 108/142 +[2024-10-13 16:05:50,052 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 109/142 +[2024-10-13 16:05:50,176 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 110/142 +[2024-10-13 16:05:50,300 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 111/142 +[2024-10-13 16:05:50,425 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 112/142 +[2024-10-13 16:05:50,551 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 113/142 +[2024-10-13 16:05:50,676 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 114/142 +[2024-10-13 16:05:50,801 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 115/142 +[2024-10-13 16:05:50,926 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 116/142 +[2024-10-13 16:05:51,052 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 117/142 +[2024-10-13 16:05:51,177 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 118/142 +[2024-10-13 16:05:51,302 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 119/142 +[2024-10-13 16:05:51,427 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 120/142 +[2024-10-13 16:05:51,552 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 121/142 +[2024-10-13 16:05:51,677 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 122/142 +[2024-10-13 16:05:51,801 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 123/142 +[2024-10-13 16:05:51,925 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 124/142 +[2024-10-13 16:05:52,049 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 125/142 +[2024-10-13 16:05:52,173 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 126/142 +[2024-10-13 16:05:52,298 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 127/142 +[2024-10-13 16:05:52,422 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 128/142 +[2024-10-13 16:05:52,546 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 129/142 +[2024-10-13 16:05:52,670 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 130/142 +[2024-10-13 16:05:52,795 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 131/142 +[2024-10-13 16:05:52,914 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 132/142 +[2024-10-13 16:05:53,032 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 133/142 +[2024-10-13 16:05:53,151 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 134/142 +[2024-10-13 16:05:53,269 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 135/142 +[2024-10-13 16:05:53,388 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 136/142 +[2024-10-13 16:05:53,506 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 137/142 +[2024-10-13 16:05:53,625 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 138/142 +[2024-10-13 16:05:53,744 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 139/142 +[2024-10-13 16:05:53,863 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 140/142 +[2024-10-13 16:05:53,982 INFO test.py line 186 25394] Test: 112/312-scene0086_02, Batch: 141/142 +[2024-10-13 16:05:54,141 INFO test.py line 272 25394] Test: scene0086_02 [112/312]-124091 Batch 16.973 (19.604) Accuracy 0.7467 (0.4459) mIoU 0.4212 (0.3460) +[2024-10-13 16:05:54,481 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 0/135 +[2024-10-13 16:05:54,766 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 1/135 +[2024-10-13 16:05:55,051 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 2/135 +[2024-10-13 16:05:55,336 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 3/135 +[2024-10-13 16:05:55,621 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 4/135 +[2024-10-13 16:05:55,906 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 5/135 +[2024-10-13 16:05:56,191 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 6/135 +[2024-10-13 16:05:56,476 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 7/135 +[2024-10-13 16:05:56,761 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 8/135 +[2024-10-13 16:05:57,046 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 9/135 +[2024-10-13 16:05:57,330 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 10/135 +[2024-10-13 16:05:57,615 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 11/135 +[2024-10-13 16:05:57,899 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 12/135 +[2024-10-13 16:05:58,184 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 13/135 +[2024-10-13 16:05:58,469 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 14/135 +[2024-10-13 16:05:58,773 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 15/135 +[2024-10-13 16:05:59,058 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 16/135 +[2024-10-13 16:05:59,343 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 17/135 +[2024-10-13 16:05:59,628 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 18/135 +[2024-10-13 16:05:59,913 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 19/135 +[2024-10-13 16:06:00,197 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 20/135 +[2024-10-13 16:06:00,481 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 21/135 +[2024-10-13 16:06:00,766 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 22/135 +[2024-10-13 16:06:01,050 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 23/135 +[2024-10-13 16:06:01,334 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 24/135 +[2024-10-13 16:06:01,619 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 25/135 +[2024-10-13 16:06:01,903 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 26/135 +[2024-10-13 16:06:02,187 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 27/135 +[2024-10-13 16:06:02,471 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 28/135 +[2024-10-13 16:06:02,756 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 29/135 +[2024-10-13 16:06:03,041 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 30/135 +[2024-10-13 16:06:03,325 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 31/135 +[2024-10-13 16:06:03,609 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 32/135 +[2024-10-13 16:06:03,894 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 33/135 +[2024-10-13 16:06:04,179 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 34/135 +[2024-10-13 16:06:04,463 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 35/135 +[2024-10-13 16:06:04,747 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 36/135 +[2024-10-13 16:06:05,032 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 37/135 +[2024-10-13 16:06:05,317 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 38/135 +[2024-10-13 16:06:05,602 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 39/135 +[2024-10-13 16:06:05,886 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 40/135 +[2024-10-13 16:06:06,171 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 41/135 +[2024-10-13 16:06:06,456 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 42/135 +[2024-10-13 16:06:06,741 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 43/135 +[2024-10-13 16:06:07,007 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 44/135 +[2024-10-13 16:06:07,272 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 45/135 +[2024-10-13 16:06:07,536 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 46/135 +[2024-10-13 16:06:07,802 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 47/135 +[2024-10-13 16:06:08,068 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 48/135 +[2024-10-13 16:06:08,334 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 49/135 +[2024-10-13 16:06:08,599 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 50/135 +[2024-10-13 16:06:08,865 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 51/135 +[2024-10-13 16:06:09,130 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 52/135 +[2024-10-13 16:06:09,395 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 53/135 +[2024-10-13 16:06:09,661 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 54/135 +[2024-10-13 16:06:09,927 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 55/135 +[2024-10-13 16:06:10,192 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 56/135 +[2024-10-13 16:06:10,458 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 57/135 +[2024-10-13 16:06:10,726 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 58/135 +[2024-10-13 16:06:10,991 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 59/135 +[2024-10-13 16:06:11,257 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 60/135 +[2024-10-13 16:06:11,523 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 61/135 +[2024-10-13 16:06:11,789 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 62/135 +[2024-10-13 16:06:12,054 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 63/135 +[2024-10-13 16:06:12,320 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 64/135 +[2024-10-13 16:06:12,586 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 65/135 +[2024-10-13 16:06:12,852 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 66/135 +[2024-10-13 16:06:13,118 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 67/135 +[2024-10-13 16:06:13,385 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 68/135 +[2024-10-13 16:06:13,651 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 69/135 +[2024-10-13 16:06:13,917 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 70/135 +[2024-10-13 16:06:14,184 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 71/135 +[2024-10-13 16:06:14,449 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 72/135 +[2024-10-13 16:06:14,715 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 73/135 +[2024-10-13 16:06:14,981 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 74/135 +[2024-10-13 16:06:15,247 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 75/135 +[2024-10-13 16:06:15,513 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 76/135 +[2024-10-13 16:06:15,778 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 77/135 +[2024-10-13 16:06:16,044 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 78/135 +[2024-10-13 16:06:16,309 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 79/135 +[2024-10-13 16:06:16,574 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 80/135 +[2024-10-13 16:06:16,839 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 81/135 +[2024-10-13 16:06:17,105 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 82/135 +[2024-10-13 16:06:17,370 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 83/135 +[2024-10-13 16:06:17,635 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 84/135 +[2024-10-13 16:06:17,901 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 85/135 +[2024-10-13 16:06:18,166 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 86/135 +[2024-10-13 16:06:18,432 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 87/135 +[2024-10-13 16:06:18,735 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 88/135 +[2024-10-13 16:06:19,039 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 89/135 +[2024-10-13 16:06:19,343 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 90/135 +[2024-10-13 16:06:19,647 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 91/135 +[2024-10-13 16:06:19,950 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 92/135 +[2024-10-13 16:06:20,254 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 93/135 +[2024-10-13 16:06:20,559 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 94/135 +[2024-10-13 16:06:20,863 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 95/135 +[2024-10-13 16:06:21,167 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 96/135 +[2024-10-13 16:06:21,469 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 97/135 +[2024-10-13 16:06:21,771 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 98/135 +[2024-10-13 16:06:22,074 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 99/135 +[2024-10-13 16:06:22,376 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 100/135 +[2024-10-13 16:06:22,679 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 101/135 +[2024-10-13 16:06:22,982 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 102/135 +[2024-10-13 16:06:23,285 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 103/135 +[2024-10-13 16:06:23,587 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 104/135 +[2024-10-13 16:06:23,890 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 105/135 +[2024-10-13 16:06:24,192 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 106/135 +[2024-10-13 16:06:24,495 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 107/135 +[2024-10-13 16:06:24,798 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 108/135 +[2024-10-13 16:06:25,102 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 109/135 +[2024-10-13 16:06:25,405 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 110/135 +[2024-10-13 16:06:25,708 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 111/135 +[2024-10-13 16:06:26,011 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 112/135 +[2024-10-13 16:06:26,313 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 113/135 +[2024-10-13 16:06:26,616 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 114/135 +[2024-10-13 16:06:26,921 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 115/135 +[2024-10-13 16:06:27,224 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 116/135 +[2024-10-13 16:06:27,527 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 117/135 +[2024-10-13 16:06:27,830 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 118/135 +[2024-10-13 16:06:28,134 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 119/135 +[2024-10-13 16:06:28,437 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 120/135 +[2024-10-13 16:06:28,741 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 121/135 +[2024-10-13 16:06:29,044 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 122/135 +[2024-10-13 16:06:29,347 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 123/135 +[2024-10-13 16:06:29,632 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 124/135 +[2024-10-13 16:06:29,917 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 125/135 +[2024-10-13 16:06:30,202 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 126/135 +[2024-10-13 16:06:30,487 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 127/135 +[2024-10-13 16:06:30,771 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 128/135 +[2024-10-13 16:06:31,056 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 129/135 +[2024-10-13 16:06:31,341 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 130/135 +[2024-10-13 16:06:31,626 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 131/135 +[2024-10-13 16:06:31,911 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 132/135 +[2024-10-13 16:06:32,195 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 133/135 +[2024-10-13 16:06:32,480 INFO test.py line 186 25394] Test: 113/312-scene0329_02, Batch: 134/135 +[2024-10-13 16:06:32,936 INFO test.py line 272 25394] Test: scene0329_02 [113/312]-358910 Batch 38.794 (19.774) Accuracy 0.8680 (0.4449) mIoU 0.3670 (0.3437) +[2024-10-13 16:06:33,208 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 0/143 +[2024-10-13 16:06:33,434 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 1/143 +[2024-10-13 16:06:33,661 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 2/143 +[2024-10-13 16:06:33,887 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 3/143 +[2024-10-13 16:06:34,114 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 4/143 +[2024-10-13 16:06:34,340 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 5/143 +[2024-10-13 16:06:34,567 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 6/143 +[2024-10-13 16:06:34,793 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 7/143 +[2024-10-13 16:06:35,020 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 8/143 +[2024-10-13 16:06:35,246 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 9/143 +[2024-10-13 16:06:35,473 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 10/143 +[2024-10-13 16:06:35,699 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 11/143 +[2024-10-13 16:06:35,926 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 12/143 +[2024-10-13 16:06:36,152 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 13/143 +[2024-10-13 16:06:36,379 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 14/143 +[2024-10-13 16:06:36,605 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 15/143 +[2024-10-13 16:06:36,834 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 16/143 +[2024-10-13 16:06:37,060 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 17/143 +[2024-10-13 16:06:37,410 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 18/143 +[2024-10-13 16:06:37,639 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 19/143 +[2024-10-13 16:06:37,866 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 20/143 +[2024-10-13 16:06:38,092 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 21/143 +[2024-10-13 16:06:38,319 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 22/143 +[2024-10-13 16:06:38,545 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 23/143 +[2024-10-13 16:06:38,772 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 24/143 +[2024-10-13 16:06:38,999 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 25/143 +[2024-10-13 16:06:39,226 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 26/143 +[2024-10-13 16:06:39,453 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 27/143 +[2024-10-13 16:06:39,679 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 28/143 +[2024-10-13 16:06:39,906 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 29/143 +[2024-10-13 16:06:40,133 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 30/143 +[2024-10-13 16:06:40,360 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 31/143 +[2024-10-13 16:06:40,587 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 32/143 +[2024-10-13 16:06:40,814 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 33/143 +[2024-10-13 16:06:41,040 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 34/143 +[2024-10-13 16:06:41,267 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 35/143 +[2024-10-13 16:06:41,495 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 36/143 +[2024-10-13 16:06:41,722 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 37/143 +[2024-10-13 16:06:41,951 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 38/143 +[2024-10-13 16:06:42,177 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 39/143 +[2024-10-13 16:06:42,404 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 40/143 +[2024-10-13 16:06:42,631 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 41/143 +[2024-10-13 16:06:42,857 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 42/143 +[2024-10-13 16:06:43,084 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 43/143 +[2024-10-13 16:06:43,294 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 44/143 +[2024-10-13 16:06:43,504 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 45/143 +[2024-10-13 16:06:43,713 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 46/143 +[2024-10-13 16:06:43,923 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 47/143 +[2024-10-13 16:06:44,133 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 48/143 +[2024-10-13 16:06:44,343 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 49/143 +[2024-10-13 16:06:44,553 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 50/143 +[2024-10-13 16:06:44,762 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 51/143 +[2024-10-13 16:06:44,972 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 52/143 +[2024-10-13 16:06:45,182 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 53/143 +[2024-10-13 16:06:45,392 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 54/143 +[2024-10-13 16:06:45,601 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 55/143 +[2024-10-13 16:06:45,811 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 56/143 +[2024-10-13 16:06:46,021 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 57/143 +[2024-10-13 16:06:46,230 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 58/143 +[2024-10-13 16:06:46,440 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 59/143 +[2024-10-13 16:06:46,651 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 60/143 +[2024-10-13 16:06:46,861 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 61/143 +[2024-10-13 16:06:47,070 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 62/143 +[2024-10-13 16:06:47,280 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 63/143 +[2024-10-13 16:06:47,490 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 64/143 +[2024-10-13 16:06:47,699 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 65/143 +[2024-10-13 16:06:47,909 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 66/143 +[2024-10-13 16:06:48,119 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 67/143 +[2024-10-13 16:06:48,328 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 68/143 +[2024-10-13 16:06:48,537 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 69/143 +[2024-10-13 16:06:48,746 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 70/143 +[2024-10-13 16:06:48,956 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 71/143 +[2024-10-13 16:06:49,165 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 72/143 +[2024-10-13 16:06:49,374 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 73/143 +[2024-10-13 16:06:49,583 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 74/143 +[2024-10-13 16:06:49,792 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 75/143 +[2024-10-13 16:06:50,001 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 76/143 +[2024-10-13 16:06:50,211 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 77/143 +[2024-10-13 16:06:50,420 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 78/143 +[2024-10-13 16:06:50,630 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 79/143 +[2024-10-13 16:06:50,839 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 80/143 +[2024-10-13 16:06:51,048 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 81/143 +[2024-10-13 16:06:51,257 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 82/143 +[2024-10-13 16:06:51,467 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 83/143 +[2024-10-13 16:06:51,676 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 84/143 +[2024-10-13 16:06:51,884 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 85/143 +[2024-10-13 16:06:52,094 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 86/143 +[2024-10-13 16:06:52,302 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 87/143 +[2024-10-13 16:06:52,512 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 88/143 +[2024-10-13 16:06:52,720 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 89/143 +[2024-10-13 16:06:52,930 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 90/143 +[2024-10-13 16:06:53,139 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 91/143 +[2024-10-13 16:06:53,380 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 92/143 +[2024-10-13 16:06:53,622 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 93/143 +[2024-10-13 16:06:53,864 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 94/143 +[2024-10-13 16:06:54,105 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 95/143 +[2024-10-13 16:06:54,347 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 96/143 +[2024-10-13 16:06:54,588 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 97/143 +[2024-10-13 16:06:54,830 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 98/143 +[2024-10-13 16:06:55,071 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 99/143 +[2024-10-13 16:06:55,313 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 100/143 +[2024-10-13 16:06:55,555 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 101/143 +[2024-10-13 16:06:55,797 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 102/143 +[2024-10-13 16:06:56,039 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 103/143 +[2024-10-13 16:06:56,280 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 104/143 +[2024-10-13 16:06:56,522 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 105/143 +[2024-10-13 16:06:56,764 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 106/143 +[2024-10-13 16:06:57,005 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 107/143 +[2024-10-13 16:06:57,247 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 108/143 +[2024-10-13 16:06:57,489 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 109/143 +[2024-10-13 16:06:57,731 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 110/143 +[2024-10-13 16:06:57,973 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 111/143 +[2024-10-13 16:06:58,215 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 112/143 +[2024-10-13 16:06:58,457 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 113/143 +[2024-10-13 16:06:58,698 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 114/143 +[2024-10-13 16:06:58,940 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 115/143 +[2024-10-13 16:06:59,181 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 116/143 +[2024-10-13 16:06:59,423 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 117/143 +[2024-10-13 16:06:59,664 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 118/143 +[2024-10-13 16:06:59,906 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 119/143 +[2024-10-13 16:07:00,147 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 120/143 +[2024-10-13 16:07:00,389 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 121/143 +[2024-10-13 16:07:00,631 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 122/143 +[2024-10-13 16:07:00,873 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 123/143 +[2024-10-13 16:07:01,116 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 124/143 +[2024-10-13 16:07:01,357 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 125/143 +[2024-10-13 16:07:01,599 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 126/143 +[2024-10-13 16:07:01,841 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 127/143 +[2024-10-13 16:07:02,082 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 128/143 +[2024-10-13 16:07:02,323 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 129/143 +[2024-10-13 16:07:02,565 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 130/143 +[2024-10-13 16:07:02,807 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 131/143 +[2024-10-13 16:07:03,037 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 132/143 +[2024-10-13 16:07:03,264 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 133/143 +[2024-10-13 16:07:03,491 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 134/143 +[2024-10-13 16:07:03,718 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 135/143 +[2024-10-13 16:07:03,945 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 136/143 +[2024-10-13 16:07:04,171 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 137/143 +[2024-10-13 16:07:04,399 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 138/143 +[2024-10-13 16:07:04,626 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 139/143 +[2024-10-13 16:07:04,853 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 140/143 +[2024-10-13 16:07:05,080 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 141/143 +[2024-10-13 16:07:05,308 INFO test.py line 186 25394] Test: 114/312-scene0616_01, Batch: 142/143 +[2024-10-13 16:07:05,687 INFO test.py line 272 25394] Test: scene0616_01 [114/312]-297626 Batch 32.751 (19.887) Accuracy 0.8455 (0.4488) mIoU 0.5069 (0.3472) +[2024-10-13 16:07:05,884 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 0/126 +[2024-10-13 16:07:06,051 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 1/126 +[2024-10-13 16:07:06,218 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 2/126 +[2024-10-13 16:07:06,385 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 3/126 +[2024-10-13 16:07:06,552 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 4/126 +[2024-10-13 16:07:06,719 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 5/126 +[2024-10-13 16:07:06,887 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 6/126 +[2024-10-13 16:07:07,054 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 7/126 +[2024-10-13 16:07:07,221 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 8/126 +[2024-10-13 16:07:07,387 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 9/126 +[2024-10-13 16:07:07,553 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 10/126 +[2024-10-13 16:07:07,719 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 11/126 +[2024-10-13 16:07:07,886 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 12/126 +[2024-10-13 16:07:08,052 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 13/126 +[2024-10-13 16:07:08,218 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 14/126 +[2024-10-13 16:07:08,385 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 15/126 +[2024-10-13 16:07:08,551 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 16/126 +[2024-10-13 16:07:08,718 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 17/126 +[2024-10-13 16:07:08,920 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 18/126 +[2024-10-13 16:07:09,088 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 19/126 +[2024-10-13 16:07:09,254 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 20/126 +[2024-10-13 16:07:09,420 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 21/126 +[2024-10-13 16:07:09,587 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 22/126 +[2024-10-13 16:07:09,753 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 23/126 +[2024-10-13 16:07:09,919 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 24/126 +[2024-10-13 16:07:10,085 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 25/126 +[2024-10-13 16:07:10,252 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 26/126 +[2024-10-13 16:07:10,418 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 27/126 +[2024-10-13 16:07:10,585 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 28/126 +[2024-10-13 16:07:10,751 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 29/126 +[2024-10-13 16:07:10,918 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 30/126 +[2024-10-13 16:07:11,084 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 31/126 +[2024-10-13 16:07:11,250 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 32/126 +[2024-10-13 16:07:11,417 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 33/126 +[2024-10-13 16:07:11,584 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 34/126 +[2024-10-13 16:07:11,751 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 35/126 +[2024-10-13 16:07:11,917 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 36/126 +[2024-10-13 16:07:12,084 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 37/126 +[2024-10-13 16:07:12,250 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 38/126 +[2024-10-13 16:07:12,416 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 39/126 +[2024-10-13 16:07:12,573 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 40/126 +[2024-10-13 16:07:12,729 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 41/126 +[2024-10-13 16:07:12,885 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 42/126 +[2024-10-13 16:07:13,042 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 43/126 +[2024-10-13 16:07:13,199 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 44/126 +[2024-10-13 16:07:13,355 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 45/126 +[2024-10-13 16:07:13,511 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 46/126 +[2024-10-13 16:07:13,667 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 47/126 +[2024-10-13 16:07:13,824 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 48/126 +[2024-10-13 16:07:13,980 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 49/126 +[2024-10-13 16:07:14,136 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 50/126 +[2024-10-13 16:07:14,291 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 51/126 +[2024-10-13 16:07:14,447 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 52/126 +[2024-10-13 16:07:14,604 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 53/126 +[2024-10-13 16:07:14,760 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 54/126 +[2024-10-13 16:07:14,916 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 55/126 +[2024-10-13 16:07:15,072 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 56/126 +[2024-10-13 16:07:15,227 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 57/126 +[2024-10-13 16:07:15,383 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 58/126 +[2024-10-13 16:07:15,539 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 59/126 +[2024-10-13 16:07:15,696 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 60/126 +[2024-10-13 16:07:15,852 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 61/126 +[2024-10-13 16:07:16,007 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 62/126 +[2024-10-13 16:07:16,163 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 63/126 +[2024-10-13 16:07:16,319 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 64/126 +[2024-10-13 16:07:16,476 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 65/126 +[2024-10-13 16:07:16,632 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 66/126 +[2024-10-13 16:07:16,787 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 67/126 +[2024-10-13 16:07:16,943 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 68/126 +[2024-10-13 16:07:17,099 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 69/126 +[2024-10-13 16:07:17,256 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 70/126 +[2024-10-13 16:07:17,412 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 71/126 +[2024-10-13 16:07:17,567 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 72/126 +[2024-10-13 16:07:17,724 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 73/126 +[2024-10-13 16:07:17,880 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 74/126 +[2024-10-13 16:07:18,037 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 75/126 +[2024-10-13 16:07:18,193 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 76/126 +[2024-10-13 16:07:18,349 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 77/126 +[2024-10-13 16:07:18,505 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 78/126 +[2024-10-13 16:07:18,661 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 79/126 +[2024-10-13 16:07:18,838 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 80/126 +[2024-10-13 16:07:19,016 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 81/126 +[2024-10-13 16:07:19,193 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 82/126 +[2024-10-13 16:07:19,371 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 83/126 +[2024-10-13 16:07:19,548 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 84/126 +[2024-10-13 16:07:19,726 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 85/126 +[2024-10-13 16:07:19,902 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 86/126 +[2024-10-13 16:07:20,079 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 87/126 +[2024-10-13 16:07:20,255 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 88/126 +[2024-10-13 16:07:20,432 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 89/126 +[2024-10-13 16:07:20,609 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 90/126 +[2024-10-13 16:07:20,787 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 91/126 +[2024-10-13 16:07:20,964 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 92/126 +[2024-10-13 16:07:21,141 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 93/126 +[2024-10-13 16:07:21,318 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 94/126 +[2024-10-13 16:07:21,494 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 95/126 +[2024-10-13 16:07:21,671 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 96/126 +[2024-10-13 16:07:21,848 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 97/126 +[2024-10-13 16:07:22,026 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 98/126 +[2024-10-13 16:07:22,204 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 99/126 +[2024-10-13 16:07:22,382 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 100/126 +[2024-10-13 16:07:22,559 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 101/126 +[2024-10-13 16:07:22,736 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 102/126 +[2024-10-13 16:07:22,914 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 103/126 +[2024-10-13 16:07:23,092 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 104/126 +[2024-10-13 16:07:23,269 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 105/126 +[2024-10-13 16:07:23,447 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 106/126 +[2024-10-13 16:07:23,625 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 107/126 +[2024-10-13 16:07:23,803 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 108/126 +[2024-10-13 16:07:23,980 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 109/126 +[2024-10-13 16:07:24,158 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 110/126 +[2024-10-13 16:07:24,336 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 111/126 +[2024-10-13 16:07:24,514 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 112/126 +[2024-10-13 16:07:24,691 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 113/126 +[2024-10-13 16:07:24,872 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 114/126 +[2024-10-13 16:07:25,050 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 115/126 +[2024-10-13 16:07:25,216 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 116/126 +[2024-10-13 16:07:25,383 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 117/126 +[2024-10-13 16:07:25,548 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 118/126 +[2024-10-13 16:07:25,714 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 119/126 +[2024-10-13 16:07:25,881 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 120/126 +[2024-10-13 16:07:26,047 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 121/126 +[2024-10-13 16:07:26,213 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 122/126 +[2024-10-13 16:07:26,379 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 123/126 +[2024-10-13 16:07:26,545 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 124/126 +[2024-10-13 16:07:26,711 INFO test.py line 186 25394] Test: 115/312-scene0608_01, Batch: 125/126 +[2024-10-13 16:07:26,950 INFO test.py line 272 25394] Test: scene0608_01 [115/312]-191107 Batch 21.263 (19.899) Accuracy 0.8184 (0.4476) mIoU 0.4317 (0.3468) +[2024-10-13 16:07:27,120 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 0/151 +[2024-10-13 16:07:27,263 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 1/151 +[2024-10-13 16:07:27,407 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 2/151 +[2024-10-13 16:07:27,551 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 3/151 +[2024-10-13 16:07:27,694 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 4/151 +[2024-10-13 16:07:27,838 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 5/151 +[2024-10-13 16:07:27,981 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 6/151 +[2024-10-13 16:07:28,125 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 7/151 +[2024-10-13 16:07:28,268 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 8/151 +[2024-10-13 16:07:28,412 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 9/151 +[2024-10-13 16:07:28,555 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 10/151 +[2024-10-13 16:07:28,699 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 11/151 +[2024-10-13 16:07:28,842 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 12/151 +[2024-10-13 16:07:28,986 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 13/151 +[2024-10-13 16:07:29,130 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 14/151 +[2024-10-13 16:07:29,273 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 15/151 +[2024-10-13 16:07:29,417 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 16/151 +[2024-10-13 16:07:29,561 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 17/151 +[2024-10-13 16:07:29,704 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 18/151 +[2024-10-13 16:07:29,848 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 19/151 +[2024-10-13 16:07:29,991 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 20/151 +[2024-10-13 16:07:30,135 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 21/151 +[2024-10-13 16:07:30,279 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 22/151 +[2024-10-13 16:07:30,423 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 23/151 +[2024-10-13 16:07:30,566 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 24/151 +[2024-10-13 16:07:30,710 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 25/151 +[2024-10-13 16:07:30,890 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 26/151 +[2024-10-13 16:07:31,036 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 27/151 +[2024-10-13 16:07:31,181 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 28/151 +[2024-10-13 16:07:31,324 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 29/151 +[2024-10-13 16:07:31,467 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 30/151 +[2024-10-13 16:07:31,611 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 31/151 +[2024-10-13 16:07:31,755 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 32/151 +[2024-10-13 16:07:31,898 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 33/151 +[2024-10-13 16:07:32,041 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 34/151 +[2024-10-13 16:07:32,184 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 35/151 +[2024-10-13 16:07:32,327 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 36/151 +[2024-10-13 16:07:32,470 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 37/151 +[2024-10-13 16:07:32,613 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 38/151 +[2024-10-13 16:07:32,757 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 39/151 +[2024-10-13 16:07:32,900 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 40/151 +[2024-10-13 16:07:33,044 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 41/151 +[2024-10-13 16:07:33,187 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 42/151 +[2024-10-13 16:07:33,330 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 43/151 +[2024-10-13 16:07:33,464 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 44/151 +[2024-10-13 16:07:33,599 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 45/151 +[2024-10-13 16:07:33,733 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 46/151 +[2024-10-13 16:07:33,867 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 47/151 +[2024-10-13 16:07:34,001 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 48/151 +[2024-10-13 16:07:34,135 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 49/151 +[2024-10-13 16:07:34,269 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 50/151 +[2024-10-13 16:07:34,403 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 51/151 +[2024-10-13 16:07:34,537 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 52/151 +[2024-10-13 16:07:34,671 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 53/151 +[2024-10-13 16:07:34,806 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 54/151 +[2024-10-13 16:07:34,940 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 55/151 +[2024-10-13 16:07:35,074 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 56/151 +[2024-10-13 16:07:35,207 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 57/151 +[2024-10-13 16:07:35,341 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 58/151 +[2024-10-13 16:07:35,475 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 59/151 +[2024-10-13 16:07:35,609 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 60/151 +[2024-10-13 16:07:35,743 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 61/151 +[2024-10-13 16:07:35,877 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 62/151 +[2024-10-13 16:07:36,011 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 63/151 +[2024-10-13 16:07:36,144 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 64/151 +[2024-10-13 16:07:36,278 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 65/151 +[2024-10-13 16:07:36,412 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 66/151 +[2024-10-13 16:07:36,545 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 67/151 +[2024-10-13 16:07:36,679 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 68/151 +[2024-10-13 16:07:36,813 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 69/151 +[2024-10-13 16:07:36,948 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 70/151 +[2024-10-13 16:07:37,082 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 71/151 +[2024-10-13 16:07:37,216 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 72/151 +[2024-10-13 16:07:37,351 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 73/151 +[2024-10-13 16:07:37,485 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 74/151 +[2024-10-13 16:07:37,619 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 75/151 +[2024-10-13 16:07:37,753 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 76/151 +[2024-10-13 16:07:37,887 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 77/151 +[2024-10-13 16:07:38,022 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 78/151 +[2024-10-13 16:07:38,157 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 79/151 +[2024-10-13 16:07:38,291 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 80/151 +[2024-10-13 16:07:38,425 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 81/151 +[2024-10-13 16:07:38,559 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 82/151 +[2024-10-13 16:07:38,694 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 83/151 +[2024-10-13 16:07:38,829 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 84/151 +[2024-10-13 16:07:38,964 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 85/151 +[2024-10-13 16:07:39,099 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 86/151 +[2024-10-13 16:07:39,233 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 87/151 +[2024-10-13 16:07:39,368 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 88/151 +[2024-10-13 16:07:39,502 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 89/151 +[2024-10-13 16:07:39,637 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 90/151 +[2024-10-13 16:07:39,772 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 91/151 +[2024-10-13 16:07:39,907 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 92/151 +[2024-10-13 16:07:40,041 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 93/151 +[2024-10-13 16:07:40,176 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 94/151 +[2024-10-13 16:07:40,311 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 95/151 +[2024-10-13 16:07:40,462 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 96/151 +[2024-10-13 16:07:40,613 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 97/151 +[2024-10-13 16:07:40,767 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 98/151 +[2024-10-13 16:07:40,918 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 99/151 +[2024-10-13 16:07:41,068 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 100/151 +[2024-10-13 16:07:41,220 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 101/151 +[2024-10-13 16:07:41,371 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 102/151 +[2024-10-13 16:07:41,522 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 103/151 +[2024-10-13 16:07:41,674 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 104/151 +[2024-10-13 16:07:41,825 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 105/151 +[2024-10-13 16:07:41,976 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 106/151 +[2024-10-13 16:07:42,128 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 107/151 +[2024-10-13 16:07:42,280 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 108/151 +[2024-10-13 16:07:42,431 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 109/151 +[2024-10-13 16:07:42,583 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 110/151 +[2024-10-13 16:07:42,735 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 111/151 +[2024-10-13 16:07:42,887 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 112/151 +[2024-10-13 16:07:43,039 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 113/151 +[2024-10-13 16:07:43,191 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 114/151 +[2024-10-13 16:07:43,343 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 115/151 +[2024-10-13 16:07:43,494 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 116/151 +[2024-10-13 16:07:43,646 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 117/151 +[2024-10-13 16:07:43,797 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 118/151 +[2024-10-13 16:07:43,947 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 119/151 +[2024-10-13 16:07:44,099 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 120/151 +[2024-10-13 16:07:44,250 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 121/151 +[2024-10-13 16:07:44,401 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 122/151 +[2024-10-13 16:07:44,553 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 123/151 +[2024-10-13 16:07:44,704 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 124/151 +[2024-10-13 16:07:44,855 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 125/151 +[2024-10-13 16:07:45,006 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 126/151 +[2024-10-13 16:07:45,157 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 127/151 +[2024-10-13 16:07:45,307 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 128/151 +[2024-10-13 16:07:45,459 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 129/151 +[2024-10-13 16:07:45,610 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 130/151 +[2024-10-13 16:07:45,762 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 131/151 +[2024-10-13 16:07:45,914 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 132/151 +[2024-10-13 16:07:46,065 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 133/151 +[2024-10-13 16:07:46,217 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 134/151 +[2024-10-13 16:07:46,368 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 135/151 +[2024-10-13 16:07:46,519 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 136/151 +[2024-10-13 16:07:46,671 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 137/151 +[2024-10-13 16:07:46,822 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 138/151 +[2024-10-13 16:07:46,974 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 139/151 +[2024-10-13 16:07:47,117 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 140/151 +[2024-10-13 16:07:47,261 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 141/151 +[2024-10-13 16:07:47,404 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 142/151 +[2024-10-13 16:07:47,548 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 143/151 +[2024-10-13 16:07:47,692 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 144/151 +[2024-10-13 16:07:47,835 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 145/151 +[2024-10-13 16:07:47,978 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 146/151 +[2024-10-13 16:07:48,122 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 147/151 +[2024-10-13 16:07:48,265 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 148/151 +[2024-10-13 16:07:48,409 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 149/151 +[2024-10-13 16:07:48,553 INFO test.py line 186 25394] Test: 116/312-scene0580_01, Batch: 150/151 +[2024-10-13 16:07:48,776 INFO test.py line 272 25394] Test: scene0580_01 [116/312]-165009 Batch 21.826 (19.916) Accuracy 0.8334 (0.4474) mIoU 0.3843 (0.3463) +[2024-10-13 16:07:48,921 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 0/130 +[2024-10-13 16:07:49,049 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 1/130 +[2024-10-13 16:07:49,176 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 2/130 +[2024-10-13 16:07:49,303 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 3/130 +[2024-10-13 16:07:49,431 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 4/130 +[2024-10-13 16:07:49,558 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 5/130 +[2024-10-13 16:07:49,686 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 6/130 +[2024-10-13 16:07:49,813 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 7/130 +[2024-10-13 16:07:49,940 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 8/130 +[2024-10-13 16:07:50,068 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 9/130 +[2024-10-13 16:07:50,196 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 10/130 +[2024-10-13 16:07:50,324 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 11/130 +[2024-10-13 16:07:50,453 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 12/130 +[2024-10-13 16:07:50,581 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 13/130 +[2024-10-13 16:07:50,709 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 14/130 +[2024-10-13 16:07:50,837 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 15/130 +[2024-10-13 16:07:50,966 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 16/130 +[2024-10-13 16:07:51,094 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 17/130 +[2024-10-13 16:07:51,222 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 18/130 +[2024-10-13 16:07:51,350 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 19/130 +[2024-10-13 16:07:51,478 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 20/130 +[2024-10-13 16:07:51,606 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 21/130 +[2024-10-13 16:07:51,733 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 22/130 +[2024-10-13 16:07:51,861 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 23/130 +[2024-10-13 16:07:51,993 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 24/130 +[2024-10-13 16:07:52,156 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 25/130 +[2024-10-13 16:07:52,285 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 26/130 +[2024-10-13 16:07:52,413 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 27/130 +[2024-10-13 16:07:52,540 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 28/130 +[2024-10-13 16:07:52,667 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 29/130 +[2024-10-13 16:07:52,795 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 30/130 +[2024-10-13 16:07:52,922 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 31/130 +[2024-10-13 16:07:53,049 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 32/130 +[2024-10-13 16:07:53,177 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 33/130 +[2024-10-13 16:07:53,304 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 34/130 +[2024-10-13 16:07:53,431 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 35/130 +[2024-10-13 16:07:53,559 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 36/130 +[2024-10-13 16:07:53,686 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 37/130 +[2024-10-13 16:07:53,814 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 38/130 +[2024-10-13 16:07:53,941 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 39/130 +[2024-10-13 16:07:54,061 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 40/130 +[2024-10-13 16:07:54,181 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 41/130 +[2024-10-13 16:07:54,301 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 42/130 +[2024-10-13 16:07:54,421 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 43/130 +[2024-10-13 16:07:54,541 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 44/130 +[2024-10-13 16:07:54,661 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 45/130 +[2024-10-13 16:07:54,781 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 46/130 +[2024-10-13 16:07:54,901 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 47/130 +[2024-10-13 16:07:55,020 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 48/130 +[2024-10-13 16:07:55,140 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 49/130 +[2024-10-13 16:07:55,260 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 50/130 +[2024-10-13 16:07:55,380 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 51/130 +[2024-10-13 16:07:55,499 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 52/130 +[2024-10-13 16:07:55,619 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 53/130 +[2024-10-13 16:07:55,738 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 54/130 +[2024-10-13 16:07:55,857 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 55/130 +[2024-10-13 16:07:55,977 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 56/130 +[2024-10-13 16:07:56,096 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 57/130 +[2024-10-13 16:07:56,215 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 58/130 +[2024-10-13 16:07:56,334 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 59/130 +[2024-10-13 16:07:56,454 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 60/130 +[2024-10-13 16:07:56,573 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 61/130 +[2024-10-13 16:07:56,692 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 62/130 +[2024-10-13 16:07:56,812 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 63/130 +[2024-10-13 16:07:56,930 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 64/130 +[2024-10-13 16:07:57,049 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 65/130 +[2024-10-13 16:07:57,169 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 66/130 +[2024-10-13 16:07:57,288 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 67/130 +[2024-10-13 16:07:57,407 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 68/130 +[2024-10-13 16:07:57,526 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 69/130 +[2024-10-13 16:07:57,645 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 70/130 +[2024-10-13 16:07:57,764 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 71/130 +[2024-10-13 16:07:57,883 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 72/130 +[2024-10-13 16:07:58,002 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 73/130 +[2024-10-13 16:07:58,121 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 74/130 +[2024-10-13 16:07:58,241 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 75/130 +[2024-10-13 16:07:58,360 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 76/130 +[2024-10-13 16:07:58,480 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 77/130 +[2024-10-13 16:07:58,599 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 78/130 +[2024-10-13 16:07:58,718 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 79/130 +[2024-10-13 16:07:58,838 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 80/130 +[2024-10-13 16:07:58,957 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 81/130 +[2024-10-13 16:07:59,077 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 82/130 +[2024-10-13 16:07:59,196 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 83/130 +[2024-10-13 16:07:59,330 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 84/130 +[2024-10-13 16:07:59,464 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 85/130 +[2024-10-13 16:07:59,598 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 86/130 +[2024-10-13 16:07:59,732 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 87/130 +[2024-10-13 16:07:59,866 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 88/130 +[2024-10-13 16:08:00,000 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 89/130 +[2024-10-13 16:08:00,134 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 90/130 +[2024-10-13 16:08:00,268 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 91/130 +[2024-10-13 16:08:00,403 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 92/130 +[2024-10-13 16:08:00,537 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 93/130 +[2024-10-13 16:08:00,671 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 94/130 +[2024-10-13 16:08:00,805 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 95/130 +[2024-10-13 16:08:00,939 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 96/130 +[2024-10-13 16:08:01,073 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 97/130 +[2024-10-13 16:08:01,207 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 98/130 +[2024-10-13 16:08:01,341 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 99/130 +[2024-10-13 16:08:01,475 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 100/130 +[2024-10-13 16:08:01,609 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 101/130 +[2024-10-13 16:08:01,744 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 102/130 +[2024-10-13 16:08:01,878 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 103/130 +[2024-10-13 16:08:02,013 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 104/130 +[2024-10-13 16:08:02,147 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 105/130 +[2024-10-13 16:08:02,282 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 106/130 +[2024-10-13 16:08:02,416 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 107/130 +[2024-10-13 16:08:02,550 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 108/130 +[2024-10-13 16:08:02,685 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 109/130 +[2024-10-13 16:08:02,819 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 110/130 +[2024-10-13 16:08:02,954 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 111/130 +[2024-10-13 16:08:03,089 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 112/130 +[2024-10-13 16:08:03,223 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 113/130 +[2024-10-13 16:08:03,358 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 114/130 +[2024-10-13 16:08:03,493 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 115/130 +[2024-10-13 16:08:03,628 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 116/130 +[2024-10-13 16:08:03,762 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 117/130 +[2024-10-13 16:08:03,897 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 118/130 +[2024-10-13 16:08:04,032 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 119/130 +[2024-10-13 16:08:04,160 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 120/130 +[2024-10-13 16:08:04,287 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 121/130 +[2024-10-13 16:08:04,415 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 122/130 +[2024-10-13 16:08:04,543 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 123/130 +[2024-10-13 16:08:04,670 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 124/130 +[2024-10-13 16:08:04,798 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 125/130 +[2024-10-13 16:08:04,925 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 126/130 +[2024-10-13 16:08:05,052 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 127/130 +[2024-10-13 16:08:05,180 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 128/130 +[2024-10-13 16:08:05,307 INFO test.py line 186 25394] Test: 117/312-scene0088_03, Batch: 129/130 +[2024-10-13 16:08:05,484 INFO test.py line 272 25394] Test: scene0088_03 [117/312]-136812 Batch 16.708 (19.889) Accuracy 0.7286 (0.4473) mIoU 0.5473 (0.3461) +[2024-10-13 16:08:05,660 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 0/125 +[2024-10-13 16:08:05,810 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 1/125 +[2024-10-13 16:08:05,959 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 2/125 +[2024-10-13 16:08:06,108 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 3/125 +[2024-10-13 16:08:06,257 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 4/125 +[2024-10-13 16:08:06,407 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 5/125 +[2024-10-13 16:08:06,556 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 6/125 +[2024-10-13 16:08:06,705 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 7/125 +[2024-10-13 16:08:06,854 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 8/125 +[2024-10-13 16:08:07,004 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 9/125 +[2024-10-13 16:08:07,153 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 10/125 +[2024-10-13 16:08:07,303 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 11/125 +[2024-10-13 16:08:07,453 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 12/125 +[2024-10-13 16:08:07,602 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 13/125 +[2024-10-13 16:08:07,752 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 14/125 +[2024-10-13 16:08:07,902 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 15/125 +[2024-10-13 16:08:08,051 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 16/125 +[2024-10-13 16:08:08,201 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 17/125 +[2024-10-13 16:08:08,351 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 18/125 +[2024-10-13 16:08:08,526 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 19/125 +[2024-10-13 16:08:08,678 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 20/125 +[2024-10-13 16:08:08,827 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 21/125 +[2024-10-13 16:08:08,976 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 22/125 +[2024-10-13 16:08:09,126 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 23/125 +[2024-10-13 16:08:09,275 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 24/125 +[2024-10-13 16:08:09,424 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 25/125 +[2024-10-13 16:08:09,573 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 26/125 +[2024-10-13 16:08:09,723 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 27/125 +[2024-10-13 16:08:09,873 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 28/125 +[2024-10-13 16:08:10,023 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 29/125 +[2024-10-13 16:08:10,172 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 30/125 +[2024-10-13 16:08:10,322 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 31/125 +[2024-10-13 16:08:10,472 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 32/125 +[2024-10-13 16:08:10,622 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 33/125 +[2024-10-13 16:08:10,772 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 34/125 +[2024-10-13 16:08:10,921 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 35/125 +[2024-10-13 16:08:11,062 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 36/125 +[2024-10-13 16:08:11,202 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 37/125 +[2024-10-13 16:08:11,342 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 38/125 +[2024-10-13 16:08:11,481 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 39/125 +[2024-10-13 16:08:11,621 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 40/125 +[2024-10-13 16:08:11,761 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 41/125 +[2024-10-13 16:08:11,901 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 42/125 +[2024-10-13 16:08:12,041 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 43/125 +[2024-10-13 16:08:12,180 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 44/125 +[2024-10-13 16:08:12,320 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 45/125 +[2024-10-13 16:08:12,460 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 46/125 +[2024-10-13 16:08:12,600 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 47/125 +[2024-10-13 16:08:12,741 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 48/125 +[2024-10-13 16:08:12,881 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 49/125 +[2024-10-13 16:08:13,021 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 50/125 +[2024-10-13 16:08:13,161 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 51/125 +[2024-10-13 16:08:13,300 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 52/125 +[2024-10-13 16:08:13,441 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 53/125 +[2024-10-13 16:08:13,581 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 54/125 +[2024-10-13 16:08:13,721 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 55/125 +[2024-10-13 16:08:13,861 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 56/125 +[2024-10-13 16:08:14,001 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 57/125 +[2024-10-13 16:08:14,141 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 58/125 +[2024-10-13 16:08:14,281 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 59/125 +[2024-10-13 16:08:14,420 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 60/125 +[2024-10-13 16:08:14,560 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 61/125 +[2024-10-13 16:08:14,700 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 62/125 +[2024-10-13 16:08:14,840 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 63/125 +[2024-10-13 16:08:14,979 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 64/125 +[2024-10-13 16:08:15,119 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 65/125 +[2024-10-13 16:08:15,259 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 66/125 +[2024-10-13 16:08:15,398 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 67/125 +[2024-10-13 16:08:15,538 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 68/125 +[2024-10-13 16:08:15,678 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 69/125 +[2024-10-13 16:08:15,818 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 70/125 +[2024-10-13 16:08:15,958 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 71/125 +[2024-10-13 16:08:16,097 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 72/125 +[2024-10-13 16:08:16,237 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 73/125 +[2024-10-13 16:08:16,377 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 74/125 +[2024-10-13 16:08:16,517 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 75/125 +[2024-10-13 16:08:16,676 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 76/125 +[2024-10-13 16:08:16,833 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 77/125 +[2024-10-13 16:08:16,991 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 78/125 +[2024-10-13 16:08:17,149 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 79/125 +[2024-10-13 16:08:17,307 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 80/125 +[2024-10-13 16:08:17,465 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 81/125 +[2024-10-13 16:08:17,624 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 82/125 +[2024-10-13 16:08:17,782 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 83/125 +[2024-10-13 16:08:17,940 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 84/125 +[2024-10-13 16:08:18,098 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 85/125 +[2024-10-13 16:08:18,256 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 86/125 +[2024-10-13 16:08:18,415 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 87/125 +[2024-10-13 16:08:18,573 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 88/125 +[2024-10-13 16:08:18,731 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 89/125 +[2024-10-13 16:08:18,889 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 90/125 +[2024-10-13 16:08:19,048 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 91/125 +[2024-10-13 16:08:19,206 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 92/125 +[2024-10-13 16:08:19,365 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 93/125 +[2024-10-13 16:08:19,524 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 94/125 +[2024-10-13 16:08:19,683 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 95/125 +[2024-10-13 16:08:19,841 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 96/125 +[2024-10-13 16:08:19,999 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 97/125 +[2024-10-13 16:08:20,157 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 98/125 +[2024-10-13 16:08:20,316 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 99/125 +[2024-10-13 16:08:20,474 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 100/125 +[2024-10-13 16:08:20,632 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 101/125 +[2024-10-13 16:08:20,790 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 102/125 +[2024-10-13 16:08:20,948 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 103/125 +[2024-10-13 16:08:21,107 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 104/125 +[2024-10-13 16:08:21,265 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 105/125 +[2024-10-13 16:08:21,424 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 106/125 +[2024-10-13 16:08:21,582 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 107/125 +[2024-10-13 16:08:21,741 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 108/125 +[2024-10-13 16:08:21,899 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 109/125 +[2024-10-13 16:08:22,057 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 110/125 +[2024-10-13 16:08:22,215 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 111/125 +[2024-10-13 16:08:22,373 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 112/125 +[2024-10-13 16:08:22,531 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 113/125 +[2024-10-13 16:08:22,689 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 114/125 +[2024-10-13 16:08:22,846 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 115/125 +[2024-10-13 16:08:22,996 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 116/125 +[2024-10-13 16:08:23,145 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 117/125 +[2024-10-13 16:08:23,294 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 118/125 +[2024-10-13 16:08:23,444 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 119/125 +[2024-10-13 16:08:23,593 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 120/125 +[2024-10-13 16:08:23,742 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 121/125 +[2024-10-13 16:08:23,892 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 122/125 +[2024-10-13 16:08:24,041 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 123/125 +[2024-10-13 16:08:24,190 INFO test.py line 186 25394] Test: 118/312-scene0558_02, Batch: 124/125 +[2024-10-13 16:08:24,410 INFO test.py line 272 25394] Test: scene0558_02 [118/312]-173904 Batch 18.926 (19.880) Accuracy 0.9168 (0.4478) mIoU 0.8870 (0.3466) +[2024-10-13 16:08:24,534 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 0/159 +[2024-10-13 16:08:24,641 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 1/159 +[2024-10-13 16:08:24,749 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 2/159 +[2024-10-13 16:08:24,857 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 3/159 +[2024-10-13 16:08:24,965 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 4/159 +[2024-10-13 16:08:25,073 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 5/159 +[2024-10-13 16:08:25,180 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 6/159 +[2024-10-13 16:08:25,288 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 7/159 +[2024-10-13 16:08:25,396 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 8/159 +[2024-10-13 16:08:25,504 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 9/159 +[2024-10-13 16:08:25,611 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 10/159 +[2024-10-13 16:08:25,719 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 11/159 +[2024-10-13 16:08:25,827 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 12/159 +[2024-10-13 16:08:25,934 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 13/159 +[2024-10-13 16:08:26,042 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 14/159 +[2024-10-13 16:08:26,150 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 15/159 +[2024-10-13 16:08:26,259 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 16/159 +[2024-10-13 16:08:26,400 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 17/159 +[2024-10-13 16:08:26,509 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 18/159 +[2024-10-13 16:08:26,617 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 19/159 +[2024-10-13 16:08:26,725 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 20/159 +[2024-10-13 16:08:26,832 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 21/159 +[2024-10-13 16:08:26,941 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 22/159 +[2024-10-13 16:08:27,049 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 23/159 +[2024-10-13 16:08:27,157 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 24/159 +[2024-10-13 16:08:27,266 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 25/159 +[2024-10-13 16:08:27,374 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 26/159 +[2024-10-13 16:08:27,482 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 27/159 +[2024-10-13 16:08:27,590 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 28/159 +[2024-10-13 16:08:27,699 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 29/159 +[2024-10-13 16:08:27,807 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 30/159 +[2024-10-13 16:08:27,916 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 31/159 +[2024-10-13 16:08:28,024 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 32/159 +[2024-10-13 16:08:28,132 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 33/159 +[2024-10-13 16:08:28,241 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 34/159 +[2024-10-13 16:08:28,349 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 35/159 +[2024-10-13 16:08:28,457 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 36/159 +[2024-10-13 16:08:28,566 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 37/159 +[2024-10-13 16:08:28,674 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 38/159 +[2024-10-13 16:08:28,783 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 39/159 +[2024-10-13 16:08:28,891 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 40/159 +[2024-10-13 16:08:29,000 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 41/159 +[2024-10-13 16:08:29,108 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 42/159 +[2024-10-13 16:08:29,216 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 43/159 +[2024-10-13 16:08:29,318 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 44/159 +[2024-10-13 16:08:29,419 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 45/159 +[2024-10-13 16:08:29,521 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 46/159 +[2024-10-13 16:08:29,622 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 47/159 +[2024-10-13 16:08:29,723 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 48/159 +[2024-10-13 16:08:29,825 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 49/159 +[2024-10-13 16:08:29,926 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 50/159 +[2024-10-13 16:08:30,027 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 51/159 +[2024-10-13 16:08:30,128 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 52/159 +[2024-10-13 16:08:30,229 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 53/159 +[2024-10-13 16:08:30,331 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 54/159 +[2024-10-13 16:08:30,432 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 55/159 +[2024-10-13 16:08:30,534 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 56/159 +[2024-10-13 16:08:30,635 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 57/159 +[2024-10-13 16:08:30,737 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 58/159 +[2024-10-13 16:08:30,838 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 59/159 +[2024-10-13 16:08:30,939 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 60/159 +[2024-10-13 16:08:31,041 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 61/159 +[2024-10-13 16:08:31,143 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 62/159 +[2024-10-13 16:08:31,244 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 63/159 +[2024-10-13 16:08:31,346 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 64/159 +[2024-10-13 16:08:31,447 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 65/159 +[2024-10-13 16:08:31,549 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 66/159 +[2024-10-13 16:08:31,650 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 67/159 +[2024-10-13 16:08:31,752 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 68/159 +[2024-10-13 16:08:31,853 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 69/159 +[2024-10-13 16:08:31,955 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 70/159 +[2024-10-13 16:08:32,057 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 71/159 +[2024-10-13 16:08:32,158 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 72/159 +[2024-10-13 16:08:32,260 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 73/159 +[2024-10-13 16:08:32,362 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 74/159 +[2024-10-13 16:08:32,464 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 75/159 +[2024-10-13 16:08:32,566 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 76/159 +[2024-10-13 16:08:32,667 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 77/159 +[2024-10-13 16:08:32,769 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 78/159 +[2024-10-13 16:08:32,871 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 79/159 +[2024-10-13 16:08:32,973 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 80/159 +[2024-10-13 16:08:33,075 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 81/159 +[2024-10-13 16:08:33,177 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 82/159 +[2024-10-13 16:08:33,279 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 83/159 +[2024-10-13 16:08:33,381 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 84/159 +[2024-10-13 16:08:33,483 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 85/159 +[2024-10-13 16:08:33,585 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 86/159 +[2024-10-13 16:08:33,686 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 87/159 +[2024-10-13 16:08:33,788 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 88/159 +[2024-10-13 16:08:33,890 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 89/159 +[2024-10-13 16:08:33,992 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 90/159 +[2024-10-13 16:08:34,094 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 91/159 +[2024-10-13 16:08:34,196 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 92/159 +[2024-10-13 16:08:34,298 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 93/159 +[2024-10-13 16:08:34,400 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 94/159 +[2024-10-13 16:08:34,502 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 95/159 +[2024-10-13 16:08:34,604 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 96/159 +[2024-10-13 16:08:34,705 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 97/159 +[2024-10-13 16:08:34,807 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 98/159 +[2024-10-13 16:08:34,909 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 99/159 +[2024-10-13 16:08:35,011 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 100/159 +[2024-10-13 16:08:35,113 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 101/159 +[2024-10-13 16:08:35,215 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 102/159 +[2024-10-13 16:08:35,317 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 103/159 +[2024-10-13 16:08:35,431 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 104/159 +[2024-10-13 16:08:35,545 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 105/159 +[2024-10-13 16:08:35,659 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 106/159 +[2024-10-13 16:08:35,773 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 107/159 +[2024-10-13 16:08:35,887 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 108/159 +[2024-10-13 16:08:36,001 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 109/159 +[2024-10-13 16:08:36,114 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 110/159 +[2024-10-13 16:08:36,228 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 111/159 +[2024-10-13 16:08:36,342 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 112/159 +[2024-10-13 16:08:36,456 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 113/159 +[2024-10-13 16:08:36,570 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 114/159 +[2024-10-13 16:08:36,685 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 115/159 +[2024-10-13 16:08:36,800 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 116/159 +[2024-10-13 16:08:36,915 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 117/159 +[2024-10-13 16:08:37,030 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 118/159 +[2024-10-13 16:08:37,145 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 119/159 +[2024-10-13 16:08:37,260 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 120/159 +[2024-10-13 16:08:37,375 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 121/159 +[2024-10-13 16:08:37,491 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 122/159 +[2024-10-13 16:08:37,605 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 123/159 +[2024-10-13 16:08:37,721 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 124/159 +[2024-10-13 16:08:37,835 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 125/159 +[2024-10-13 16:08:37,950 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 126/159 +[2024-10-13 16:08:38,065 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 127/159 +[2024-10-13 16:08:38,180 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 128/159 +[2024-10-13 16:08:38,295 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 129/159 +[2024-10-13 16:08:38,410 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 130/159 +[2024-10-13 16:08:38,525 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 131/159 +[2024-10-13 16:08:38,641 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 132/159 +[2024-10-13 16:08:38,755 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 133/159 +[2024-10-13 16:08:38,871 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 134/159 +[2024-10-13 16:08:38,986 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 135/159 +[2024-10-13 16:08:39,101 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 136/159 +[2024-10-13 16:08:39,216 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 137/159 +[2024-10-13 16:08:39,330 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 138/159 +[2024-10-13 16:08:39,445 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 139/159 +[2024-10-13 16:08:39,559 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 140/159 +[2024-10-13 16:08:39,674 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 141/159 +[2024-10-13 16:08:39,788 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 142/159 +[2024-10-13 16:08:39,902 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 143/159 +[2024-10-13 16:08:40,017 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 144/159 +[2024-10-13 16:08:40,131 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 145/159 +[2024-10-13 16:08:40,246 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 146/159 +[2024-10-13 16:08:40,360 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 147/159 +[2024-10-13 16:08:40,469 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 148/159 +[2024-10-13 16:08:40,577 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 149/159 +[2024-10-13 16:08:40,685 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 150/159 +[2024-10-13 16:08:40,793 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 151/159 +[2024-10-13 16:08:40,902 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 152/159 +[2024-10-13 16:08:41,010 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 153/159 +[2024-10-13 16:08:41,118 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 154/159 +[2024-10-13 16:08:41,226 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 155/159 +[2024-10-13 16:08:41,335 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 156/159 +[2024-10-13 16:08:41,443 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 157/159 +[2024-10-13 16:08:41,551 INFO test.py line 186 25394] Test: 119/312-scene0084_00, Batch: 158/159 +[2024-10-13 16:08:41,702 INFO test.py line 272 25394] Test: scene0084_00 [119/312]-116845 Batch 17.291 (19.859) Accuracy 0.7284 (0.4474) mIoU 0.3869 (0.3465) +[2024-10-13 16:08:41,842 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 0/126 +[2024-10-13 16:08:41,961 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 1/126 +[2024-10-13 16:08:42,079 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 2/126 +[2024-10-13 16:08:42,198 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 3/126 +[2024-10-13 16:08:42,317 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 4/126 +[2024-10-13 16:08:42,436 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 5/126 +[2024-10-13 16:08:42,556 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 6/126 +[2024-10-13 16:08:42,675 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 7/126 +[2024-10-13 16:08:42,794 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 8/126 +[2024-10-13 16:08:42,913 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 9/126 +[2024-10-13 16:08:43,031 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 10/126 +[2024-10-13 16:08:43,150 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 11/126 +[2024-10-13 16:08:43,269 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 12/126 +[2024-10-13 16:08:43,388 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 13/126 +[2024-10-13 16:08:43,507 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 14/126 +[2024-10-13 16:08:43,664 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 15/126 +[2024-10-13 16:08:43,784 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 16/126 +[2024-10-13 16:08:43,903 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 17/126 +[2024-10-13 16:08:44,022 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 18/126 +[2024-10-13 16:08:44,140 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 19/126 +[2024-10-13 16:08:44,259 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 20/126 +[2024-10-13 16:08:44,378 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 21/126 +[2024-10-13 16:08:44,497 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 22/126 +[2024-10-13 16:08:44,616 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 23/126 +[2024-10-13 16:08:44,735 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 24/126 +[2024-10-13 16:08:44,853 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 25/126 +[2024-10-13 16:08:44,973 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 26/126 +[2024-10-13 16:08:45,092 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 27/126 +[2024-10-13 16:08:45,211 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 28/126 +[2024-10-13 16:08:45,330 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 29/126 +[2024-10-13 16:08:45,449 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 30/126 +[2024-10-13 16:08:45,568 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 31/126 +[2024-10-13 16:08:45,686 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 32/126 +[2024-10-13 16:08:45,805 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 33/126 +[2024-10-13 16:08:45,924 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 34/126 +[2024-10-13 16:08:46,042 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 35/126 +[2024-10-13 16:08:46,161 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 36/126 +[2024-10-13 16:08:46,280 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 37/126 +[2024-10-13 16:08:46,398 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 38/126 +[2024-10-13 16:08:46,517 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 39/126 +[2024-10-13 16:08:46,629 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 40/126 +[2024-10-13 16:08:46,742 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 41/126 +[2024-10-13 16:08:46,854 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 42/126 +[2024-10-13 16:08:46,967 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 43/126 +[2024-10-13 16:08:47,079 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 44/126 +[2024-10-13 16:08:47,191 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 45/126 +[2024-10-13 16:08:47,304 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 46/126 +[2024-10-13 16:08:47,416 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 47/126 +[2024-10-13 16:08:47,529 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 48/126 +[2024-10-13 16:08:47,641 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 49/126 +[2024-10-13 16:08:47,754 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 50/126 +[2024-10-13 16:08:47,866 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 51/126 +[2024-10-13 16:08:47,978 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 52/126 +[2024-10-13 16:08:48,090 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 53/126 +[2024-10-13 16:08:48,202 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 54/126 +[2024-10-13 16:08:48,315 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 55/126 +[2024-10-13 16:08:48,427 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 56/126 +[2024-10-13 16:08:48,539 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 57/126 +[2024-10-13 16:08:48,651 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 58/126 +[2024-10-13 16:08:48,763 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 59/126 +[2024-10-13 16:08:48,875 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 60/126 +[2024-10-13 16:08:48,987 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 61/126 +[2024-10-13 16:08:49,099 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 62/126 +[2024-10-13 16:08:49,211 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 63/126 +[2024-10-13 16:08:49,323 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 64/126 +[2024-10-13 16:08:49,435 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 65/126 +[2024-10-13 16:08:49,547 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 66/126 +[2024-10-13 16:08:49,659 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 67/126 +[2024-10-13 16:08:49,770 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 68/126 +[2024-10-13 16:08:49,882 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 69/126 +[2024-10-13 16:08:49,995 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 70/126 +[2024-10-13 16:08:50,108 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 71/126 +[2024-10-13 16:08:50,221 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 72/126 +[2024-10-13 16:08:50,333 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 73/126 +[2024-10-13 16:08:50,446 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 74/126 +[2024-10-13 16:08:50,559 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 75/126 +[2024-10-13 16:08:50,671 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 76/126 +[2024-10-13 16:08:50,784 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 77/126 +[2024-10-13 16:08:50,896 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 78/126 +[2024-10-13 16:08:51,009 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 79/126 +[2024-10-13 16:08:51,135 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 80/126 +[2024-10-13 16:08:51,261 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 81/126 +[2024-10-13 16:08:51,388 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 82/126 +[2024-10-13 16:08:51,514 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 83/126 +[2024-10-13 16:08:51,640 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 84/126 +[2024-10-13 16:08:51,766 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 85/126 +[2024-10-13 16:08:51,893 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 86/126 +[2024-10-13 16:08:52,019 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 87/126 +[2024-10-13 16:08:52,146 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 88/126 +[2024-10-13 16:08:52,272 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 89/126 +[2024-10-13 16:08:52,399 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 90/126 +[2024-10-13 16:08:52,527 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 91/126 +[2024-10-13 16:08:52,654 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 92/126 +[2024-10-13 16:08:52,781 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 93/126 +[2024-10-13 16:08:52,908 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 94/126 +[2024-10-13 16:08:53,035 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 95/126 +[2024-10-13 16:08:53,162 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 96/126 +[2024-10-13 16:08:53,289 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 97/126 +[2024-10-13 16:08:53,416 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 98/126 +[2024-10-13 16:08:53,542 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 99/126 +[2024-10-13 16:08:53,669 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 100/126 +[2024-10-13 16:08:53,795 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 101/126 +[2024-10-13 16:08:53,922 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 102/126 +[2024-10-13 16:08:54,048 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 103/126 +[2024-10-13 16:08:54,175 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 104/126 +[2024-10-13 16:08:54,302 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 105/126 +[2024-10-13 16:08:54,428 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 106/126 +[2024-10-13 16:08:54,555 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 107/126 +[2024-10-13 16:08:54,681 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 108/126 +[2024-10-13 16:08:54,807 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 109/126 +[2024-10-13 16:08:54,934 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 110/126 +[2024-10-13 16:08:55,061 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 111/126 +[2024-10-13 16:08:55,187 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 112/126 +[2024-10-13 16:08:55,314 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 113/126 +[2024-10-13 16:08:55,441 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 114/126 +[2024-10-13 16:08:55,567 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 115/126 +[2024-10-13 16:08:55,686 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 116/126 +[2024-10-13 16:08:55,804 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 117/126 +[2024-10-13 16:08:55,923 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 118/126 +[2024-10-13 16:08:56,042 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 119/126 +[2024-10-13 16:08:56,161 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 120/126 +[2024-10-13 16:08:56,280 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 121/126 +[2024-10-13 16:08:56,399 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 122/126 +[2024-10-13 16:08:56,518 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 123/126 +[2024-10-13 16:08:56,637 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 124/126 +[2024-10-13 16:08:56,756 INFO test.py line 186 25394] Test: 120/312-scene0658_00, Batch: 125/126 +[2024-10-13 16:08:56,925 INFO test.py line 272 25394] Test: scene0658_00 [120/312]-129951 Batch 15.223 (19.820) Accuracy 0.8143 (0.4469) mIoU 0.4549 (0.3461) +[2024-10-13 16:08:57,024 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 0/134 +[2024-10-13 16:08:57,111 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 1/134 +[2024-10-13 16:08:57,197 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 2/134 +[2024-10-13 16:08:57,284 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 3/134 +[2024-10-13 16:08:57,371 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 4/134 +[2024-10-13 16:08:57,458 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 5/134 +[2024-10-13 16:08:57,545 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 6/134 +[2024-10-13 16:08:57,632 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 7/134 +[2024-10-13 16:08:57,719 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 8/134 +[2024-10-13 16:08:57,806 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 9/134 +[2024-10-13 16:08:57,893 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 10/134 +[2024-10-13 16:08:57,979 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 11/134 +[2024-10-13 16:08:58,066 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 12/134 +[2024-10-13 16:08:58,167 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 13/134 +[2024-10-13 16:08:58,267 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 14/134 +[2024-10-13 16:08:58,354 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 15/134 +[2024-10-13 16:08:58,440 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 16/134 +[2024-10-13 16:08:58,527 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 17/134 +[2024-10-13 16:08:58,613 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 18/134 +[2024-10-13 16:08:58,700 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 19/134 +[2024-10-13 16:08:58,786 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 20/134 +[2024-10-13 16:08:58,873 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 21/134 +[2024-10-13 16:08:58,960 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 22/134 +[2024-10-13 16:08:59,046 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 23/134 +[2024-10-13 16:08:59,133 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 24/134 +[2024-10-13 16:08:59,220 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 25/134 +[2024-10-13 16:08:59,307 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 26/134 +[2024-10-13 16:08:59,394 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 27/134 +[2024-10-13 16:08:59,481 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 28/134 +[2024-10-13 16:08:59,568 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 29/134 +[2024-10-13 16:08:59,654 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 30/134 +[2024-10-13 16:08:59,741 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 31/134 +[2024-10-13 16:08:59,828 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 32/134 +[2024-10-13 16:08:59,914 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 33/134 +[2024-10-13 16:09:00,001 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 34/134 +[2024-10-13 16:09:00,088 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 35/134 +[2024-10-13 16:09:00,174 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 36/134 +[2024-10-13 16:09:00,261 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 37/134 +[2024-10-13 16:09:00,348 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 38/134 +[2024-10-13 16:09:00,434 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 39/134 +[2024-10-13 16:09:00,518 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 40/134 +[2024-10-13 16:09:00,602 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 41/134 +[2024-10-13 16:09:00,685 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 42/134 +[2024-10-13 16:09:00,769 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 43/134 +[2024-10-13 16:09:00,852 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 44/134 +[2024-10-13 16:09:00,936 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 45/134 +[2024-10-13 16:09:01,019 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 46/134 +[2024-10-13 16:09:01,102 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 47/134 +[2024-10-13 16:09:01,186 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 48/134 +[2024-10-13 16:09:01,269 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 49/134 +[2024-10-13 16:09:01,353 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 50/134 +[2024-10-13 16:09:01,436 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 51/134 +[2024-10-13 16:09:01,519 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 52/134 +[2024-10-13 16:09:01,603 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 53/134 +[2024-10-13 16:09:01,686 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 54/134 +[2024-10-13 16:09:01,769 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 55/134 +[2024-10-13 16:09:01,852 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 56/134 +[2024-10-13 16:09:01,936 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 57/134 +[2024-10-13 16:09:02,019 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 58/134 +[2024-10-13 16:09:02,102 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 59/134 +[2024-10-13 16:09:02,186 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 60/134 +[2024-10-13 16:09:02,269 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 61/134 +[2024-10-13 16:09:02,352 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 62/134 +[2024-10-13 16:09:02,435 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 63/134 +[2024-10-13 16:09:02,518 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 64/134 +[2024-10-13 16:09:02,601 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 65/134 +[2024-10-13 16:09:02,684 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 66/134 +[2024-10-13 16:09:02,767 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 67/134 +[2024-10-13 16:09:02,849 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 68/134 +[2024-10-13 16:09:02,932 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 69/134 +[2024-10-13 16:09:03,015 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 70/134 +[2024-10-13 16:09:03,098 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 71/134 +[2024-10-13 16:09:03,181 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 72/134 +[2024-10-13 16:09:03,264 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 73/134 +[2024-10-13 16:09:03,347 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 74/134 +[2024-10-13 16:09:03,430 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 75/134 +[2024-10-13 16:09:03,513 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 76/134 +[2024-10-13 16:09:03,596 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 77/134 +[2024-10-13 16:09:03,679 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 78/134 +[2024-10-13 16:09:03,762 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 79/134 +[2024-10-13 16:09:03,845 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 80/134 +[2024-10-13 16:09:03,928 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 81/134 +[2024-10-13 16:09:04,011 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 82/134 +[2024-10-13 16:09:04,094 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 83/134 +[2024-10-13 16:09:04,184 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 84/134 +[2024-10-13 16:09:04,274 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 85/134 +[2024-10-13 16:09:04,364 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 86/134 +[2024-10-13 16:09:04,454 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 87/134 +[2024-10-13 16:09:04,544 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 88/134 +[2024-10-13 16:09:04,633 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 89/134 +[2024-10-13 16:09:04,723 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 90/134 +[2024-10-13 16:09:04,813 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 91/134 +[2024-10-13 16:09:04,903 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 92/134 +[2024-10-13 16:09:04,993 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 93/134 +[2024-10-13 16:09:05,082 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 94/134 +[2024-10-13 16:09:05,172 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 95/134 +[2024-10-13 16:09:05,262 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 96/134 +[2024-10-13 16:09:05,352 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 97/134 +[2024-10-13 16:09:05,442 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 98/134 +[2024-10-13 16:09:05,532 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 99/134 +[2024-10-13 16:09:05,622 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 100/134 +[2024-10-13 16:09:05,711 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 101/134 +[2024-10-13 16:09:05,801 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 102/134 +[2024-10-13 16:09:05,891 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 103/134 +[2024-10-13 16:09:05,981 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 104/134 +[2024-10-13 16:09:06,071 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 105/134 +[2024-10-13 16:09:06,161 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 106/134 +[2024-10-13 16:09:06,251 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 107/134 +[2024-10-13 16:09:06,340 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 108/134 +[2024-10-13 16:09:06,430 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 109/134 +[2024-10-13 16:09:06,520 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 110/134 +[2024-10-13 16:09:06,610 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 111/134 +[2024-10-13 16:09:06,700 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 112/134 +[2024-10-13 16:09:06,790 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 113/134 +[2024-10-13 16:09:06,880 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 114/134 +[2024-10-13 16:09:06,969 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 115/134 +[2024-10-13 16:09:07,059 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 116/134 +[2024-10-13 16:09:07,149 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 117/134 +[2024-10-13 16:09:07,239 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 118/134 +[2024-10-13 16:09:07,329 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 119/134 +[2024-10-13 16:09:07,419 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 120/134 +[2024-10-13 16:09:07,509 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 121/134 +[2024-10-13 16:09:07,598 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 122/134 +[2024-10-13 16:09:07,688 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 123/134 +[2024-10-13 16:09:07,775 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 124/134 +[2024-10-13 16:09:07,862 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 125/134 +[2024-10-13 16:09:07,948 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 126/134 +[2024-10-13 16:09:08,035 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 127/134 +[2024-10-13 16:09:08,122 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 128/134 +[2024-10-13 16:09:08,209 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 129/134 +[2024-10-13 16:09:08,295 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 130/134 +[2024-10-13 16:09:08,382 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 131/134 +[2024-10-13 16:09:08,469 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 132/134 +[2024-10-13 16:09:08,556 INFO test.py line 186 25394] Test: 121/312-scene0277_01, Batch: 133/134 +[2024-10-13 16:09:08,673 INFO test.py line 272 25394] Test: scene0277_01 [121/312]-82628 Batch 11.748 (19.753) Accuracy 0.8633 (0.4469) mIoU 0.5694 (0.3461) +[2024-10-13 16:09:08,773 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 0/138 +[2024-10-13 16:09:08,860 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 1/138 +[2024-10-13 16:09:08,947 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 2/138 +[2024-10-13 16:09:09,033 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 3/138 +[2024-10-13 16:09:09,120 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 4/138 +[2024-10-13 16:09:09,207 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 5/138 +[2024-10-13 16:09:09,293 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 6/138 +[2024-10-13 16:09:09,380 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 7/138 +[2024-10-13 16:09:09,466 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 8/138 +[2024-10-13 16:09:09,553 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 9/138 +[2024-10-13 16:09:09,639 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 10/138 +[2024-10-13 16:09:09,726 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 11/138 +[2024-10-13 16:09:09,812 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 12/138 +[2024-10-13 16:09:09,899 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 13/138 +[2024-10-13 16:09:09,985 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 14/138 +[2024-10-13 16:09:10,071 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 15/138 +[2024-10-13 16:09:10,158 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 16/138 +[2024-10-13 16:09:10,245 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 17/138 +[2024-10-13 16:09:10,331 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 18/138 +[2024-10-13 16:09:10,418 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 19/138 +[2024-10-13 16:09:10,504 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 20/138 +[2024-10-13 16:09:10,591 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 21/138 +[2024-10-13 16:09:10,678 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 22/138 +[2024-10-13 16:09:10,765 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 23/138 +[2024-10-13 16:09:10,851 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 24/138 +[2024-10-13 16:09:10,938 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 25/138 +[2024-10-13 16:09:11,025 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 26/138 +[2024-10-13 16:09:11,112 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 27/138 +[2024-10-13 16:09:11,199 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 28/138 +[2024-10-13 16:09:11,285 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 29/138 +[2024-10-13 16:09:11,372 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 30/138 +[2024-10-13 16:09:11,459 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 31/138 +[2024-10-13 16:09:11,545 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 32/138 +[2024-10-13 16:09:11,632 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 33/138 +[2024-10-13 16:09:11,719 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 34/138 +[2024-10-13 16:09:11,806 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 35/138 +[2024-10-13 16:09:11,892 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 36/138 +[2024-10-13 16:09:11,979 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 37/138 +[2024-10-13 16:09:12,066 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 38/138 +[2024-10-13 16:09:12,152 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 39/138 +[2024-10-13 16:09:12,236 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 40/138 +[2024-10-13 16:09:12,319 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 41/138 +[2024-10-13 16:09:12,402 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 42/138 +[2024-10-13 16:09:12,486 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 43/138 +[2024-10-13 16:09:12,569 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 44/138 +[2024-10-13 16:09:12,652 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 45/138 +[2024-10-13 16:09:12,736 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 46/138 +[2024-10-13 16:09:12,819 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 47/138 +[2024-10-13 16:09:12,902 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 48/138 +[2024-10-13 16:09:12,986 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 49/138 +[2024-10-13 16:09:13,069 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 50/138 +[2024-10-13 16:09:13,153 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 51/138 +[2024-10-13 16:09:13,236 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 52/138 +[2024-10-13 16:09:13,319 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 53/138 +[2024-10-13 16:09:13,401 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 54/138 +[2024-10-13 16:09:13,484 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 55/138 +[2024-10-13 16:09:13,566 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 56/138 +[2024-10-13 16:09:13,648 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 57/138 +[2024-10-13 16:09:13,731 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 58/138 +[2024-10-13 16:09:13,813 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 59/138 +[2024-10-13 16:09:13,896 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 60/138 +[2024-10-13 16:09:13,978 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 61/138 +[2024-10-13 16:09:14,061 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 62/138 +[2024-10-13 16:09:14,143 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 63/138 +[2024-10-13 16:09:14,226 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 64/138 +[2024-10-13 16:09:14,308 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 65/138 +[2024-10-13 16:09:14,391 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 66/138 +[2024-10-13 16:09:14,475 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 67/138 +[2024-10-13 16:09:14,558 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 68/138 +[2024-10-13 16:09:14,641 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 69/138 +[2024-10-13 16:09:14,724 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 70/138 +[2024-10-13 16:09:14,846 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 71/138 +[2024-10-13 16:09:14,942 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 72/138 +[2024-10-13 16:09:15,027 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 73/138 +[2024-10-13 16:09:15,111 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 74/138 +[2024-10-13 16:09:15,195 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 75/138 +[2024-10-13 16:09:15,279 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 76/138 +[2024-10-13 16:09:15,363 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 77/138 +[2024-10-13 16:09:15,446 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 78/138 +[2024-10-13 16:09:15,529 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 79/138 +[2024-10-13 16:09:15,613 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 80/138 +[2024-10-13 16:09:15,696 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 81/138 +[2024-10-13 16:09:15,779 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 82/138 +[2024-10-13 16:09:15,863 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 83/138 +[2024-10-13 16:09:15,946 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 84/138 +[2024-10-13 16:09:16,030 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 85/138 +[2024-10-13 16:09:16,113 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 86/138 +[2024-10-13 16:09:16,196 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 87/138 +[2024-10-13 16:09:16,279 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 88/138 +[2024-10-13 16:09:16,363 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 89/138 +[2024-10-13 16:09:16,446 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 90/138 +[2024-10-13 16:09:16,530 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 91/138 +[2024-10-13 16:09:16,619 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 92/138 +[2024-10-13 16:09:16,711 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 93/138 +[2024-10-13 16:09:16,801 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 94/138 +[2024-10-13 16:09:16,891 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 95/138 +[2024-10-13 16:09:16,980 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 96/138 +[2024-10-13 16:09:17,070 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 97/138 +[2024-10-13 16:09:17,160 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 98/138 +[2024-10-13 16:09:17,250 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 99/138 +[2024-10-13 16:09:17,339 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 100/138 +[2024-10-13 16:09:17,429 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 101/138 +[2024-10-13 16:09:17,520 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 102/138 +[2024-10-13 16:09:17,610 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 103/138 +[2024-10-13 16:09:17,699 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 104/138 +[2024-10-13 16:09:17,789 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 105/138 +[2024-10-13 16:09:17,878 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 106/138 +[2024-10-13 16:09:17,968 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 107/138 +[2024-10-13 16:09:18,057 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 108/138 +[2024-10-13 16:09:18,146 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 109/138 +[2024-10-13 16:09:18,236 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 110/138 +[2024-10-13 16:09:18,325 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 111/138 +[2024-10-13 16:09:18,414 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 112/138 +[2024-10-13 16:09:18,505 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 113/138 +[2024-10-13 16:09:18,594 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 114/138 +[2024-10-13 16:09:18,684 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 115/138 +[2024-10-13 16:09:18,773 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 116/138 +[2024-10-13 16:09:18,862 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 117/138 +[2024-10-13 16:09:18,952 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 118/138 +[2024-10-13 16:09:19,041 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 119/138 +[2024-10-13 16:09:19,130 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 120/138 +[2024-10-13 16:09:19,219 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 121/138 +[2024-10-13 16:09:19,309 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 122/138 +[2024-10-13 16:09:19,398 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 123/138 +[2024-10-13 16:09:19,487 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 124/138 +[2024-10-13 16:09:19,576 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 125/138 +[2024-10-13 16:09:19,665 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 126/138 +[2024-10-13 16:09:19,754 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 127/138 +[2024-10-13 16:09:19,841 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 128/138 +[2024-10-13 16:09:19,928 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 129/138 +[2024-10-13 16:09:20,015 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 130/138 +[2024-10-13 16:09:20,101 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 131/138 +[2024-10-13 16:09:20,188 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 132/138 +[2024-10-13 16:09:20,275 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 133/138 +[2024-10-13 16:09:20,362 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 134/138 +[2024-10-13 16:09:20,448 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 135/138 +[2024-10-13 16:09:20,535 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 136/138 +[2024-10-13 16:09:20,622 INFO test.py line 186 25394] Test: 122/312-scene0278_01, Batch: 137/138 +[2024-10-13 16:09:20,734 INFO test.py line 272 25394] Test: scene0278_01 [122/312]-83269 Batch 12.061 (19.690) Accuracy 0.8880 (0.4485) mIoU 0.4606 (0.3474) +[2024-10-13 16:09:20,817 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 0/104 +[2024-10-13 16:09:20,890 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 1/104 +[2024-10-13 16:09:20,962 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 2/104 +[2024-10-13 16:09:21,035 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 3/104 +[2024-10-13 16:09:21,108 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 4/104 +[2024-10-13 16:09:21,180 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 5/104 +[2024-10-13 16:09:21,253 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 6/104 +[2024-10-13 16:09:21,325 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 7/104 +[2024-10-13 16:09:21,396 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 8/104 +[2024-10-13 16:09:21,468 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 9/104 +[2024-10-13 16:09:21,539 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 10/104 +[2024-10-13 16:09:21,611 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 11/104 +[2024-10-13 16:09:21,682 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 12/104 +[2024-10-13 16:09:21,754 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 13/104 +[2024-10-13 16:09:21,870 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 14/104 +[2024-10-13 16:09:21,943 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 15/104 +[2024-10-13 16:09:22,015 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 16/104 +[2024-10-13 16:09:22,086 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 17/104 +[2024-10-13 16:09:22,157 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 18/104 +[2024-10-13 16:09:22,229 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 19/104 +[2024-10-13 16:09:22,300 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 20/104 +[2024-10-13 16:09:22,371 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 21/104 +[2024-10-13 16:09:22,443 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 22/104 +[2024-10-13 16:09:22,514 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 23/104 +[2024-10-13 16:09:22,586 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 24/104 +[2024-10-13 16:09:22,658 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 25/104 +[2024-10-13 16:09:22,730 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 26/104 +[2024-10-13 16:09:22,802 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 27/104 +[2024-10-13 16:09:22,874 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 28/104 +[2024-10-13 16:09:22,946 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 29/104 +[2024-10-13 16:09:23,018 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 30/104 +[2024-10-13 16:09:23,092 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 31/104 +[2024-10-13 16:09:23,161 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 32/104 +[2024-10-13 16:09:23,231 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 33/104 +[2024-10-13 16:09:23,300 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 34/104 +[2024-10-13 16:09:23,369 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 35/104 +[2024-10-13 16:09:23,438 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 36/104 +[2024-10-13 16:09:23,508 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 37/104 +[2024-10-13 16:09:23,577 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 38/104 +[2024-10-13 16:09:23,646 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 39/104 +[2024-10-13 16:09:23,715 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 40/104 +[2024-10-13 16:09:23,784 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 41/104 +[2024-10-13 16:09:23,853 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 42/104 +[2024-10-13 16:09:23,922 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 43/104 +[2024-10-13 16:09:23,991 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 44/104 +[2024-10-13 16:09:24,060 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 45/104 +[2024-10-13 16:09:24,130 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 46/104 +[2024-10-13 16:09:24,199 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 47/104 +[2024-10-13 16:09:24,269 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 48/104 +[2024-10-13 16:09:24,338 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 49/104 +[2024-10-13 16:09:24,406 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 50/104 +[2024-10-13 16:09:24,474 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 51/104 +[2024-10-13 16:09:24,542 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 52/104 +[2024-10-13 16:09:24,611 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 53/104 +[2024-10-13 16:09:24,679 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 54/104 +[2024-10-13 16:09:24,747 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 55/104 +[2024-10-13 16:09:24,816 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 56/104 +[2024-10-13 16:09:24,884 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 57/104 +[2024-10-13 16:09:24,952 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 58/104 +[2024-10-13 16:09:25,020 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 59/104 +[2024-10-13 16:09:25,089 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 60/104 +[2024-10-13 16:09:25,157 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 61/104 +[2024-10-13 16:09:25,226 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 62/104 +[2024-10-13 16:09:25,295 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 63/104 +[2024-10-13 16:09:25,363 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 64/104 +[2024-10-13 16:09:25,432 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 65/104 +[2024-10-13 16:09:25,500 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 66/104 +[2024-10-13 16:09:25,569 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 67/104 +[2024-10-13 16:09:25,643 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 68/104 +[2024-10-13 16:09:25,719 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 69/104 +[2024-10-13 16:09:25,794 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 70/104 +[2024-10-13 16:09:25,869 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 71/104 +[2024-10-13 16:09:25,944 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 72/104 +[2024-10-13 16:09:26,019 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 73/104 +[2024-10-13 16:09:26,094 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 74/104 +[2024-10-13 16:09:26,169 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 75/104 +[2024-10-13 16:09:26,245 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 76/104 +[2024-10-13 16:09:26,320 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 77/104 +[2024-10-13 16:09:26,396 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 78/104 +[2024-10-13 16:09:26,471 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 79/104 +[2024-10-13 16:09:26,546 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 80/104 +[2024-10-13 16:09:26,621 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 81/104 +[2024-10-13 16:09:26,697 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 82/104 +[2024-10-13 16:09:26,772 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 83/104 +[2024-10-13 16:09:26,847 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 84/104 +[2024-10-13 16:09:26,922 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 85/104 +[2024-10-13 16:09:26,997 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 86/104 +[2024-10-13 16:09:27,072 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 87/104 +[2024-10-13 16:09:27,147 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 88/104 +[2024-10-13 16:09:27,222 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 89/104 +[2024-10-13 16:09:27,298 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 90/104 +[2024-10-13 16:09:27,373 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 91/104 +[2024-10-13 16:09:27,449 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 92/104 +[2024-10-13 16:09:27,524 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 93/104 +[2024-10-13 16:09:27,599 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 94/104 +[2024-10-13 16:09:27,674 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 95/104 +[2024-10-13 16:09:27,746 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 96/104 +[2024-10-13 16:09:27,817 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 97/104 +[2024-10-13 16:09:27,888 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 98/104 +[2024-10-13 16:09:27,959 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 99/104 +[2024-10-13 16:09:28,031 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 100/104 +[2024-10-13 16:09:28,102 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 101/104 +[2024-10-13 16:09:28,173 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 102/104 +[2024-10-13 16:09:28,244 INFO test.py line 186 25394] Test: 123/312-scene0458_00, Batch: 103/104 +[2024-10-13 16:09:28,338 INFO test.py line 272 25394] Test: scene0458_00 [123/312]-65264 Batch 7.604 (19.592) Accuracy 0.7776 (0.4476) mIoU 0.3738 (0.3480) +[2024-10-13 16:09:28,584 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 0/135 +[2024-10-13 16:09:28,790 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 1/135 +[2024-10-13 16:09:28,996 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 2/135 +[2024-10-13 16:09:29,202 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 3/135 +[2024-10-13 16:09:29,408 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 4/135 +[2024-10-13 16:09:29,616 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 5/135 +[2024-10-13 16:09:29,822 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 6/135 +[2024-10-13 16:09:30,028 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 7/135 +[2024-10-13 16:09:30,247 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 8/135 +[2024-10-13 16:09:30,452 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 9/135 +[2024-10-13 16:09:30,658 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 10/135 +[2024-10-13 16:09:30,864 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 11/135 +[2024-10-13 16:09:31,070 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 12/135 +[2024-10-13 16:09:31,276 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 13/135 +[2024-10-13 16:09:31,482 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 14/135 +[2024-10-13 16:09:31,688 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 15/135 +[2024-10-13 16:09:31,894 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 16/135 +[2024-10-13 16:09:32,100 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 17/135 +[2024-10-13 16:09:32,306 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 18/135 +[2024-10-13 16:09:32,512 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 19/135 +[2024-10-13 16:09:32,718 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 20/135 +[2024-10-13 16:09:32,924 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 21/135 +[2024-10-13 16:09:33,130 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 22/135 +[2024-10-13 16:09:33,336 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 23/135 +[2024-10-13 16:09:33,542 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 24/135 +[2024-10-13 16:09:33,748 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 25/135 +[2024-10-13 16:09:33,954 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 26/135 +[2024-10-13 16:09:34,160 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 27/135 +[2024-10-13 16:09:34,366 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 28/135 +[2024-10-13 16:09:34,572 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 29/135 +[2024-10-13 16:09:34,779 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 30/135 +[2024-10-13 16:09:34,985 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 31/135 +[2024-10-13 16:09:35,193 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 32/135 +[2024-10-13 16:09:35,399 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 33/135 +[2024-10-13 16:09:35,606 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 34/135 +[2024-10-13 16:09:35,812 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 35/135 +[2024-10-13 16:09:36,018 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 36/135 +[2024-10-13 16:09:36,224 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 37/135 +[2024-10-13 16:09:36,430 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 38/135 +[2024-10-13 16:09:36,636 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 39/135 +[2024-10-13 16:09:36,843 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 40/135 +[2024-10-13 16:09:37,048 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 41/135 +[2024-10-13 16:09:37,254 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 42/135 +[2024-10-13 16:09:37,461 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 43/135 +[2024-10-13 16:09:37,652 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 44/135 +[2024-10-13 16:09:37,843 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 45/135 +[2024-10-13 16:09:38,037 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 46/135 +[2024-10-13 16:09:38,229 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 47/135 +[2024-10-13 16:09:38,421 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 48/135 +[2024-10-13 16:09:38,612 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 49/135 +[2024-10-13 16:09:38,803 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 50/135 +[2024-10-13 16:09:38,995 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 51/135 +[2024-10-13 16:09:39,186 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 52/135 +[2024-10-13 16:09:39,377 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 53/135 +[2024-10-13 16:09:39,571 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 54/135 +[2024-10-13 16:09:39,762 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 55/135 +[2024-10-13 16:09:39,954 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 56/135 +[2024-10-13 16:09:40,146 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 57/135 +[2024-10-13 16:09:40,337 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 58/135 +[2024-10-13 16:09:40,529 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 59/135 +[2024-10-13 16:09:40,720 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 60/135 +[2024-10-13 16:09:40,912 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 61/135 +[2024-10-13 16:09:41,103 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 62/135 +[2024-10-13 16:09:41,294 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 63/135 +[2024-10-13 16:09:41,486 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 64/135 +[2024-10-13 16:09:41,677 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 65/135 +[2024-10-13 16:09:41,869 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 66/135 +[2024-10-13 16:09:42,061 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 67/135 +[2024-10-13 16:09:42,253 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 68/135 +[2024-10-13 16:09:42,444 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 69/135 +[2024-10-13 16:09:42,636 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 70/135 +[2024-10-13 16:09:42,828 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 71/135 +[2024-10-13 16:09:43,020 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 72/135 +[2024-10-13 16:09:43,212 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 73/135 +[2024-10-13 16:09:43,403 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 74/135 +[2024-10-13 16:09:43,596 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 75/135 +[2024-10-13 16:09:43,788 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 76/135 +[2024-10-13 16:09:43,979 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 77/135 +[2024-10-13 16:09:44,170 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 78/135 +[2024-10-13 16:09:44,362 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 79/135 +[2024-10-13 16:09:44,553 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 80/135 +[2024-10-13 16:09:44,744 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 81/135 +[2024-10-13 16:09:44,936 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 82/135 +[2024-10-13 16:09:45,127 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 83/135 +[2024-10-13 16:09:45,319 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 84/135 +[2024-10-13 16:09:45,511 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 85/135 +[2024-10-13 16:09:45,702 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 86/135 +[2024-10-13 16:09:45,893 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 87/135 +[2024-10-13 16:09:46,112 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 88/135 +[2024-10-13 16:09:46,330 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 89/135 +[2024-10-13 16:09:46,548 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 90/135 +[2024-10-13 16:09:46,767 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 91/135 +[2024-10-13 16:09:46,985 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 92/135 +[2024-10-13 16:09:47,204 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 93/135 +[2024-10-13 16:09:47,422 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 94/135 +[2024-10-13 16:09:47,640 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 95/135 +[2024-10-13 16:09:47,858 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 96/135 +[2024-10-13 16:09:48,076 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 97/135 +[2024-10-13 16:09:48,295 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 98/135 +[2024-10-13 16:09:48,513 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 99/135 +[2024-10-13 16:09:48,732 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 100/135 +[2024-10-13 16:09:48,950 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 101/135 +[2024-10-13 16:09:49,168 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 102/135 +[2024-10-13 16:09:49,387 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 103/135 +[2024-10-13 16:09:49,605 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 104/135 +[2024-10-13 16:09:49,823 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 105/135 +[2024-10-13 16:09:50,042 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 106/135 +[2024-10-13 16:09:50,261 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 107/135 +[2024-10-13 16:09:50,479 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 108/135 +[2024-10-13 16:09:50,698 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 109/135 +[2024-10-13 16:09:50,917 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 110/135 +[2024-10-13 16:09:51,136 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 111/135 +[2024-10-13 16:09:51,355 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 112/135 +[2024-10-13 16:09:51,574 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 113/135 +[2024-10-13 16:09:51,792 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 114/135 +[2024-10-13 16:09:52,011 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 115/135 +[2024-10-13 16:09:52,229 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 116/135 +[2024-10-13 16:09:52,448 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 117/135 +[2024-10-13 16:09:52,666 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 118/135 +[2024-10-13 16:09:52,885 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 119/135 +[2024-10-13 16:09:53,103 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 120/135 +[2024-10-13 16:09:53,321 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 121/135 +[2024-10-13 16:09:53,540 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 122/135 +[2024-10-13 16:09:53,758 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 123/135 +[2024-10-13 16:09:53,964 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 124/135 +[2024-10-13 16:09:54,171 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 125/135 +[2024-10-13 16:09:54,377 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 126/135 +[2024-10-13 16:09:54,583 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 127/135 +[2024-10-13 16:09:54,789 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 128/135 +[2024-10-13 16:09:54,996 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 129/135 +[2024-10-13 16:09:55,202 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 130/135 +[2024-10-13 16:09:55,407 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 131/135 +[2024-10-13 16:09:55,614 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 132/135 +[2024-10-13 16:09:55,820 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 133/135 +[2024-10-13 16:09:56,025 INFO test.py line 186 25394] Test: 124/312-scene0435_00, Batch: 134/135 +[2024-10-13 16:09:56,349 INFO test.py line 272 25394] Test: scene0435_00 [124/312]-254998 Batch 28.011 (19.660) Accuracy 0.8967 (0.4481) mIoU 0.5076 (0.3486) +[2024-10-13 16:09:56,424 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 0/116 +[2024-10-13 16:09:56,488 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 1/116 +[2024-10-13 16:09:56,553 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 2/116 +[2024-10-13 16:09:56,617 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 3/116 +[2024-10-13 16:09:56,681 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 4/116 +[2024-10-13 16:09:56,746 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 5/116 +[2024-10-13 16:09:56,810 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 6/116 +[2024-10-13 16:09:56,874 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 7/116 +[2024-10-13 16:09:56,938 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 8/116 +[2024-10-13 16:09:57,001 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 9/116 +[2024-10-13 16:09:57,064 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 10/116 +[2024-10-13 16:09:57,127 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 11/116 +[2024-10-13 16:09:57,190 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 12/116 +[2024-10-13 16:09:57,253 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 13/116 +[2024-10-13 16:09:57,316 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 14/116 +[2024-10-13 16:09:57,379 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 15/116 +[2024-10-13 16:09:57,442 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 16/116 +[2024-10-13 16:09:57,505 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 17/116 +[2024-10-13 16:09:57,569 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 18/116 +[2024-10-13 16:09:57,632 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 19/116 +[2024-10-13 16:09:57,695 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 20/116 +[2024-10-13 16:09:57,758 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 21/116 +[2024-10-13 16:09:57,821 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 22/116 +[2024-10-13 16:09:57,884 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 23/116 +[2024-10-13 16:09:57,948 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 24/116 +[2024-10-13 16:09:58,012 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 25/116 +[2024-10-13 16:09:58,076 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 26/116 +[2024-10-13 16:09:58,140 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 27/116 +[2024-10-13 16:09:58,203 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 28/116 +[2024-10-13 16:09:58,267 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 29/116 +[2024-10-13 16:09:58,331 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 30/116 +[2024-10-13 16:09:58,395 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 31/116 +[2024-10-13 16:09:58,457 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 32/116 +[2024-10-13 16:09:58,519 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 33/116 +[2024-10-13 16:09:58,580 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 34/116 +[2024-10-13 16:09:58,642 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 35/116 +[2024-10-13 16:09:58,703 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 36/116 +[2024-10-13 16:09:58,765 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 37/116 +[2024-10-13 16:09:58,826 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 38/116 +[2024-10-13 16:09:58,888 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 39/116 +[2024-10-13 16:09:58,950 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 40/116 +[2024-10-13 16:09:59,011 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 41/116 +[2024-10-13 16:09:59,073 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 42/116 +[2024-10-13 16:09:59,134 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 43/116 +[2024-10-13 16:09:59,196 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 44/116 +[2024-10-13 16:09:59,257 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 45/116 +[2024-10-13 16:09:59,318 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 46/116 +[2024-10-13 16:09:59,380 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 47/116 +[2024-10-13 16:09:59,441 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 48/116 +[2024-10-13 16:09:59,502 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 49/116 +[2024-10-13 16:09:59,564 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 50/116 +[2024-10-13 16:09:59,625 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 51/116 +[2024-10-13 16:09:59,687 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 52/116 +[2024-10-13 16:09:59,748 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 53/116 +[2024-10-13 16:09:59,810 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 54/116 +[2024-10-13 16:09:59,871 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 55/116 +[2024-10-13 16:09:59,933 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 56/116 +[2024-10-13 16:09:59,994 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 57/116 +[2024-10-13 16:10:00,056 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 58/116 +[2024-10-13 16:10:00,117 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 59/116 +[2024-10-13 16:10:00,179 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 60/116 +[2024-10-13 16:10:00,240 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 61/116 +[2024-10-13 16:10:00,302 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 62/116 +[2024-10-13 16:10:00,363 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 63/116 +[2024-10-13 16:10:00,425 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 64/116 +[2024-10-13 16:10:00,487 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 65/116 +[2024-10-13 16:10:00,549 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 66/116 +[2024-10-13 16:10:00,610 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 67/116 +[2024-10-13 16:10:00,672 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 68/116 +[2024-10-13 16:10:00,733 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 69/116 +[2024-10-13 16:10:00,795 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 70/116 +[2024-10-13 16:10:00,857 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 71/116 +[2024-10-13 16:10:00,922 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 72/116 +[2024-10-13 16:10:00,988 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 73/116 +[2024-10-13 16:10:01,054 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 74/116 +[2024-10-13 16:10:01,120 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 75/116 +[2024-10-13 16:10:01,186 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 76/116 +[2024-10-13 16:10:01,252 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 77/116 +[2024-10-13 16:10:01,318 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 78/116 +[2024-10-13 16:10:01,383 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 79/116 +[2024-10-13 16:10:01,449 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 80/116 +[2024-10-13 16:10:01,515 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 81/116 +[2024-10-13 16:10:01,581 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 82/116 +[2024-10-13 16:10:01,646 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 83/116 +[2024-10-13 16:10:01,713 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 84/116 +[2024-10-13 16:10:01,778 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 85/116 +[2024-10-13 16:10:01,844 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 86/116 +[2024-10-13 16:10:01,910 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 87/116 +[2024-10-13 16:10:01,976 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 88/116 +[2024-10-13 16:10:02,042 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 89/116 +[2024-10-13 16:10:02,108 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 90/116 +[2024-10-13 16:10:02,175 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 91/116 +[2024-10-13 16:10:02,241 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 92/116 +[2024-10-13 16:10:02,307 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 93/116 +[2024-10-13 16:10:02,374 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 94/116 +[2024-10-13 16:10:02,440 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 95/116 +[2024-10-13 16:10:02,506 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 96/116 +[2024-10-13 16:10:02,573 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 97/116 +[2024-10-13 16:10:02,639 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 98/116 +[2024-10-13 16:10:02,705 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 99/116 +[2024-10-13 16:10:02,772 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 100/116 +[2024-10-13 16:10:02,838 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 101/116 +[2024-10-13 16:10:02,904 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 102/116 +[2024-10-13 16:10:02,971 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 103/116 +[2024-10-13 16:10:03,037 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 104/116 +[2024-10-13 16:10:03,103 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 105/116 +[2024-10-13 16:10:03,170 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 106/116 +[2024-10-13 16:10:03,237 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 107/116 +[2024-10-13 16:10:03,300 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 108/116 +[2024-10-13 16:10:03,363 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 109/116 +[2024-10-13 16:10:03,426 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 110/116 +[2024-10-13 16:10:03,489 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 111/116 +[2024-10-13 16:10:03,552 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 112/116 +[2024-10-13 16:10:03,615 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 113/116 +[2024-10-13 16:10:03,678 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 114/116 +[2024-10-13 16:10:03,741 INFO test.py line 186 25394] Test: 125/312-scene0574_01, Batch: 115/116 +[2024-10-13 16:10:03,820 INFO test.py line 272 25394] Test: scene0574_01 [125/312]-53641 Batch 7.470 (19.562) Accuracy 0.8127 (0.4480) mIoU 0.4307 (0.3481) +[2024-10-13 16:10:03,917 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 0/120 +[2024-10-13 16:10:04,003 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 1/120 +[2024-10-13 16:10:04,088 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 2/120 +[2024-10-13 16:10:04,172 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 3/120 +[2024-10-13 16:10:04,258 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 4/120 +[2024-10-13 16:10:04,342 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 5/120 +[2024-10-13 16:10:04,428 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 6/120 +[2024-10-13 16:10:04,513 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 7/120 +[2024-10-13 16:10:04,597 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 8/120 +[2024-10-13 16:10:04,682 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 9/120 +[2024-10-13 16:10:04,767 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 10/120 +[2024-10-13 16:10:04,852 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 11/120 +[2024-10-13 16:10:04,937 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 12/120 +[2024-10-13 16:10:05,022 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 13/120 +[2024-10-13 16:10:05,107 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 14/120 +[2024-10-13 16:10:05,191 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 15/120 +[2024-10-13 16:10:05,276 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 16/120 +[2024-10-13 16:10:05,361 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 17/120 +[2024-10-13 16:10:05,446 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 18/120 +[2024-10-13 16:10:05,531 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 19/120 +[2024-10-13 16:10:05,616 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 20/120 +[2024-10-13 16:10:05,701 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 21/120 +[2024-10-13 16:10:05,786 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 22/120 +[2024-10-13 16:10:05,871 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 23/120 +[2024-10-13 16:10:05,956 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 24/120 +[2024-10-13 16:10:06,042 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 25/120 +[2024-10-13 16:10:06,127 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 26/120 +[2024-10-13 16:10:06,212 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 27/120 +[2024-10-13 16:10:06,298 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 28/120 +[2024-10-13 16:10:06,383 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 29/120 +[2024-10-13 16:10:06,469 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 30/120 +[2024-10-13 16:10:06,554 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 31/120 +[2024-10-13 16:10:06,634 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 32/120 +[2024-10-13 16:10:06,714 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 33/120 +[2024-10-13 16:10:06,794 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 34/120 +[2024-10-13 16:10:06,874 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 35/120 +[2024-10-13 16:10:06,954 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 36/120 +[2024-10-13 16:10:07,034 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 37/120 +[2024-10-13 16:10:07,114 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 38/120 +[2024-10-13 16:10:07,194 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 39/120 +[2024-10-13 16:10:07,274 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 40/120 +[2024-10-13 16:10:07,356 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 41/120 +[2024-10-13 16:10:07,479 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 42/120 +[2024-10-13 16:10:07,559 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 43/120 +[2024-10-13 16:10:07,640 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 44/120 +[2024-10-13 16:10:07,721 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 45/120 +[2024-10-13 16:10:07,801 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 46/120 +[2024-10-13 16:10:07,882 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 47/120 +[2024-10-13 16:10:07,963 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 48/120 +[2024-10-13 16:10:08,044 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 49/120 +[2024-10-13 16:10:08,125 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 50/120 +[2024-10-13 16:10:08,205 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 51/120 +[2024-10-13 16:10:08,285 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 52/120 +[2024-10-13 16:10:08,365 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 53/120 +[2024-10-13 16:10:08,445 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 54/120 +[2024-10-13 16:10:08,525 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 55/120 +[2024-10-13 16:10:08,605 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 56/120 +[2024-10-13 16:10:08,684 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 57/120 +[2024-10-13 16:10:08,764 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 58/120 +[2024-10-13 16:10:08,844 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 59/120 +[2024-10-13 16:10:08,924 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 60/120 +[2024-10-13 16:10:09,004 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 61/120 +[2024-10-13 16:10:09,083 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 62/120 +[2024-10-13 16:10:09,163 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 63/120 +[2024-10-13 16:10:09,243 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 64/120 +[2024-10-13 16:10:09,323 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 65/120 +[2024-10-13 16:10:09,403 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 66/120 +[2024-10-13 16:10:09,483 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 67/120 +[2024-10-13 16:10:09,563 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 68/120 +[2024-10-13 16:10:09,643 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 69/120 +[2024-10-13 16:10:09,724 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 70/120 +[2024-10-13 16:10:09,804 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 71/120 +[2024-10-13 16:10:09,884 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 72/120 +[2024-10-13 16:10:09,964 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 73/120 +[2024-10-13 16:10:10,044 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 74/120 +[2024-10-13 16:10:10,124 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 75/120 +[2024-10-13 16:10:10,204 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 76/120 +[2024-10-13 16:10:10,285 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 77/120 +[2024-10-13 16:10:10,365 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 78/120 +[2024-10-13 16:10:10,445 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 79/120 +[2024-10-13 16:10:10,534 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 80/120 +[2024-10-13 16:10:10,624 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 81/120 +[2024-10-13 16:10:10,760 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 82/120 +[2024-10-13 16:10:10,850 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 83/120 +[2024-10-13 16:10:10,942 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 84/120 +[2024-10-13 16:10:11,033 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 85/120 +[2024-10-13 16:10:11,122 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 86/120 +[2024-10-13 16:10:11,212 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 87/120 +[2024-10-13 16:10:11,301 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 88/120 +[2024-10-13 16:10:11,390 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 89/120 +[2024-10-13 16:10:11,480 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 90/120 +[2024-10-13 16:10:11,569 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 91/120 +[2024-10-13 16:10:11,658 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 92/120 +[2024-10-13 16:10:11,747 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 93/120 +[2024-10-13 16:10:11,837 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 94/120 +[2024-10-13 16:10:11,926 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 95/120 +[2024-10-13 16:10:12,016 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 96/120 +[2024-10-13 16:10:12,105 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 97/120 +[2024-10-13 16:10:12,194 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 98/120 +[2024-10-13 16:10:12,283 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 99/120 +[2024-10-13 16:10:12,373 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 100/120 +[2024-10-13 16:10:12,462 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 101/120 +[2024-10-13 16:10:12,551 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 102/120 +[2024-10-13 16:10:12,641 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 103/120 +[2024-10-13 16:10:12,730 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 104/120 +[2024-10-13 16:10:12,819 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 105/120 +[2024-10-13 16:10:12,909 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 106/120 +[2024-10-13 16:10:12,998 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 107/120 +[2024-10-13 16:10:13,087 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 108/120 +[2024-10-13 16:10:13,177 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 109/120 +[2024-10-13 16:10:13,266 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 110/120 +[2024-10-13 16:10:13,355 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 111/120 +[2024-10-13 16:10:13,440 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 112/120 +[2024-10-13 16:10:13,525 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 113/120 +[2024-10-13 16:10:13,610 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 114/120 +[2024-10-13 16:10:13,695 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 115/120 +[2024-10-13 16:10:13,780 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 116/120 +[2024-10-13 16:10:13,865 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 117/120 +[2024-10-13 16:10:13,949 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 118/120 +[2024-10-13 16:10:14,034 INFO test.py line 186 25394] Test: 126/312-scene0671_00, Batch: 119/120 +[2024-10-13 16:10:14,147 INFO test.py line 272 25394] Test: scene0671_00 [126/312]-81469 Batch 10.327 (19.489) Accuracy 0.8111 (0.4474) mIoU 0.3522 (0.3472) +[2024-10-13 16:10:14,537 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 0/148 +[2024-10-13 16:10:14,864 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 1/148 +[2024-10-13 16:10:15,189 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 2/148 +[2024-10-13 16:10:15,543 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 3/148 +[2024-10-13 16:10:15,867 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 4/148 +[2024-10-13 16:10:16,192 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 5/148 +[2024-10-13 16:10:16,519 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 6/148 +[2024-10-13 16:10:16,844 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 7/148 +[2024-10-13 16:10:17,169 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 8/148 +[2024-10-13 16:10:17,495 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 9/148 +[2024-10-13 16:10:17,821 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 10/148 +[2024-10-13 16:10:18,145 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 11/148 +[2024-10-13 16:10:18,472 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 12/148 +[2024-10-13 16:10:18,799 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 13/148 +[2024-10-13 16:10:19,125 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 14/148 +[2024-10-13 16:10:19,452 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 15/148 +[2024-10-13 16:10:19,779 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 16/148 +[2024-10-13 16:10:20,105 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 17/148 +[2024-10-13 16:10:20,432 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 18/148 +[2024-10-13 16:10:20,760 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 19/148 +[2024-10-13 16:10:21,086 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 20/148 +[2024-10-13 16:10:21,413 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 21/148 +[2024-10-13 16:10:21,739 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 22/148 +[2024-10-13 16:10:22,065 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 23/148 +[2024-10-13 16:10:22,391 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 24/148 +[2024-10-13 16:10:22,718 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 25/148 +[2024-10-13 16:10:23,044 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 26/148 +[2024-10-13 16:10:23,371 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 27/148 +[2024-10-13 16:10:23,699 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 28/148 +[2024-10-13 16:10:24,026 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 29/148 +[2024-10-13 16:10:24,352 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 30/148 +[2024-10-13 16:10:24,679 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 31/148 +[2024-10-13 16:10:25,005 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 32/148 +[2024-10-13 16:10:25,331 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 33/148 +[2024-10-13 16:10:25,658 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 34/148 +[2024-10-13 16:10:25,984 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 35/148 +[2024-10-13 16:10:26,310 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 36/148 +[2024-10-13 16:10:26,637 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 37/148 +[2024-10-13 16:10:26,962 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 38/148 +[2024-10-13 16:10:27,287 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 39/148 +[2024-10-13 16:10:27,613 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 40/148 +[2024-10-13 16:10:27,939 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 41/148 +[2024-10-13 16:10:28,265 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 42/148 +[2024-10-13 16:10:28,592 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 43/148 +[2024-10-13 16:10:28,917 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 44/148 +[2024-10-13 16:10:29,243 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 45/148 +[2024-10-13 16:10:29,570 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 46/148 +[2024-10-13 16:10:29,896 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 47/148 +[2024-10-13 16:10:30,199 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 48/148 +[2024-10-13 16:10:30,503 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 49/148 +[2024-10-13 16:10:30,806 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 50/148 +[2024-10-13 16:10:31,110 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 51/148 +[2024-10-13 16:10:31,413 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 52/148 +[2024-10-13 16:10:31,716 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 53/148 +[2024-10-13 16:10:32,019 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 54/148 +[2024-10-13 16:10:32,322 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 55/148 +[2024-10-13 16:10:32,626 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 56/148 +[2024-10-13 16:10:32,929 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 57/148 +[2024-10-13 16:10:33,234 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 58/148 +[2024-10-13 16:10:33,537 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 59/148 +[2024-10-13 16:10:33,840 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 60/148 +[2024-10-13 16:10:34,143 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 61/148 +[2024-10-13 16:10:34,445 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 62/148 +[2024-10-13 16:10:34,748 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 63/148 +[2024-10-13 16:10:35,051 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 64/148 +[2024-10-13 16:10:35,353 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 65/148 +[2024-10-13 16:10:35,656 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 66/148 +[2024-10-13 16:10:35,958 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 67/148 +[2024-10-13 16:10:36,261 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 68/148 +[2024-10-13 16:10:36,564 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 69/148 +[2024-10-13 16:10:36,866 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 70/148 +[2024-10-13 16:10:37,169 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 71/148 +[2024-10-13 16:10:37,471 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 72/148 +[2024-10-13 16:10:37,773 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 73/148 +[2024-10-13 16:10:38,077 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 74/148 +[2024-10-13 16:10:38,381 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 75/148 +[2024-10-13 16:10:38,685 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 76/148 +[2024-10-13 16:10:38,988 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 77/148 +[2024-10-13 16:10:39,291 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 78/148 +[2024-10-13 16:10:39,595 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 79/148 +[2024-10-13 16:10:39,898 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 80/148 +[2024-10-13 16:10:40,202 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 81/148 +[2024-10-13 16:10:40,505 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 82/148 +[2024-10-13 16:10:40,809 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 83/148 +[2024-10-13 16:10:41,112 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 84/148 +[2024-10-13 16:10:41,416 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 85/148 +[2024-10-13 16:10:41,720 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 86/148 +[2024-10-13 16:10:42,023 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 87/148 +[2024-10-13 16:10:42,326 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 88/148 +[2024-10-13 16:10:42,629 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 89/148 +[2024-10-13 16:10:42,931 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 90/148 +[2024-10-13 16:10:43,235 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 91/148 +[2024-10-13 16:10:43,538 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 92/148 +[2024-10-13 16:10:43,841 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 93/148 +[2024-10-13 16:10:44,144 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 94/148 +[2024-10-13 16:10:44,447 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 95/148 +[2024-10-13 16:10:44,749 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 96/148 +[2024-10-13 16:10:45,052 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 97/148 +[2024-10-13 16:10:45,355 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 98/148 +[2024-10-13 16:10:45,658 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 99/148 +[2024-10-13 16:10:46,006 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 100/148 +[2024-10-13 16:10:46,353 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 101/148 +[2024-10-13 16:10:46,702 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 102/148 +[2024-10-13 16:10:47,049 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 103/148 +[2024-10-13 16:10:47,396 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 104/148 +[2024-10-13 16:10:47,744 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 105/148 +[2024-10-13 16:10:48,091 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 106/148 +[2024-10-13 16:10:48,438 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 107/148 +[2024-10-13 16:10:48,787 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 108/148 +[2024-10-13 16:10:49,135 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 109/148 +[2024-10-13 16:10:49,484 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 110/148 +[2024-10-13 16:10:49,834 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 111/148 +[2024-10-13 16:10:50,183 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 112/148 +[2024-10-13 16:10:50,532 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 113/148 +[2024-10-13 16:10:50,881 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 114/148 +[2024-10-13 16:10:51,229 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 115/148 +[2024-10-13 16:10:51,579 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 116/148 +[2024-10-13 16:10:51,929 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 117/148 +[2024-10-13 16:10:52,278 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 118/148 +[2024-10-13 16:10:52,628 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 119/148 +[2024-10-13 16:10:52,977 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 120/148 +[2024-10-13 16:10:53,327 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 121/148 +[2024-10-13 16:10:53,677 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 122/148 +[2024-10-13 16:10:54,027 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 123/148 +[2024-10-13 16:10:54,376 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 124/148 +[2024-10-13 16:10:54,725 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 125/148 +[2024-10-13 16:10:55,076 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 126/148 +[2024-10-13 16:10:55,426 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 127/148 +[2024-10-13 16:10:55,775 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 128/148 +[2024-10-13 16:10:56,123 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 129/148 +[2024-10-13 16:10:56,472 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 130/148 +[2024-10-13 16:10:56,821 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 131/148 +[2024-10-13 16:10:57,169 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 132/148 +[2024-10-13 16:10:57,518 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 133/148 +[2024-10-13 16:10:57,867 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 134/148 +[2024-10-13 16:10:58,216 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 135/148 +[2024-10-13 16:10:58,543 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 136/148 +[2024-10-13 16:10:58,869 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 137/148 +[2024-10-13 16:10:59,195 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 138/148 +[2024-10-13 16:10:59,521 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 139/148 +[2024-10-13 16:10:59,849 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 140/148 +[2024-10-13 16:11:00,175 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 141/148 +[2024-10-13 16:11:00,501 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 142/148 +[2024-10-13 16:11:00,828 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 143/148 +[2024-10-13 16:11:01,154 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 144/148 +[2024-10-13 16:11:01,481 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 145/148 +[2024-10-13 16:11:01,808 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 146/148 +[2024-10-13 16:11:02,135 INFO test.py line 186 25394] Test: 127/312-scene0231_00, Batch: 147/148 +[2024-10-13 16:11:02,663 INFO test.py line 272 25394] Test: scene0231_00 [127/312]-419537 Batch 48.515 (19.718) Accuracy 0.8167 (0.4451) mIoU 0.3972 (0.3449) +[2024-10-13 16:11:02,845 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 0/144 +[2024-10-13 16:11:02,999 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 1/144 +[2024-10-13 16:11:03,153 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 2/144 +[2024-10-13 16:11:03,307 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 3/144 +[2024-10-13 16:11:03,462 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 4/144 +[2024-10-13 16:11:03,616 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 5/144 +[2024-10-13 16:11:03,771 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 6/144 +[2024-10-13 16:11:03,925 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 7/144 +[2024-10-13 16:11:04,079 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 8/144 +[2024-10-13 16:11:04,234 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 9/144 +[2024-10-13 16:11:04,388 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 10/144 +[2024-10-13 16:11:04,543 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 11/144 +[2024-10-13 16:11:04,697 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 12/144 +[2024-10-13 16:11:04,868 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 13/144 +[2024-10-13 16:11:05,024 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 14/144 +[2024-10-13 16:11:05,177 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 15/144 +[2024-10-13 16:11:05,332 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 16/144 +[2024-10-13 16:11:05,486 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 17/144 +[2024-10-13 16:11:05,640 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 18/144 +[2024-10-13 16:11:05,794 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 19/144 +[2024-10-13 16:11:05,948 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 20/144 +[2024-10-13 16:11:06,102 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 21/144 +[2024-10-13 16:11:06,257 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 22/144 +[2024-10-13 16:11:06,411 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 23/144 +[2024-10-13 16:11:06,565 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 24/144 +[2024-10-13 16:11:06,719 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 25/144 +[2024-10-13 16:11:06,874 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 26/144 +[2024-10-13 16:11:07,028 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 27/144 +[2024-10-13 16:11:07,183 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 28/144 +[2024-10-13 16:11:07,337 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 29/144 +[2024-10-13 16:11:07,491 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 30/144 +[2024-10-13 16:11:07,645 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 31/144 +[2024-10-13 16:11:07,800 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 32/144 +[2024-10-13 16:11:07,954 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 33/144 +[2024-10-13 16:11:08,109 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 34/144 +[2024-10-13 16:11:08,263 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 35/144 +[2024-10-13 16:11:08,417 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 36/144 +[2024-10-13 16:11:08,571 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 37/144 +[2024-10-13 16:11:08,725 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 38/144 +[2024-10-13 16:11:08,880 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 39/144 +[2024-10-13 16:11:09,034 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 40/144 +[2024-10-13 16:11:09,188 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 41/144 +[2024-10-13 16:11:09,342 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 42/144 +[2024-10-13 16:11:09,496 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 43/144 +[2024-10-13 16:11:09,650 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 44/144 +[2024-10-13 16:11:09,804 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 45/144 +[2024-10-13 16:11:09,958 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 46/144 +[2024-10-13 16:11:10,112 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 47/144 +[2024-10-13 16:11:10,257 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 48/144 +[2024-10-13 16:11:10,402 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 49/144 +[2024-10-13 16:11:10,548 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 50/144 +[2024-10-13 16:11:10,693 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 51/144 +[2024-10-13 16:11:10,838 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 52/144 +[2024-10-13 16:11:10,983 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 53/144 +[2024-10-13 16:11:11,129 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 54/144 +[2024-10-13 16:11:11,274 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 55/144 +[2024-10-13 16:11:11,419 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 56/144 +[2024-10-13 16:11:11,565 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 57/144 +[2024-10-13 16:11:11,710 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 58/144 +[2024-10-13 16:11:11,856 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 59/144 +[2024-10-13 16:11:12,000 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 60/144 +[2024-10-13 16:11:12,145 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 61/144 +[2024-10-13 16:11:12,289 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 62/144 +[2024-10-13 16:11:12,434 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 63/144 +[2024-10-13 16:11:12,578 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 64/144 +[2024-10-13 16:11:12,723 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 65/144 +[2024-10-13 16:11:12,868 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 66/144 +[2024-10-13 16:11:13,012 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 67/144 +[2024-10-13 16:11:13,156 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 68/144 +[2024-10-13 16:11:13,301 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 69/144 +[2024-10-13 16:11:13,446 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 70/144 +[2024-10-13 16:11:13,590 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 71/144 +[2024-10-13 16:11:13,735 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 72/144 +[2024-10-13 16:11:13,880 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 73/144 +[2024-10-13 16:11:14,026 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 74/144 +[2024-10-13 16:11:14,171 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 75/144 +[2024-10-13 16:11:14,316 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 76/144 +[2024-10-13 16:11:14,461 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 77/144 +[2024-10-13 16:11:14,606 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 78/144 +[2024-10-13 16:11:14,751 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 79/144 +[2024-10-13 16:11:14,896 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 80/144 +[2024-10-13 16:11:15,042 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 81/144 +[2024-10-13 16:11:15,187 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 82/144 +[2024-10-13 16:11:15,332 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 83/144 +[2024-10-13 16:11:15,476 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 84/144 +[2024-10-13 16:11:15,621 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 85/144 +[2024-10-13 16:11:15,766 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 86/144 +[2024-10-13 16:11:15,911 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 87/144 +[2024-10-13 16:11:16,055 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 88/144 +[2024-10-13 16:11:16,200 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 89/144 +[2024-10-13 16:11:16,345 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 90/144 +[2024-10-13 16:11:16,489 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 91/144 +[2024-10-13 16:11:16,634 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 92/144 +[2024-10-13 16:11:16,779 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 93/144 +[2024-10-13 16:11:16,924 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 94/144 +[2024-10-13 16:11:17,068 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 95/144 +[2024-10-13 16:11:17,231 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 96/144 +[2024-10-13 16:11:17,393 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 97/144 +[2024-10-13 16:11:17,555 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 98/144 +[2024-10-13 16:11:17,717 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 99/144 +[2024-10-13 16:11:17,879 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 100/144 +[2024-10-13 16:11:18,041 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 101/144 +[2024-10-13 16:11:18,203 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 102/144 +[2024-10-13 16:11:18,366 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 103/144 +[2024-10-13 16:11:18,528 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 104/144 +[2024-10-13 16:11:18,690 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 105/144 +[2024-10-13 16:11:18,853 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 106/144 +[2024-10-13 16:11:19,015 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 107/144 +[2024-10-13 16:11:19,177 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 108/144 +[2024-10-13 16:11:19,339 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 109/144 +[2024-10-13 16:11:19,501 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 110/144 +[2024-10-13 16:11:19,663 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 111/144 +[2024-10-13 16:11:19,826 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 112/144 +[2024-10-13 16:11:19,988 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 113/144 +[2024-10-13 16:11:20,152 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 114/144 +[2024-10-13 16:11:20,315 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 115/144 +[2024-10-13 16:11:20,479 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 116/144 +[2024-10-13 16:11:20,642 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 117/144 +[2024-10-13 16:11:20,806 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 118/144 +[2024-10-13 16:11:20,970 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 119/144 +[2024-10-13 16:11:21,134 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 120/144 +[2024-10-13 16:11:21,297 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 121/144 +[2024-10-13 16:11:21,461 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 122/144 +[2024-10-13 16:11:21,624 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 123/144 +[2024-10-13 16:11:21,788 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 124/144 +[2024-10-13 16:11:21,952 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 125/144 +[2024-10-13 16:11:22,115 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 126/144 +[2024-10-13 16:11:22,279 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 127/144 +[2024-10-13 16:11:22,443 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 128/144 +[2024-10-13 16:11:22,607 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 129/144 +[2024-10-13 16:11:22,771 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 130/144 +[2024-10-13 16:11:22,934 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 131/144 +[2024-10-13 16:11:23,089 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 132/144 +[2024-10-13 16:11:23,243 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 133/144 +[2024-10-13 16:11:23,398 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 134/144 +[2024-10-13 16:11:23,552 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 135/144 +[2024-10-13 16:11:23,706 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 136/144 +[2024-10-13 16:11:23,860 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 137/144 +[2024-10-13 16:11:24,015 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 138/144 +[2024-10-13 16:11:24,169 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 139/144 +[2024-10-13 16:11:24,323 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 140/144 +[2024-10-13 16:11:24,478 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 141/144 +[2024-10-13 16:11:24,632 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 142/144 +[2024-10-13 16:11:24,786 INFO test.py line 186 25394] Test: 128/312-scene0591_00, Batch: 143/144 +[2024-10-13 16:11:25,009 INFO test.py line 272 25394] Test: scene0591_00 [128/312]-175600 Batch 22.345 (19.738) Accuracy 0.7572 (0.4454) mIoU 0.4846 (0.3451) +[2024-10-13 16:11:25,086 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 0/130 +[2024-10-13 16:11:25,153 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 1/130 +[2024-10-13 16:11:25,219 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 2/130 +[2024-10-13 16:11:25,287 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 3/130 +[2024-10-13 16:11:25,353 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 4/130 +[2024-10-13 16:11:25,420 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 5/130 +[2024-10-13 16:11:25,487 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 6/130 +[2024-10-13 16:11:25,554 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 7/130 +[2024-10-13 16:11:25,621 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 8/130 +[2024-10-13 16:11:25,688 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 9/130 +[2024-10-13 16:11:25,754 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 10/130 +[2024-10-13 16:11:25,821 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 11/130 +[2024-10-13 16:11:25,888 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 12/130 +[2024-10-13 16:11:25,954 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 13/130 +[2024-10-13 16:11:26,021 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 14/130 +[2024-10-13 16:11:26,088 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 15/130 +[2024-10-13 16:11:26,154 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 16/130 +[2024-10-13 16:11:26,221 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 17/130 +[2024-10-13 16:11:26,288 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 18/130 +[2024-10-13 16:11:26,354 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 19/130 +[2024-10-13 16:11:26,421 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 20/130 +[2024-10-13 16:11:26,488 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 21/130 +[2024-10-13 16:11:26,555 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 22/130 +[2024-10-13 16:11:26,621 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 23/130 +[2024-10-13 16:11:26,689 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 24/130 +[2024-10-13 16:11:26,794 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 25/130 +[2024-10-13 16:11:26,863 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 26/130 +[2024-10-13 16:11:26,933 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 27/130 +[2024-10-13 16:11:27,000 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 28/130 +[2024-10-13 16:11:27,067 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 29/130 +[2024-10-13 16:11:27,133 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 30/130 +[2024-10-13 16:11:27,200 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 31/130 +[2024-10-13 16:11:27,267 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 32/130 +[2024-10-13 16:11:27,333 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 33/130 +[2024-10-13 16:11:27,400 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 34/130 +[2024-10-13 16:11:27,467 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 35/130 +[2024-10-13 16:11:27,533 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 36/130 +[2024-10-13 16:11:27,600 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 37/130 +[2024-10-13 16:11:27,667 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 38/130 +[2024-10-13 16:11:27,733 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 39/130 +[2024-10-13 16:11:27,798 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 40/130 +[2024-10-13 16:11:27,863 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 41/130 +[2024-10-13 16:11:27,927 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 42/130 +[2024-10-13 16:11:27,992 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 43/130 +[2024-10-13 16:11:28,056 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 44/130 +[2024-10-13 16:11:28,121 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 45/130 +[2024-10-13 16:11:28,186 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 46/130 +[2024-10-13 16:11:28,251 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 47/130 +[2024-10-13 16:11:28,315 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 48/130 +[2024-10-13 16:11:28,380 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 49/130 +[2024-10-13 16:11:28,444 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 50/130 +[2024-10-13 16:11:28,509 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 51/130 +[2024-10-13 16:11:28,574 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 52/130 +[2024-10-13 16:11:28,638 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 53/130 +[2024-10-13 16:11:28,703 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 54/130 +[2024-10-13 16:11:28,767 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 55/130 +[2024-10-13 16:11:28,832 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 56/130 +[2024-10-13 16:11:28,897 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 57/130 +[2024-10-13 16:11:28,961 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 58/130 +[2024-10-13 16:11:29,026 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 59/130 +[2024-10-13 16:11:29,090 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 60/130 +[2024-10-13 16:11:29,155 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 61/130 +[2024-10-13 16:11:29,219 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 62/130 +[2024-10-13 16:11:29,284 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 63/130 +[2024-10-13 16:11:29,349 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 64/130 +[2024-10-13 16:11:29,414 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 65/130 +[2024-10-13 16:11:29,478 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 66/130 +[2024-10-13 16:11:29,543 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 67/130 +[2024-10-13 16:11:29,608 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 68/130 +[2024-10-13 16:11:29,672 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 69/130 +[2024-10-13 16:11:29,737 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 70/130 +[2024-10-13 16:11:29,801 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 71/130 +[2024-10-13 16:11:29,866 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 72/130 +[2024-10-13 16:11:29,931 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 73/130 +[2024-10-13 16:11:29,995 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 74/130 +[2024-10-13 16:11:30,059 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 75/130 +[2024-10-13 16:11:30,124 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 76/130 +[2024-10-13 16:11:30,189 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 77/130 +[2024-10-13 16:11:30,253 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 78/130 +[2024-10-13 16:11:30,318 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 79/130 +[2024-10-13 16:11:30,382 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 80/130 +[2024-10-13 16:11:30,447 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 81/130 +[2024-10-13 16:11:30,512 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 82/130 +[2024-10-13 16:11:30,576 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 83/130 +[2024-10-13 16:11:30,646 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 84/130 +[2024-10-13 16:11:30,716 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 85/130 +[2024-10-13 16:11:30,786 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 86/130 +[2024-10-13 16:11:30,856 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 87/130 +[2024-10-13 16:11:30,926 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 88/130 +[2024-10-13 16:11:30,996 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 89/130 +[2024-10-13 16:11:31,066 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 90/130 +[2024-10-13 16:11:31,136 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 91/130 +[2024-10-13 16:11:31,206 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 92/130 +[2024-10-13 16:11:31,276 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 93/130 +[2024-10-13 16:11:31,347 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 94/130 +[2024-10-13 16:11:31,417 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 95/130 +[2024-10-13 16:11:31,487 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 96/130 +[2024-10-13 16:11:31,557 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 97/130 +[2024-10-13 16:11:31,628 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 98/130 +[2024-10-13 16:11:31,698 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 99/130 +[2024-10-13 16:11:31,768 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 100/130 +[2024-10-13 16:11:31,838 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 101/130 +[2024-10-13 16:11:31,908 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 102/130 +[2024-10-13 16:11:31,978 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 103/130 +[2024-10-13 16:11:32,049 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 104/130 +[2024-10-13 16:11:32,119 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 105/130 +[2024-10-13 16:11:32,189 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 106/130 +[2024-10-13 16:11:32,259 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 107/130 +[2024-10-13 16:11:32,329 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 108/130 +[2024-10-13 16:11:32,399 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 109/130 +[2024-10-13 16:11:32,470 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 110/130 +[2024-10-13 16:11:32,540 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 111/130 +[2024-10-13 16:11:32,610 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 112/130 +[2024-10-13 16:11:32,680 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 113/130 +[2024-10-13 16:11:32,750 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 114/130 +[2024-10-13 16:11:32,820 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 115/130 +[2024-10-13 16:11:32,891 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 116/130 +[2024-10-13 16:11:32,961 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 117/130 +[2024-10-13 16:11:33,031 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 118/130 +[2024-10-13 16:11:33,101 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 119/130 +[2024-10-13 16:11:33,168 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 120/130 +[2024-10-13 16:11:33,235 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 121/130 +[2024-10-13 16:11:33,301 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 122/130 +[2024-10-13 16:11:33,368 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 123/130 +[2024-10-13 16:11:33,435 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 124/130 +[2024-10-13 16:11:33,502 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 125/130 +[2024-10-13 16:11:33,568 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 126/130 +[2024-10-13 16:11:33,635 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 127/130 +[2024-10-13 16:11:33,702 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 128/130 +[2024-10-13 16:11:33,768 INFO test.py line 186 25394] Test: 129/312-scene0702_01, Batch: 129/130 +[2024-10-13 16:11:33,845 INFO test.py line 272 25394] Test: scene0702_01 [129/312]-56603 Batch 8.836 (19.654) Accuracy 0.8427 (0.4463) mIoU 0.5789 (0.3461) +[2024-10-13 16:11:33,949 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 0/130 +[2024-10-13 16:11:34,040 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 1/130 +[2024-10-13 16:11:34,132 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 2/130 +[2024-10-13 16:11:34,224 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 3/130 +[2024-10-13 16:11:34,315 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 4/130 +[2024-10-13 16:11:34,406 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 5/130 +[2024-10-13 16:11:34,497 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 6/130 +[2024-10-13 16:11:34,588 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 7/130 +[2024-10-13 16:11:34,680 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 8/130 +[2024-10-13 16:11:34,771 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 9/130 +[2024-10-13 16:11:34,862 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 10/130 +[2024-10-13 16:11:34,953 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 11/130 +[2024-10-13 16:11:35,044 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 12/130 +[2024-10-13 16:11:35,134 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 13/130 +[2024-10-13 16:11:35,225 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 14/130 +[2024-10-13 16:11:35,316 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 15/130 +[2024-10-13 16:11:35,407 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 16/130 +[2024-10-13 16:11:35,498 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 17/130 +[2024-10-13 16:11:35,589 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 18/130 +[2024-10-13 16:11:35,680 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 19/130 +[2024-10-13 16:11:35,771 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 20/130 +[2024-10-13 16:11:35,862 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 21/130 +[2024-10-13 16:11:35,953 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 22/130 +[2024-10-13 16:11:36,043 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 23/130 +[2024-10-13 16:11:36,134 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 24/130 +[2024-10-13 16:11:36,225 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 25/130 +[2024-10-13 16:11:36,316 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 26/130 +[2024-10-13 16:11:36,407 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 27/130 +[2024-10-13 16:11:36,498 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 28/130 +[2024-10-13 16:11:36,589 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 29/130 +[2024-10-13 16:11:36,680 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 30/130 +[2024-10-13 16:11:36,771 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 31/130 +[2024-10-13 16:11:36,862 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 32/130 +[2024-10-13 16:11:36,954 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 33/130 +[2024-10-13 16:11:37,045 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 34/130 +[2024-10-13 16:11:37,136 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 35/130 +[2024-10-13 16:11:37,227 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 36/130 +[2024-10-13 16:11:37,318 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 37/130 +[2024-10-13 16:11:37,410 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 38/130 +[2024-10-13 16:11:37,501 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 39/130 +[2024-10-13 16:11:37,588 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 40/130 +[2024-10-13 16:11:37,675 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 41/130 +[2024-10-13 16:11:37,762 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 42/130 +[2024-10-13 16:11:37,849 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 43/130 +[2024-10-13 16:11:37,936 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 44/130 +[2024-10-13 16:11:38,023 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 45/130 +[2024-10-13 16:11:38,110 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 46/130 +[2024-10-13 16:11:38,197 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 47/130 +[2024-10-13 16:11:38,284 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 48/130 +[2024-10-13 16:11:38,371 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 49/130 +[2024-10-13 16:11:38,466 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 50/130 +[2024-10-13 16:11:38,580 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 51/130 +[2024-10-13 16:11:38,668 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 52/130 +[2024-10-13 16:11:38,756 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 53/130 +[2024-10-13 16:11:38,844 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 54/130 +[2024-10-13 16:11:38,931 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 55/130 +[2024-10-13 16:11:39,018 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 56/130 +[2024-10-13 16:11:39,105 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 57/130 +[2024-10-13 16:11:39,192 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 58/130 +[2024-10-13 16:11:39,279 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 59/130 +[2024-10-13 16:11:39,366 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 60/130 +[2024-10-13 16:11:39,453 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 61/130 +[2024-10-13 16:11:39,540 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 62/130 +[2024-10-13 16:11:39,627 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 63/130 +[2024-10-13 16:11:39,714 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 64/130 +[2024-10-13 16:11:39,801 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 65/130 +[2024-10-13 16:11:39,888 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 66/130 +[2024-10-13 16:11:39,975 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 67/130 +[2024-10-13 16:11:40,061 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 68/130 +[2024-10-13 16:11:40,148 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 69/130 +[2024-10-13 16:11:40,235 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 70/130 +[2024-10-13 16:11:40,322 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 71/130 +[2024-10-13 16:11:40,408 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 72/130 +[2024-10-13 16:11:40,495 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 73/130 +[2024-10-13 16:11:40,584 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 74/130 +[2024-10-13 16:11:40,671 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 75/130 +[2024-10-13 16:11:40,766 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 76/130 +[2024-10-13 16:11:40,861 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 77/130 +[2024-10-13 16:11:40,957 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 78/130 +[2024-10-13 16:11:41,052 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 79/130 +[2024-10-13 16:11:41,148 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 80/130 +[2024-10-13 16:11:41,243 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 81/130 +[2024-10-13 16:11:41,339 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 82/130 +[2024-10-13 16:11:41,435 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 83/130 +[2024-10-13 16:11:41,530 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 84/130 +[2024-10-13 16:11:41,625 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 85/130 +[2024-10-13 16:11:41,721 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 86/130 +[2024-10-13 16:11:41,817 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 87/130 +[2024-10-13 16:11:41,912 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 88/130 +[2024-10-13 16:11:42,008 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 89/130 +[2024-10-13 16:11:42,103 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 90/130 +[2024-10-13 16:11:42,199 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 91/130 +[2024-10-13 16:11:42,295 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 92/130 +[2024-10-13 16:11:42,390 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 93/130 +[2024-10-13 16:11:42,486 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 94/130 +[2024-10-13 16:11:42,582 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 95/130 +[2024-10-13 16:11:42,677 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 96/130 +[2024-10-13 16:11:42,773 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 97/130 +[2024-10-13 16:11:42,869 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 98/130 +[2024-10-13 16:11:42,964 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 99/130 +[2024-10-13 16:11:43,060 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 100/130 +[2024-10-13 16:11:43,155 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 101/130 +[2024-10-13 16:11:43,251 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 102/130 +[2024-10-13 16:11:43,346 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 103/130 +[2024-10-13 16:11:43,442 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 104/130 +[2024-10-13 16:11:43,538 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 105/130 +[2024-10-13 16:11:43,633 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 106/130 +[2024-10-13 16:11:43,729 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 107/130 +[2024-10-13 16:11:43,824 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 108/130 +[2024-10-13 16:11:43,920 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 109/130 +[2024-10-13 16:11:44,016 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 110/130 +[2024-10-13 16:11:44,111 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 111/130 +[2024-10-13 16:11:44,207 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 112/130 +[2024-10-13 16:11:44,303 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 113/130 +[2024-10-13 16:11:44,398 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 114/130 +[2024-10-13 16:11:44,494 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 115/130 +[2024-10-13 16:11:44,589 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 116/130 +[2024-10-13 16:11:44,687 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 117/130 +[2024-10-13 16:11:44,782 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 118/130 +[2024-10-13 16:11:44,878 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 119/130 +[2024-10-13 16:11:44,969 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 120/130 +[2024-10-13 16:11:45,060 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 121/130 +[2024-10-13 16:11:45,150 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 122/130 +[2024-10-13 16:11:45,241 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 123/130 +[2024-10-13 16:11:45,332 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 124/130 +[2024-10-13 16:11:45,423 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 125/130 +[2024-10-13 16:11:45,513 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 126/130 +[2024-10-13 16:11:45,604 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 127/130 +[2024-10-13 16:11:45,695 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 128/130 +[2024-10-13 16:11:45,786 INFO test.py line 186 25394] Test: 130/312-scene0193_01, Batch: 129/130 +[2024-10-13 16:11:45,908 INFO test.py line 272 25394] Test: scene0193_01 [130/312]-93668 Batch 12.063 (19.595) Accuracy 0.8756 (0.4462) mIoU 0.5520 (0.3460) +[2024-10-13 16:11:46,014 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 0/113 +[2024-10-13 16:11:46,104 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 1/113 +[2024-10-13 16:11:46,194 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 2/113 +[2024-10-13 16:11:46,285 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 3/113 +[2024-10-13 16:11:46,375 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 4/113 +[2024-10-13 16:11:46,465 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 5/113 +[2024-10-13 16:11:46,556 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 6/113 +[2024-10-13 16:11:46,646 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 7/113 +[2024-10-13 16:11:46,736 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 8/113 +[2024-10-13 16:11:46,827 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 9/113 +[2024-10-13 16:11:46,918 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 10/113 +[2024-10-13 16:11:47,008 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 11/113 +[2024-10-13 16:11:47,099 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 12/113 +[2024-10-13 16:11:47,189 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 13/113 +[2024-10-13 16:11:47,279 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 14/113 +[2024-10-13 16:11:47,370 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 15/113 +[2024-10-13 16:11:47,460 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 16/113 +[2024-10-13 16:11:47,550 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 17/113 +[2024-10-13 16:11:47,640 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 18/113 +[2024-10-13 16:11:47,731 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 19/113 +[2024-10-13 16:11:47,821 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 20/113 +[2024-10-13 16:11:47,912 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 21/113 +[2024-10-13 16:11:48,002 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 22/113 +[2024-10-13 16:11:48,093 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 23/113 +[2024-10-13 16:11:48,183 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 24/113 +[2024-10-13 16:11:48,274 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 25/113 +[2024-10-13 16:11:48,364 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 26/113 +[2024-10-13 16:11:48,455 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 27/113 +[2024-10-13 16:11:48,546 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 28/113 +[2024-10-13 16:11:48,637 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 29/113 +[2024-10-13 16:11:48,728 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 30/113 +[2024-10-13 16:11:48,818 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 31/113 +[2024-10-13 16:11:48,909 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 32/113 +[2024-10-13 16:11:48,999 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 33/113 +[2024-10-13 16:11:49,090 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 34/113 +[2024-10-13 16:11:49,180 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 35/113 +[2024-10-13 16:11:49,267 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 36/113 +[2024-10-13 16:11:49,355 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 37/113 +[2024-10-13 16:11:49,442 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 38/113 +[2024-10-13 16:11:49,529 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 39/113 +[2024-10-13 16:11:49,616 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 40/113 +[2024-10-13 16:11:49,704 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 41/113 +[2024-10-13 16:11:49,831 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 42/113 +[2024-10-13 16:11:49,919 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 43/113 +[2024-10-13 16:11:50,008 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 44/113 +[2024-10-13 16:11:50,099 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 45/113 +[2024-10-13 16:11:50,186 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 46/113 +[2024-10-13 16:11:50,274 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 47/113 +[2024-10-13 16:11:50,361 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 48/113 +[2024-10-13 16:11:50,449 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 49/113 +[2024-10-13 16:11:50,536 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 50/113 +[2024-10-13 16:11:50,624 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 51/113 +[2024-10-13 16:11:50,712 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 52/113 +[2024-10-13 16:11:50,799 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 53/113 +[2024-10-13 16:11:50,886 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 54/113 +[2024-10-13 16:11:50,973 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 55/113 +[2024-10-13 16:11:51,060 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 56/113 +[2024-10-13 16:11:51,148 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 57/113 +[2024-10-13 16:11:51,235 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 58/113 +[2024-10-13 16:11:51,322 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 59/113 +[2024-10-13 16:11:51,409 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 60/113 +[2024-10-13 16:11:51,497 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 61/113 +[2024-10-13 16:11:51,584 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 62/113 +[2024-10-13 16:11:51,671 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 63/113 +[2024-10-13 16:11:51,758 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 64/113 +[2024-10-13 16:11:51,845 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 65/113 +[2024-10-13 16:11:51,933 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 66/113 +[2024-10-13 16:11:52,020 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 67/113 +[2024-10-13 16:11:52,107 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 68/113 +[2024-10-13 16:11:52,195 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 69/113 +[2024-10-13 16:11:52,282 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 70/113 +[2024-10-13 16:11:52,370 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 71/113 +[2024-10-13 16:11:52,466 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 72/113 +[2024-10-13 16:11:52,562 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 73/113 +[2024-10-13 16:11:52,660 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 74/113 +[2024-10-13 16:11:52,757 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 75/113 +[2024-10-13 16:11:52,853 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 76/113 +[2024-10-13 16:11:52,949 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 77/113 +[2024-10-13 16:11:53,046 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 78/113 +[2024-10-13 16:11:53,142 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 79/113 +[2024-10-13 16:11:53,238 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 80/113 +[2024-10-13 16:11:53,335 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 81/113 +[2024-10-13 16:11:53,431 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 82/113 +[2024-10-13 16:11:53,528 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 83/113 +[2024-10-13 16:11:53,624 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 84/113 +[2024-10-13 16:11:53,720 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 85/113 +[2024-10-13 16:11:53,817 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 86/113 +[2024-10-13 16:11:53,913 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 87/113 +[2024-10-13 16:11:54,010 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 88/113 +[2024-10-13 16:11:54,105 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 89/113 +[2024-10-13 16:11:54,202 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 90/113 +[2024-10-13 16:11:54,298 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 91/113 +[2024-10-13 16:11:54,394 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 92/113 +[2024-10-13 16:11:54,490 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 93/113 +[2024-10-13 16:11:54,586 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 94/113 +[2024-10-13 16:11:54,682 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 95/113 +[2024-10-13 16:11:54,779 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 96/113 +[2024-10-13 16:11:54,876 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 97/113 +[2024-10-13 16:11:54,973 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 98/113 +[2024-10-13 16:11:55,070 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 99/113 +[2024-10-13 16:11:55,167 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 100/113 +[2024-10-13 16:11:55,264 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 101/113 +[2024-10-13 16:11:55,360 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 102/113 +[2024-10-13 16:11:55,457 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 103/113 +[2024-10-13 16:11:55,548 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 104/113 +[2024-10-13 16:11:55,638 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 105/113 +[2024-10-13 16:11:55,731 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 106/113 +[2024-10-13 16:11:55,821 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 107/113 +[2024-10-13 16:11:55,912 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 108/113 +[2024-10-13 16:11:56,002 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 109/113 +[2024-10-13 16:11:56,093 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 110/113 +[2024-10-13 16:11:56,184 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 111/113 +[2024-10-13 16:11:56,275 INFO test.py line 186 25394] Test: 131/312-scene0077_01, Batch: 112/113 +[2024-10-13 16:11:56,394 INFO test.py line 272 25394] Test: scene0077_01 [131/312]-90381 Batch 10.486 (19.526) Accuracy 0.9438 (0.4458) mIoU 0.5846 (0.3462) +[2024-10-13 16:11:56,594 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 0/129 +[2024-10-13 16:11:56,762 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 1/129 +[2024-10-13 16:11:56,930 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 2/129 +[2024-10-13 16:11:57,098 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 3/129 +[2024-10-13 16:11:57,267 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 4/129 +[2024-10-13 16:11:57,436 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 5/129 +[2024-10-13 16:11:57,607 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 6/129 +[2024-10-13 16:11:57,775 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 7/129 +[2024-10-13 16:11:57,943 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 8/129 +[2024-10-13 16:11:58,113 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 9/129 +[2024-10-13 16:11:58,280 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 10/129 +[2024-10-13 16:11:58,448 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 11/129 +[2024-10-13 16:11:58,616 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 12/129 +[2024-10-13 16:11:58,784 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 13/129 +[2024-10-13 16:11:58,952 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 14/129 +[2024-10-13 16:11:59,120 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 15/129 +[2024-10-13 16:11:59,287 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 16/129 +[2024-10-13 16:11:59,455 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 17/129 +[2024-10-13 16:11:59,623 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 18/129 +[2024-10-13 16:11:59,791 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 19/129 +[2024-10-13 16:11:59,959 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 20/129 +[2024-10-13 16:12:00,127 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 21/129 +[2024-10-13 16:12:00,295 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 22/129 +[2024-10-13 16:12:00,463 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 23/129 +[2024-10-13 16:12:00,631 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 24/129 +[2024-10-13 16:12:00,799 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 25/129 +[2024-10-13 16:12:00,967 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 26/129 +[2024-10-13 16:12:01,135 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 27/129 +[2024-10-13 16:12:01,303 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 28/129 +[2024-10-13 16:12:01,471 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 29/129 +[2024-10-13 16:12:01,639 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 30/129 +[2024-10-13 16:12:01,807 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 31/129 +[2024-10-13 16:12:01,975 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 32/129 +[2024-10-13 16:12:02,143 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 33/129 +[2024-10-13 16:12:02,311 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 34/129 +[2024-10-13 16:12:02,479 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 35/129 +[2024-10-13 16:12:02,637 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 36/129 +[2024-10-13 16:12:02,795 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 37/129 +[2024-10-13 16:12:02,954 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 38/129 +[2024-10-13 16:12:03,112 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 39/129 +[2024-10-13 16:12:03,270 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 40/129 +[2024-10-13 16:12:03,429 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 41/129 +[2024-10-13 16:12:03,587 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 42/129 +[2024-10-13 16:12:03,745 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 43/129 +[2024-10-13 16:12:03,903 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 44/129 +[2024-10-13 16:12:04,060 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 45/129 +[2024-10-13 16:12:04,218 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 46/129 +[2024-10-13 16:12:04,376 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 47/129 +[2024-10-13 16:12:04,535 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 48/129 +[2024-10-13 16:12:04,693 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 49/129 +[2024-10-13 16:12:04,851 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 50/129 +[2024-10-13 16:12:05,010 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 51/129 +[2024-10-13 16:12:05,168 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 52/129 +[2024-10-13 16:12:05,326 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 53/129 +[2024-10-13 16:12:05,484 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 54/129 +[2024-10-13 16:12:05,642 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 55/129 +[2024-10-13 16:12:05,800 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 56/129 +[2024-10-13 16:12:05,958 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 57/129 +[2024-10-13 16:12:06,116 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 58/129 +[2024-10-13 16:12:06,274 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 59/129 +[2024-10-13 16:12:06,433 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 60/129 +[2024-10-13 16:12:06,591 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 61/129 +[2024-10-13 16:12:06,752 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 62/129 +[2024-10-13 16:12:06,911 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 63/129 +[2024-10-13 16:12:07,070 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 64/129 +[2024-10-13 16:12:07,228 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 65/129 +[2024-10-13 16:12:07,386 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 66/129 +[2024-10-13 16:12:07,545 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 67/129 +[2024-10-13 16:12:07,703 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 68/129 +[2024-10-13 16:12:07,861 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 69/129 +[2024-10-13 16:12:08,020 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 70/129 +[2024-10-13 16:12:08,178 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 71/129 +[2024-10-13 16:12:08,336 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 72/129 +[2024-10-13 16:12:08,494 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 73/129 +[2024-10-13 16:12:08,653 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 74/129 +[2024-10-13 16:12:08,811 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 75/129 +[2024-10-13 16:12:08,970 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 76/129 +[2024-10-13 16:12:09,128 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 77/129 +[2024-10-13 16:12:09,286 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 78/129 +[2024-10-13 16:12:09,445 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 79/129 +[2024-10-13 16:12:09,624 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 80/129 +[2024-10-13 16:12:09,804 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 81/129 +[2024-10-13 16:12:09,983 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 82/129 +[2024-10-13 16:12:10,163 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 83/129 +[2024-10-13 16:12:10,342 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 84/129 +[2024-10-13 16:12:10,521 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 85/129 +[2024-10-13 16:12:10,701 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 86/129 +[2024-10-13 16:12:10,880 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 87/129 +[2024-10-13 16:12:11,060 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 88/129 +[2024-10-13 16:12:11,239 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 89/129 +[2024-10-13 16:12:11,418 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 90/129 +[2024-10-13 16:12:11,598 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 91/129 +[2024-10-13 16:12:11,777 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 92/129 +[2024-10-13 16:12:11,956 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 93/129 +[2024-10-13 16:12:12,136 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 94/129 +[2024-10-13 16:12:12,316 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 95/129 +[2024-10-13 16:12:12,495 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 96/129 +[2024-10-13 16:12:12,674 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 97/129 +[2024-10-13 16:12:12,854 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 98/129 +[2024-10-13 16:12:13,033 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 99/129 +[2024-10-13 16:12:13,211 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 100/129 +[2024-10-13 16:12:13,390 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 101/129 +[2024-10-13 16:12:13,569 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 102/129 +[2024-10-13 16:12:13,748 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 103/129 +[2024-10-13 16:12:13,927 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 104/129 +[2024-10-13 16:12:14,106 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 105/129 +[2024-10-13 16:12:14,284 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 106/129 +[2024-10-13 16:12:14,463 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 107/129 +[2024-10-13 16:12:14,643 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 108/129 +[2024-10-13 16:12:14,821 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 109/129 +[2024-10-13 16:12:15,001 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 110/129 +[2024-10-13 16:12:15,180 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 111/129 +[2024-10-13 16:12:15,359 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 112/129 +[2024-10-13 16:12:15,538 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 113/129 +[2024-10-13 16:12:15,718 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 114/129 +[2024-10-13 16:12:15,897 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 115/129 +[2024-10-13 16:12:16,076 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 116/129 +[2024-10-13 16:12:16,256 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 117/129 +[2024-10-13 16:12:16,435 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 118/129 +[2024-10-13 16:12:16,614 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 119/129 +[2024-10-13 16:12:16,782 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 120/129 +[2024-10-13 16:12:16,950 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 121/129 +[2024-10-13 16:12:17,118 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 122/129 +[2024-10-13 16:12:17,285 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 123/129 +[2024-10-13 16:12:17,454 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 124/129 +[2024-10-13 16:12:17,621 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 125/129 +[2024-10-13 16:12:17,789 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 126/129 +[2024-10-13 16:12:17,958 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 127/129 +[2024-10-13 16:12:18,125 INFO test.py line 186 25394] Test: 132/312-scene0549_01, Batch: 128/129 +[2024-10-13 16:12:18,380 INFO test.py line 272 25394] Test: scene0549_01 [132/312]-200947 Batch 21.985 (19.544) Accuracy 0.8199 (0.4435) mIoU 0.3537 (0.3453) +[2024-10-13 16:12:18,556 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 0/125 +[2024-10-13 16:12:18,705 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 1/125 +[2024-10-13 16:12:18,854 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 2/125 +[2024-10-13 16:12:19,005 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 3/125 +[2024-10-13 16:12:19,154 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 4/125 +[2024-10-13 16:12:19,303 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 5/125 +[2024-10-13 16:12:19,452 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 6/125 +[2024-10-13 16:12:19,601 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 7/125 +[2024-10-13 16:12:19,751 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 8/125 +[2024-10-13 16:12:19,899 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 9/125 +[2024-10-13 16:12:20,048 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 10/125 +[2024-10-13 16:12:20,196 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 11/125 +[2024-10-13 16:12:20,345 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 12/125 +[2024-10-13 16:12:20,493 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 13/125 +[2024-10-13 16:12:20,643 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 14/125 +[2024-10-13 16:12:20,792 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 15/125 +[2024-10-13 16:12:20,941 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 16/125 +[2024-10-13 16:12:21,089 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 17/125 +[2024-10-13 16:12:21,238 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 18/125 +[2024-10-13 16:12:21,387 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 19/125 +[2024-10-13 16:12:21,536 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 20/125 +[2024-10-13 16:12:21,684 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 21/125 +[2024-10-13 16:12:21,833 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 22/125 +[2024-10-13 16:12:21,982 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 23/125 +[2024-10-13 16:12:22,131 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 24/125 +[2024-10-13 16:12:22,280 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 25/125 +[2024-10-13 16:12:22,429 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 26/125 +[2024-10-13 16:12:22,578 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 27/125 +[2024-10-13 16:12:22,726 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 28/125 +[2024-10-13 16:12:22,874 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 29/125 +[2024-10-13 16:12:23,023 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 30/125 +[2024-10-13 16:12:23,173 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 31/125 +[2024-10-13 16:12:23,322 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 32/125 +[2024-10-13 16:12:23,470 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 33/125 +[2024-10-13 16:12:23,618 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 34/125 +[2024-10-13 16:12:23,767 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 35/125 +[2024-10-13 16:12:23,907 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 36/125 +[2024-10-13 16:12:24,048 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 37/125 +[2024-10-13 16:12:24,188 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 38/125 +[2024-10-13 16:12:24,329 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 39/125 +[2024-10-13 16:12:24,470 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 40/125 +[2024-10-13 16:12:24,610 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 41/125 +[2024-10-13 16:12:24,751 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 42/125 +[2024-10-13 16:12:24,891 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 43/125 +[2024-10-13 16:12:25,032 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 44/125 +[2024-10-13 16:12:25,172 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 45/125 +[2024-10-13 16:12:25,313 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 46/125 +[2024-10-13 16:12:25,453 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 47/125 +[2024-10-13 16:12:25,595 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 48/125 +[2024-10-13 16:12:25,736 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 49/125 +[2024-10-13 16:12:25,877 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 50/125 +[2024-10-13 16:12:26,017 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 51/125 +[2024-10-13 16:12:26,158 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 52/125 +[2024-10-13 16:12:26,298 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 53/125 +[2024-10-13 16:12:26,439 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 54/125 +[2024-10-13 16:12:26,580 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 55/125 +[2024-10-13 16:12:26,720 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 56/125 +[2024-10-13 16:12:26,861 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 57/125 +[2024-10-13 16:12:27,001 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 58/125 +[2024-10-13 16:12:27,143 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 59/125 +[2024-10-13 16:12:27,284 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 60/125 +[2024-10-13 16:12:27,426 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 61/125 +[2024-10-13 16:12:27,567 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 62/125 +[2024-10-13 16:12:27,708 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 63/125 +[2024-10-13 16:12:27,849 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 64/125 +[2024-10-13 16:12:27,990 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 65/125 +[2024-10-13 16:12:28,132 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 66/125 +[2024-10-13 16:12:28,273 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 67/125 +[2024-10-13 16:12:28,415 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 68/125 +[2024-10-13 16:12:28,555 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 69/125 +[2024-10-13 16:12:28,696 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 70/125 +[2024-10-13 16:12:28,837 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 71/125 +[2024-10-13 16:12:29,016 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 72/125 +[2024-10-13 16:12:29,157 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 73/125 +[2024-10-13 16:12:29,299 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 74/125 +[2024-10-13 16:12:29,441 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 75/125 +[2024-10-13 16:12:29,582 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 76/125 +[2024-10-13 16:12:29,724 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 77/125 +[2024-10-13 16:12:29,864 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 78/125 +[2024-10-13 16:12:30,006 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 79/125 +[2024-10-13 16:12:30,164 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 80/125 +[2024-10-13 16:12:30,322 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 81/125 +[2024-10-13 16:12:30,481 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 82/125 +[2024-10-13 16:12:30,639 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 83/125 +[2024-10-13 16:12:30,797 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 84/125 +[2024-10-13 16:12:30,955 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 85/125 +[2024-10-13 16:12:31,115 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 86/125 +[2024-10-13 16:12:31,272 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 87/125 +[2024-10-13 16:12:31,430 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 88/125 +[2024-10-13 16:12:31,588 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 89/125 +[2024-10-13 16:12:31,746 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 90/125 +[2024-10-13 16:12:31,905 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 91/125 +[2024-10-13 16:12:32,063 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 92/125 +[2024-10-13 16:12:32,222 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 93/125 +[2024-10-13 16:12:32,380 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 94/125 +[2024-10-13 16:12:32,538 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 95/125 +[2024-10-13 16:12:32,696 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 96/125 +[2024-10-13 16:12:32,854 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 97/125 +[2024-10-13 16:12:33,012 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 98/125 +[2024-10-13 16:12:33,170 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 99/125 +[2024-10-13 16:12:33,328 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 100/125 +[2024-10-13 16:12:33,487 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 101/125 +[2024-10-13 16:12:33,645 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 102/125 +[2024-10-13 16:12:33,804 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 103/125 +[2024-10-13 16:12:33,963 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 104/125 +[2024-10-13 16:12:34,121 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 105/125 +[2024-10-13 16:12:34,280 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 106/125 +[2024-10-13 16:12:34,438 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 107/125 +[2024-10-13 16:12:34,596 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 108/125 +[2024-10-13 16:12:34,754 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 109/125 +[2024-10-13 16:12:34,913 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 110/125 +[2024-10-13 16:12:35,070 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 111/125 +[2024-10-13 16:12:35,228 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 112/125 +[2024-10-13 16:12:35,386 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 113/125 +[2024-10-13 16:12:35,545 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 114/125 +[2024-10-13 16:12:35,704 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 115/125 +[2024-10-13 16:12:35,852 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 116/125 +[2024-10-13 16:12:36,001 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 117/125 +[2024-10-13 16:12:36,150 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 118/125 +[2024-10-13 16:12:36,298 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 119/125 +[2024-10-13 16:12:36,447 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 120/125 +[2024-10-13 16:12:36,596 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 121/125 +[2024-10-13 16:12:36,746 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 122/125 +[2024-10-13 16:12:36,895 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 123/125 +[2024-10-13 16:12:37,044 INFO test.py line 186 25394] Test: 133/312-scene0565_00, Batch: 124/125 +[2024-10-13 16:12:37,260 INFO test.py line 272 25394] Test: scene0565_00 [133/312]-167558 Batch 18.879 (19.539) Accuracy 0.8055 (0.4445) mIoU 0.4583 (0.3462) +[2024-10-13 16:12:37,334 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 0/108 +[2024-10-13 16:12:37,397 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 1/108 +[2024-10-13 16:12:37,461 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 2/108 +[2024-10-13 16:12:37,525 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 3/108 +[2024-10-13 16:12:37,588 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 4/108 +[2024-10-13 16:12:37,652 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 5/108 +[2024-10-13 16:12:37,715 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 6/108 +[2024-10-13 16:12:37,779 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 7/108 +[2024-10-13 16:12:37,843 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 8/108 +[2024-10-13 16:12:37,906 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 9/108 +[2024-10-13 16:12:37,970 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 10/108 +[2024-10-13 16:12:38,034 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 11/108 +[2024-10-13 16:12:38,097 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 12/108 +[2024-10-13 16:12:38,161 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 13/108 +[2024-10-13 16:12:38,224 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 14/108 +[2024-10-13 16:12:38,288 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 15/108 +[2024-10-13 16:12:38,352 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 16/108 +[2024-10-13 16:12:38,415 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 17/108 +[2024-10-13 16:12:38,479 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 18/108 +[2024-10-13 16:12:38,543 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 19/108 +[2024-10-13 16:12:38,607 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 20/108 +[2024-10-13 16:12:38,670 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 21/108 +[2024-10-13 16:12:38,734 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 22/108 +[2024-10-13 16:12:38,798 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 23/108 +[2024-10-13 16:12:38,862 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 24/108 +[2024-10-13 16:12:38,928 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 25/108 +[2024-10-13 16:12:38,991 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 26/108 +[2024-10-13 16:12:39,055 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 27/108 +[2024-10-13 16:12:39,118 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 28/108 +[2024-10-13 16:12:39,182 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 29/108 +[2024-10-13 16:12:39,246 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 30/108 +[2024-10-13 16:12:39,309 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 31/108 +[2024-10-13 16:12:39,370 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 32/108 +[2024-10-13 16:12:39,430 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 33/108 +[2024-10-13 16:12:39,491 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 34/108 +[2024-10-13 16:12:39,552 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 35/108 +[2024-10-13 16:12:39,612 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 36/108 +[2024-10-13 16:12:39,673 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 37/108 +[2024-10-13 16:12:39,734 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 38/108 +[2024-10-13 16:12:39,795 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 39/108 +[2024-10-13 16:12:39,855 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 40/108 +[2024-10-13 16:12:39,916 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 41/108 +[2024-10-13 16:12:39,976 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 42/108 +[2024-10-13 16:12:40,037 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 43/108 +[2024-10-13 16:12:40,098 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 44/108 +[2024-10-13 16:12:40,158 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 45/108 +[2024-10-13 16:12:40,219 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 46/108 +[2024-10-13 16:12:40,280 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 47/108 +[2024-10-13 16:12:40,340 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 48/108 +[2024-10-13 16:12:40,401 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 49/108 +[2024-10-13 16:12:40,461 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 50/108 +[2024-10-13 16:12:40,522 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 51/108 +[2024-10-13 16:12:40,582 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 52/108 +[2024-10-13 16:12:40,642 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 53/108 +[2024-10-13 16:12:40,703 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 54/108 +[2024-10-13 16:12:40,763 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 55/108 +[2024-10-13 16:12:40,823 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 56/108 +[2024-10-13 16:12:40,884 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 57/108 +[2024-10-13 16:12:40,944 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 58/108 +[2024-10-13 16:12:41,007 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 59/108 +[2024-10-13 16:12:41,067 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 60/108 +[2024-10-13 16:12:41,127 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 61/108 +[2024-10-13 16:12:41,187 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 62/108 +[2024-10-13 16:12:41,247 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 63/108 +[2024-10-13 16:12:41,308 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 64/108 +[2024-10-13 16:12:41,368 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 65/108 +[2024-10-13 16:12:41,428 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 66/108 +[2024-10-13 16:12:41,488 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 67/108 +[2024-10-13 16:12:41,549 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 68/108 +[2024-10-13 16:12:41,609 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 69/108 +[2024-10-13 16:12:41,669 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 70/108 +[2024-10-13 16:12:41,729 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 71/108 +[2024-10-13 16:12:41,795 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 72/108 +[2024-10-13 16:12:41,862 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 73/108 +[2024-10-13 16:12:41,928 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 74/108 +[2024-10-13 16:12:41,996 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 75/108 +[2024-10-13 16:12:42,063 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 76/108 +[2024-10-13 16:12:42,129 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 77/108 +[2024-10-13 16:12:42,195 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 78/108 +[2024-10-13 16:12:42,262 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 79/108 +[2024-10-13 16:12:42,328 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 80/108 +[2024-10-13 16:12:42,394 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 81/108 +[2024-10-13 16:12:42,460 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 82/108 +[2024-10-13 16:12:42,527 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 83/108 +[2024-10-13 16:12:42,593 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 84/108 +[2024-10-13 16:12:42,659 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 85/108 +[2024-10-13 16:12:42,725 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 86/108 +[2024-10-13 16:12:42,791 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 87/108 +[2024-10-13 16:12:42,857 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 88/108 +[2024-10-13 16:12:42,923 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 89/108 +[2024-10-13 16:12:42,989 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 90/108 +[2024-10-13 16:12:43,055 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 91/108 +[2024-10-13 16:12:43,121 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 92/108 +[2024-10-13 16:12:43,188 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 93/108 +[2024-10-13 16:12:43,254 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 94/108 +[2024-10-13 16:12:43,321 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 95/108 +[2024-10-13 16:12:43,387 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 96/108 +[2024-10-13 16:12:43,453 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 97/108 +[2024-10-13 16:12:43,520 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 98/108 +[2024-10-13 16:12:43,586 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 99/108 +[2024-10-13 16:12:43,649 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 100/108 +[2024-10-13 16:12:43,713 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 101/108 +[2024-10-13 16:12:43,826 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 102/108 +[2024-10-13 16:12:43,890 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 103/108 +[2024-10-13 16:12:43,957 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 104/108 +[2024-10-13 16:12:44,021 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 105/108 +[2024-10-13 16:12:44,086 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 106/108 +[2024-10-13 16:12:44,151 INFO test.py line 186 25394] Test: 134/312-scene0693_02, Batch: 107/108 +[2024-10-13 16:12:44,218 INFO test.py line 272 25394] Test: scene0693_02 [134/312]-47996 Batch 6.958 (19.445) Accuracy 0.8476 (0.4444) mIoU 0.4135 (0.3471) +[2024-10-13 16:12:44,627 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 0/138 +[2024-10-13 16:12:44,968 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 1/138 +[2024-10-13 16:12:45,310 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 2/138 +[2024-10-13 16:12:45,651 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 3/138 +[2024-10-13 16:12:45,992 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 4/138 +[2024-10-13 16:12:46,334 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 5/138 +[2024-10-13 16:12:46,676 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 6/138 +[2024-10-13 16:12:47,017 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 7/138 +[2024-10-13 16:12:47,360 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 8/138 +[2024-10-13 16:12:47,704 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 9/138 +[2024-10-13 16:12:48,046 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 10/138 +[2024-10-13 16:12:48,388 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 11/138 +[2024-10-13 16:12:48,730 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 12/138 +[2024-10-13 16:12:49,071 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 13/138 +[2024-10-13 16:12:49,413 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 14/138 +[2024-10-13 16:12:49,755 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 15/138 +[2024-10-13 16:12:50,097 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 16/138 +[2024-10-13 16:12:50,439 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 17/138 +[2024-10-13 16:12:50,781 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 18/138 +[2024-10-13 16:12:51,123 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 19/138 +[2024-10-13 16:12:51,465 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 20/138 +[2024-10-13 16:12:51,808 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 21/138 +[2024-10-13 16:12:52,149 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 22/138 +[2024-10-13 16:12:52,492 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 23/138 +[2024-10-13 16:12:52,834 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 24/138 +[2024-10-13 16:12:53,176 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 25/138 +[2024-10-13 16:12:53,519 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 26/138 +[2024-10-13 16:12:53,862 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 27/138 +[2024-10-13 16:12:54,205 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 28/138 +[2024-10-13 16:12:54,547 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 29/138 +[2024-10-13 16:12:54,889 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 30/138 +[2024-10-13 16:12:55,233 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 31/138 +[2024-10-13 16:12:55,576 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 32/138 +[2024-10-13 16:12:55,917 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 33/138 +[2024-10-13 16:12:56,259 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 34/138 +[2024-10-13 16:12:56,602 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 35/138 +[2024-10-13 16:12:56,944 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 36/138 +[2024-10-13 16:12:57,285 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 37/138 +[2024-10-13 16:12:57,628 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 38/138 +[2024-10-13 16:12:57,970 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 39/138 +[2024-10-13 16:12:58,288 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 40/138 +[2024-10-13 16:12:58,606 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 41/138 +[2024-10-13 16:12:58,924 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 42/138 +[2024-10-13 16:12:59,241 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 43/138 +[2024-10-13 16:12:59,557 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 44/138 +[2024-10-13 16:12:59,875 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 45/138 +[2024-10-13 16:13:00,193 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 46/138 +[2024-10-13 16:13:00,509 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 47/138 +[2024-10-13 16:13:00,827 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 48/138 +[2024-10-13 16:13:01,146 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 49/138 +[2024-10-13 16:13:01,464 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 50/138 +[2024-10-13 16:13:01,781 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 51/138 +[2024-10-13 16:13:02,098 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 52/138 +[2024-10-13 16:13:02,415 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 53/138 +[2024-10-13 16:13:02,732 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 54/138 +[2024-10-13 16:13:03,048 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 55/138 +[2024-10-13 16:13:03,365 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 56/138 +[2024-10-13 16:13:03,682 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 57/138 +[2024-10-13 16:13:03,999 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 58/138 +[2024-10-13 16:13:04,316 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 59/138 +[2024-10-13 16:13:04,632 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 60/138 +[2024-10-13 16:13:04,948 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 61/138 +[2024-10-13 16:13:05,266 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 62/138 +[2024-10-13 16:13:05,584 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 63/138 +[2024-10-13 16:13:05,900 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 64/138 +[2024-10-13 16:13:06,217 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 65/138 +[2024-10-13 16:13:06,535 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 66/138 +[2024-10-13 16:13:06,851 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 67/138 +[2024-10-13 16:13:07,168 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 68/138 +[2024-10-13 16:13:07,485 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 69/138 +[2024-10-13 16:13:07,802 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 70/138 +[2024-10-13 16:13:08,118 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 71/138 +[2024-10-13 16:13:08,436 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 72/138 +[2024-10-13 16:13:08,752 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 73/138 +[2024-10-13 16:13:09,069 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 74/138 +[2024-10-13 16:13:09,386 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 75/138 +[2024-10-13 16:13:09,704 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 76/138 +[2024-10-13 16:13:10,023 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 77/138 +[2024-10-13 16:13:10,341 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 78/138 +[2024-10-13 16:13:10,659 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 79/138 +[2024-10-13 16:13:10,978 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 80/138 +[2024-10-13 16:13:11,296 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 81/138 +[2024-10-13 16:13:11,614 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 82/138 +[2024-10-13 16:13:11,932 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 83/138 +[2024-10-13 16:13:12,248 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 84/138 +[2024-10-13 16:13:12,566 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 85/138 +[2024-10-13 16:13:12,885 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 86/138 +[2024-10-13 16:13:13,203 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 87/138 +[2024-10-13 16:13:13,570 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 88/138 +[2024-10-13 16:13:13,938 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 89/138 +[2024-10-13 16:13:14,305 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 90/138 +[2024-10-13 16:13:14,670 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 91/138 +[2024-10-13 16:13:15,037 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 92/138 +[2024-10-13 16:13:15,405 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 93/138 +[2024-10-13 16:13:15,770 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 94/138 +[2024-10-13 16:13:16,137 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 95/138 +[2024-10-13 16:13:16,504 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 96/138 +[2024-10-13 16:13:16,870 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 97/138 +[2024-10-13 16:13:17,237 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 98/138 +[2024-10-13 16:13:17,604 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 99/138 +[2024-10-13 16:13:17,970 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 100/138 +[2024-10-13 16:13:18,337 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 101/138 +[2024-10-13 16:13:18,704 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 102/138 +[2024-10-13 16:13:19,069 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 103/138 +[2024-10-13 16:13:19,435 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 104/138 +[2024-10-13 16:13:19,803 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 105/138 +[2024-10-13 16:13:20,168 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 106/138 +[2024-10-13 16:13:20,534 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 107/138 +[2024-10-13 16:13:20,901 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 108/138 +[2024-10-13 16:13:21,266 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 109/138 +[2024-10-13 16:13:21,632 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 110/138 +[2024-10-13 16:13:21,999 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 111/138 +[2024-10-13 16:13:22,365 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 112/138 +[2024-10-13 16:13:22,730 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 113/138 +[2024-10-13 16:13:23,097 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 114/138 +[2024-10-13 16:13:23,464 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 115/138 +[2024-10-13 16:13:23,829 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 116/138 +[2024-10-13 16:13:24,197 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 117/138 +[2024-10-13 16:13:24,564 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 118/138 +[2024-10-13 16:13:24,928 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 119/138 +[2024-10-13 16:13:25,296 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 120/138 +[2024-10-13 16:13:25,663 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 121/138 +[2024-10-13 16:13:26,028 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 122/138 +[2024-10-13 16:13:26,394 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 123/138 +[2024-10-13 16:13:26,762 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 124/138 +[2024-10-13 16:13:27,128 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 125/138 +[2024-10-13 16:13:27,494 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 126/138 +[2024-10-13 16:13:27,863 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 127/138 +[2024-10-13 16:13:28,204 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 128/138 +[2024-10-13 16:13:28,546 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 129/138 +[2024-10-13 16:13:28,889 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 130/138 +[2024-10-13 16:13:29,232 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 131/138 +[2024-10-13 16:13:29,574 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 132/138 +[2024-10-13 16:13:29,916 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 133/138 +[2024-10-13 16:13:30,258 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 134/138 +[2024-10-13 16:13:30,601 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 135/138 +[2024-10-13 16:13:30,943 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 136/138 +[2024-10-13 16:13:31,286 INFO test.py line 186 25394] Test: 135/312-scene0231_01, Batch: 137/138 +[2024-10-13 16:13:31,840 INFO test.py line 272 25394] Test: scene0231_01 [135/312]-438565 Batch 47.622 (19.654) Accuracy 0.8507 (0.4446) mIoU 0.4179 (0.3479) +[2024-10-13 16:13:32,105 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 0/138 +[2024-10-13 16:13:32,328 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 1/138 +[2024-10-13 16:13:32,551 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 2/138 +[2024-10-13 16:13:32,774 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 3/138 +[2024-10-13 16:13:32,998 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 4/138 +[2024-10-13 16:13:33,221 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 5/138 +[2024-10-13 16:13:33,445 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 6/138 +[2024-10-13 16:13:33,668 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 7/138 +[2024-10-13 16:13:33,891 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 8/138 +[2024-10-13 16:13:34,114 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 9/138 +[2024-10-13 16:13:34,337 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 10/138 +[2024-10-13 16:13:34,560 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 11/138 +[2024-10-13 16:13:34,782 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 12/138 +[2024-10-13 16:13:35,005 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 13/138 +[2024-10-13 16:13:35,228 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 14/138 +[2024-10-13 16:13:35,450 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 15/138 +[2024-10-13 16:13:35,673 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 16/138 +[2024-10-13 16:13:35,896 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 17/138 +[2024-10-13 16:13:36,118 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 18/138 +[2024-10-13 16:13:36,341 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 19/138 +[2024-10-13 16:13:36,565 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 20/138 +[2024-10-13 16:13:36,788 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 21/138 +[2024-10-13 16:13:37,010 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 22/138 +[2024-10-13 16:13:37,262 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 23/138 +[2024-10-13 16:13:37,486 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 24/138 +[2024-10-13 16:13:37,708 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 25/138 +[2024-10-13 16:13:37,931 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 26/138 +[2024-10-13 16:13:38,154 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 27/138 +[2024-10-13 16:13:38,377 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 28/138 +[2024-10-13 16:13:38,600 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 29/138 +[2024-10-13 16:13:38,824 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 30/138 +[2024-10-13 16:13:39,047 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 31/138 +[2024-10-13 16:13:39,271 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 32/138 +[2024-10-13 16:13:39,494 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 33/138 +[2024-10-13 16:13:39,718 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 34/138 +[2024-10-13 16:13:39,942 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 35/138 +[2024-10-13 16:13:40,166 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 36/138 +[2024-10-13 16:13:40,389 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 37/138 +[2024-10-13 16:13:40,613 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 38/138 +[2024-10-13 16:13:40,837 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 39/138 +[2024-10-13 16:13:41,047 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 40/138 +[2024-10-13 16:13:41,257 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 41/138 +[2024-10-13 16:13:41,467 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 42/138 +[2024-10-13 16:13:41,677 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 43/138 +[2024-10-13 16:13:41,886 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 44/138 +[2024-10-13 16:13:42,097 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 45/138 +[2024-10-13 16:13:42,306 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 46/138 +[2024-10-13 16:13:42,516 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 47/138 +[2024-10-13 16:13:42,726 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 48/138 +[2024-10-13 16:13:42,936 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 49/138 +[2024-10-13 16:13:43,146 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 50/138 +[2024-10-13 16:13:43,356 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 51/138 +[2024-10-13 16:13:43,566 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 52/138 +[2024-10-13 16:13:43,776 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 53/138 +[2024-10-13 16:13:43,986 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 54/138 +[2024-10-13 16:13:44,196 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 55/138 +[2024-10-13 16:13:44,406 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 56/138 +[2024-10-13 16:13:44,616 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 57/138 +[2024-10-13 16:13:44,826 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 58/138 +[2024-10-13 16:13:45,036 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 59/138 +[2024-10-13 16:13:45,245 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 60/138 +[2024-10-13 16:13:45,456 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 61/138 +[2024-10-13 16:13:45,665 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 62/138 +[2024-10-13 16:13:45,875 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 63/138 +[2024-10-13 16:13:46,085 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 64/138 +[2024-10-13 16:13:46,294 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 65/138 +[2024-10-13 16:13:46,504 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 66/138 +[2024-10-13 16:13:46,713 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 67/138 +[2024-10-13 16:13:46,922 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 68/138 +[2024-10-13 16:13:47,134 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 69/138 +[2024-10-13 16:13:47,343 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 70/138 +[2024-10-13 16:13:47,553 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 71/138 +[2024-10-13 16:13:47,762 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 72/138 +[2024-10-13 16:13:47,972 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 73/138 +[2024-10-13 16:13:48,183 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 74/138 +[2024-10-13 16:13:48,391 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 75/138 +[2024-10-13 16:13:48,600 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 76/138 +[2024-10-13 16:13:48,810 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 77/138 +[2024-10-13 16:13:49,019 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 78/138 +[2024-10-13 16:13:49,228 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 79/138 +[2024-10-13 16:13:49,438 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 80/138 +[2024-10-13 16:13:49,647 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 81/138 +[2024-10-13 16:13:49,856 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 82/138 +[2024-10-13 16:13:50,066 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 83/138 +[2024-10-13 16:13:50,275 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 84/138 +[2024-10-13 16:13:50,484 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 85/138 +[2024-10-13 16:13:50,693 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 86/138 +[2024-10-13 16:13:50,903 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 87/138 +[2024-10-13 16:13:51,140 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 88/138 +[2024-10-13 16:13:51,378 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 89/138 +[2024-10-13 16:13:51,614 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 90/138 +[2024-10-13 16:13:51,851 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 91/138 +[2024-10-13 16:13:52,088 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 92/138 +[2024-10-13 16:13:52,325 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 93/138 +[2024-10-13 16:13:52,562 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 94/138 +[2024-10-13 16:13:52,799 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 95/138 +[2024-10-13 16:13:53,036 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 96/138 +[2024-10-13 16:13:53,273 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 97/138 +[2024-10-13 16:13:53,511 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 98/138 +[2024-10-13 16:13:53,748 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 99/138 +[2024-10-13 16:13:53,986 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 100/138 +[2024-10-13 16:13:54,223 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 101/138 +[2024-10-13 16:13:54,461 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 102/138 +[2024-10-13 16:13:54,698 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 103/138 +[2024-10-13 16:13:54,936 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 104/138 +[2024-10-13 16:13:55,176 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 105/138 +[2024-10-13 16:13:55,413 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 106/138 +[2024-10-13 16:13:55,651 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 107/138 +[2024-10-13 16:13:55,888 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 108/138 +[2024-10-13 16:13:56,126 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 109/138 +[2024-10-13 16:13:56,365 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 110/138 +[2024-10-13 16:13:56,602 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 111/138 +[2024-10-13 16:13:56,840 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 112/138 +[2024-10-13 16:13:57,077 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 113/138 +[2024-10-13 16:13:57,314 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 114/138 +[2024-10-13 16:13:57,551 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 115/138 +[2024-10-13 16:13:57,789 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 116/138 +[2024-10-13 16:13:58,026 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 117/138 +[2024-10-13 16:13:58,264 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 118/138 +[2024-10-13 16:13:58,501 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 119/138 +[2024-10-13 16:13:58,737 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 120/138 +[2024-10-13 16:13:58,974 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 121/138 +[2024-10-13 16:13:59,212 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 122/138 +[2024-10-13 16:13:59,449 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 123/138 +[2024-10-13 16:13:59,686 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 124/138 +[2024-10-13 16:13:59,923 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 125/138 +[2024-10-13 16:14:00,161 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 126/138 +[2024-10-13 16:14:00,397 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 127/138 +[2024-10-13 16:14:00,619 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 128/138 +[2024-10-13 16:14:00,841 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 129/138 +[2024-10-13 16:14:01,063 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 130/138 +[2024-10-13 16:14:01,285 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 131/138 +[2024-10-13 16:14:01,507 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 132/138 +[2024-10-13 16:14:01,729 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 133/138 +[2024-10-13 16:14:01,951 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 134/138 +[2024-10-13 16:14:02,174 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 135/138 +[2024-10-13 16:14:02,396 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 136/138 +[2024-10-13 16:14:02,618 INFO test.py line 186 25394] Test: 136/312-scene0207_01, Batch: 137/138 +[2024-10-13 16:14:02,978 INFO test.py line 272 25394] Test: scene0207_01 [136/312]-269274 Batch 31.137 (19.739) Accuracy 0.8548 (0.4463) mIoU 0.4696 (0.3505) +[2024-10-13 16:14:03,120 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 0/125 +[2024-10-13 16:14:03,245 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 1/125 +[2024-10-13 16:14:03,370 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 2/125 +[2024-10-13 16:14:03,495 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 3/125 +[2024-10-13 16:14:03,619 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 4/125 +[2024-10-13 16:14:03,744 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 5/125 +[2024-10-13 16:14:03,868 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 6/125 +[2024-10-13 16:14:03,993 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 7/125 +[2024-10-13 16:14:04,118 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 8/125 +[2024-10-13 16:14:04,243 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 9/125 +[2024-10-13 16:14:04,367 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 10/125 +[2024-10-13 16:14:04,491 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 11/125 +[2024-10-13 16:14:04,616 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 12/125 +[2024-10-13 16:14:04,742 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 13/125 +[2024-10-13 16:14:04,867 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 14/125 +[2024-10-13 16:14:04,991 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 15/125 +[2024-10-13 16:14:05,116 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 16/125 +[2024-10-13 16:14:05,240 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 17/125 +[2024-10-13 16:14:05,365 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 18/125 +[2024-10-13 16:14:05,489 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 19/125 +[2024-10-13 16:14:05,614 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 20/125 +[2024-10-13 16:14:05,739 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 21/125 +[2024-10-13 16:14:05,863 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 22/125 +[2024-10-13 16:14:05,988 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 23/125 +[2024-10-13 16:14:06,112 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 24/125 +[2024-10-13 16:14:06,237 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 25/125 +[2024-10-13 16:14:06,362 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 26/125 +[2024-10-13 16:14:06,487 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 27/125 +[2024-10-13 16:14:06,611 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 28/125 +[2024-10-13 16:14:06,735 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 29/125 +[2024-10-13 16:14:06,860 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 30/125 +[2024-10-13 16:14:06,985 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 31/125 +[2024-10-13 16:14:07,109 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 32/125 +[2024-10-13 16:14:07,233 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 33/125 +[2024-10-13 16:14:07,359 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 34/125 +[2024-10-13 16:14:07,523 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 35/125 +[2024-10-13 16:14:07,642 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 36/125 +[2024-10-13 16:14:07,761 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 37/125 +[2024-10-13 16:14:07,879 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 38/125 +[2024-10-13 16:14:07,997 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 39/125 +[2024-10-13 16:14:08,115 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 40/125 +[2024-10-13 16:14:08,233 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 41/125 +[2024-10-13 16:14:08,351 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 42/125 +[2024-10-13 16:14:08,470 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 43/125 +[2024-10-13 16:14:08,588 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 44/125 +[2024-10-13 16:14:08,706 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 45/125 +[2024-10-13 16:14:08,824 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 46/125 +[2024-10-13 16:14:08,941 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 47/125 +[2024-10-13 16:14:09,059 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 48/125 +[2024-10-13 16:14:09,176 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 49/125 +[2024-10-13 16:14:09,294 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 50/125 +[2024-10-13 16:14:09,412 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 51/125 +[2024-10-13 16:14:09,530 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 52/125 +[2024-10-13 16:14:09,648 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 53/125 +[2024-10-13 16:14:09,766 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 54/125 +[2024-10-13 16:14:09,883 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 55/125 +[2024-10-13 16:14:10,001 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 56/125 +[2024-10-13 16:14:10,119 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 57/125 +[2024-10-13 16:14:10,236 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 58/125 +[2024-10-13 16:14:10,354 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 59/125 +[2024-10-13 16:14:10,472 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 60/125 +[2024-10-13 16:14:10,590 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 61/125 +[2024-10-13 16:14:10,708 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 62/125 +[2024-10-13 16:14:10,826 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 63/125 +[2024-10-13 16:14:10,943 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 64/125 +[2024-10-13 16:14:11,061 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 65/125 +[2024-10-13 16:14:11,179 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 66/125 +[2024-10-13 16:14:11,296 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 67/125 +[2024-10-13 16:14:11,414 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 68/125 +[2024-10-13 16:14:11,532 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 69/125 +[2024-10-13 16:14:11,653 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 70/125 +[2024-10-13 16:14:11,771 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 71/125 +[2024-10-13 16:14:11,890 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 72/125 +[2024-10-13 16:14:12,008 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 73/125 +[2024-10-13 16:14:12,127 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 74/125 +[2024-10-13 16:14:12,245 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 75/125 +[2024-10-13 16:14:12,363 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 76/125 +[2024-10-13 16:14:12,482 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 77/125 +[2024-10-13 16:14:12,600 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 78/125 +[2024-10-13 16:14:12,719 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 79/125 +[2024-10-13 16:14:12,851 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 80/125 +[2024-10-13 16:14:12,983 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 81/125 +[2024-10-13 16:14:13,116 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 82/125 +[2024-10-13 16:14:13,248 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 83/125 +[2024-10-13 16:14:13,380 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 84/125 +[2024-10-13 16:14:13,513 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 85/125 +[2024-10-13 16:14:13,645 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 86/125 +[2024-10-13 16:14:13,777 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 87/125 +[2024-10-13 16:14:13,909 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 88/125 +[2024-10-13 16:14:14,041 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 89/125 +[2024-10-13 16:14:14,172 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 90/125 +[2024-10-13 16:14:14,304 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 91/125 +[2024-10-13 16:14:14,435 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 92/125 +[2024-10-13 16:14:14,566 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 93/125 +[2024-10-13 16:14:14,697 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 94/125 +[2024-10-13 16:14:14,829 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 95/125 +[2024-10-13 16:14:14,961 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 96/125 +[2024-10-13 16:14:15,093 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 97/125 +[2024-10-13 16:14:15,224 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 98/125 +[2024-10-13 16:14:15,356 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 99/125 +[2024-10-13 16:14:15,488 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 100/125 +[2024-10-13 16:14:15,619 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 101/125 +[2024-10-13 16:14:15,751 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 102/125 +[2024-10-13 16:14:15,883 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 103/125 +[2024-10-13 16:14:16,014 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 104/125 +[2024-10-13 16:14:16,145 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 105/125 +[2024-10-13 16:14:16,277 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 106/125 +[2024-10-13 16:14:16,409 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 107/125 +[2024-10-13 16:14:16,540 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 108/125 +[2024-10-13 16:14:16,672 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 109/125 +[2024-10-13 16:14:16,804 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 110/125 +[2024-10-13 16:14:16,936 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 111/125 +[2024-10-13 16:14:17,069 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 112/125 +[2024-10-13 16:14:17,201 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 113/125 +[2024-10-13 16:14:17,332 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 114/125 +[2024-10-13 16:14:17,464 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 115/125 +[2024-10-13 16:14:17,588 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 116/125 +[2024-10-13 16:14:17,713 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 117/125 +[2024-10-13 16:14:17,838 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 118/125 +[2024-10-13 16:14:17,962 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 119/125 +[2024-10-13 16:14:18,086 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 120/125 +[2024-10-13 16:14:18,211 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 121/125 +[2024-10-13 16:14:18,335 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 122/125 +[2024-10-13 16:14:18,459 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 123/125 +[2024-10-13 16:14:18,584 INFO test.py line 186 25394] Test: 137/312-scene0609_02, Batch: 124/125 +[2024-10-13 16:14:18,758 INFO test.py line 272 25394] Test: scene0609_02 [137/312]-134987 Batch 15.780 (19.710) Accuracy 0.7525 (0.4463) mIoU 0.3464 (0.3502) +[2024-10-13 16:14:18,988 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 0/130 +[2024-10-13 16:14:19,179 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 1/130 +[2024-10-13 16:14:19,371 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 2/130 +[2024-10-13 16:14:19,562 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 3/130 +[2024-10-13 16:14:19,753 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 4/130 +[2024-10-13 16:14:19,944 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 5/130 +[2024-10-13 16:14:20,137 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 6/130 +[2024-10-13 16:14:20,328 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 7/130 +[2024-10-13 16:14:20,519 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 8/130 +[2024-10-13 16:14:20,710 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 9/130 +[2024-10-13 16:14:20,901 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 10/130 +[2024-10-13 16:14:21,093 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 11/130 +[2024-10-13 16:14:21,284 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 12/130 +[2024-10-13 16:14:21,476 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 13/130 +[2024-10-13 16:14:21,668 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 14/130 +[2024-10-13 16:14:21,859 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 15/130 +[2024-10-13 16:14:22,051 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 16/130 +[2024-10-13 16:14:22,243 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 17/130 +[2024-10-13 16:14:22,435 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 18/130 +[2024-10-13 16:14:22,626 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 19/130 +[2024-10-13 16:14:22,817 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 20/130 +[2024-10-13 16:14:23,008 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 21/130 +[2024-10-13 16:14:23,200 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 22/130 +[2024-10-13 16:14:23,391 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 23/130 +[2024-10-13 16:14:23,583 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 24/130 +[2024-10-13 16:14:23,774 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 25/130 +[2024-10-13 16:14:23,992 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 26/130 +[2024-10-13 16:14:24,189 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 27/130 +[2024-10-13 16:14:24,380 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 28/130 +[2024-10-13 16:14:24,570 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 29/130 +[2024-10-13 16:14:24,761 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 30/130 +[2024-10-13 16:14:24,953 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 31/130 +[2024-10-13 16:14:25,144 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 32/130 +[2024-10-13 16:14:25,335 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 33/130 +[2024-10-13 16:14:25,527 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 34/130 +[2024-10-13 16:14:25,718 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 35/130 +[2024-10-13 16:14:25,909 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 36/130 +[2024-10-13 16:14:26,101 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 37/130 +[2024-10-13 16:14:26,292 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 38/130 +[2024-10-13 16:14:26,483 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 39/130 +[2024-10-13 16:14:26,661 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 40/130 +[2024-10-13 16:14:26,839 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 41/130 +[2024-10-13 16:14:27,017 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 42/130 +[2024-10-13 16:14:27,195 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 43/130 +[2024-10-13 16:14:27,374 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 44/130 +[2024-10-13 16:14:27,552 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 45/130 +[2024-10-13 16:14:27,730 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 46/130 +[2024-10-13 16:14:27,908 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 47/130 +[2024-10-13 16:14:28,085 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 48/130 +[2024-10-13 16:14:28,263 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 49/130 +[2024-10-13 16:14:28,441 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 50/130 +[2024-10-13 16:14:28,619 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 51/130 +[2024-10-13 16:14:28,797 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 52/130 +[2024-10-13 16:14:28,975 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 53/130 +[2024-10-13 16:14:29,153 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 54/130 +[2024-10-13 16:14:29,332 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 55/130 +[2024-10-13 16:14:29,510 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 56/130 +[2024-10-13 16:14:29,688 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 57/130 +[2024-10-13 16:14:29,866 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 58/130 +[2024-10-13 16:14:30,044 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 59/130 +[2024-10-13 16:14:30,222 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 60/130 +[2024-10-13 16:14:30,400 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 61/130 +[2024-10-13 16:14:30,577 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 62/130 +[2024-10-13 16:14:30,755 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 63/130 +[2024-10-13 16:14:30,932 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 64/130 +[2024-10-13 16:14:31,110 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 65/130 +[2024-10-13 16:14:31,287 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 66/130 +[2024-10-13 16:14:31,464 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 67/130 +[2024-10-13 16:14:31,641 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 68/130 +[2024-10-13 16:14:31,819 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 69/130 +[2024-10-13 16:14:31,996 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 70/130 +[2024-10-13 16:14:32,173 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 71/130 +[2024-10-13 16:14:32,351 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 72/130 +[2024-10-13 16:14:32,529 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 73/130 +[2024-10-13 16:14:32,707 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 74/130 +[2024-10-13 16:14:32,885 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 75/130 +[2024-10-13 16:14:33,063 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 76/130 +[2024-10-13 16:14:33,241 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 77/130 +[2024-10-13 16:14:33,419 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 78/130 +[2024-10-13 16:14:33,597 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 79/130 +[2024-10-13 16:14:33,776 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 80/130 +[2024-10-13 16:14:33,954 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 81/130 +[2024-10-13 16:14:34,132 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 82/130 +[2024-10-13 16:14:34,311 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 83/130 +[2024-10-13 16:14:34,514 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 84/130 +[2024-10-13 16:14:34,717 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 85/130 +[2024-10-13 16:14:34,920 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 86/130 +[2024-10-13 16:14:35,124 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 87/130 +[2024-10-13 16:14:35,327 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 88/130 +[2024-10-13 16:14:35,530 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 89/130 +[2024-10-13 16:14:35,733 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 90/130 +[2024-10-13 16:14:35,937 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 91/130 +[2024-10-13 16:14:36,140 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 92/130 +[2024-10-13 16:14:36,343 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 93/130 +[2024-10-13 16:14:36,546 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 94/130 +[2024-10-13 16:14:36,749 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 95/130 +[2024-10-13 16:14:36,952 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 96/130 +[2024-10-13 16:14:37,155 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 97/130 +[2024-10-13 16:14:37,358 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 98/130 +[2024-10-13 16:14:37,561 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 99/130 +[2024-10-13 16:14:37,765 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 100/130 +[2024-10-13 16:14:37,968 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 101/130 +[2024-10-13 16:14:38,172 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 102/130 +[2024-10-13 16:14:38,375 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 103/130 +[2024-10-13 16:14:38,577 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 104/130 +[2024-10-13 16:14:38,781 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 105/130 +[2024-10-13 16:14:38,984 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 106/130 +[2024-10-13 16:14:39,187 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 107/130 +[2024-10-13 16:14:39,390 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 108/130 +[2024-10-13 16:14:39,593 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 109/130 +[2024-10-13 16:14:39,796 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 110/130 +[2024-10-13 16:14:40,000 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 111/130 +[2024-10-13 16:14:40,203 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 112/130 +[2024-10-13 16:14:40,406 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 113/130 +[2024-10-13 16:14:40,610 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 114/130 +[2024-10-13 16:14:40,813 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 115/130 +[2024-10-13 16:14:41,016 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 116/130 +[2024-10-13 16:14:41,220 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 117/130 +[2024-10-13 16:14:41,423 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 118/130 +[2024-10-13 16:14:41,627 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 119/130 +[2024-10-13 16:14:41,818 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 120/130 +[2024-10-13 16:14:42,009 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 121/130 +[2024-10-13 16:14:42,200 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 122/130 +[2024-10-13 16:14:42,391 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 123/130 +[2024-10-13 16:14:42,582 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 124/130 +[2024-10-13 16:14:42,773 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 125/130 +[2024-10-13 16:14:42,964 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 126/130 +[2024-10-13 16:14:43,155 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 127/130 +[2024-10-13 16:14:43,346 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 128/130 +[2024-10-13 16:14:43,538 INFO test.py line 186 25394] Test: 138/312-scene0696_00, Batch: 129/130 +[2024-10-13 16:14:43,833 INFO test.py line 272 25394] Test: scene0696_00 [138/312]-231067 Batch 25.074 (19.749) Accuracy 0.8536 (0.4464) mIoU 0.2839 (0.3501) +[2024-10-13 16:14:44,026 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 0/130 +[2024-10-13 16:14:44,189 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 1/130 +[2024-10-13 16:14:44,352 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 2/130 +[2024-10-13 16:14:44,516 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 3/130 +[2024-10-13 16:14:44,679 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 4/130 +[2024-10-13 16:14:44,842 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 5/130 +[2024-10-13 16:14:45,006 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 6/130 +[2024-10-13 16:14:45,186 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 7/130 +[2024-10-13 16:14:45,350 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 8/130 +[2024-10-13 16:14:45,513 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 9/130 +[2024-10-13 16:14:45,675 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 10/130 +[2024-10-13 16:14:45,838 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 11/130 +[2024-10-13 16:14:46,001 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 12/130 +[2024-10-13 16:14:46,164 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 13/130 +[2024-10-13 16:14:46,327 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 14/130 +[2024-10-13 16:14:46,489 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 15/130 +[2024-10-13 16:14:46,652 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 16/130 +[2024-10-13 16:14:46,815 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 17/130 +[2024-10-13 16:14:46,980 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 18/130 +[2024-10-13 16:14:47,143 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 19/130 +[2024-10-13 16:14:47,306 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 20/130 +[2024-10-13 16:14:47,469 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 21/130 +[2024-10-13 16:14:47,632 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 22/130 +[2024-10-13 16:14:47,795 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 23/130 +[2024-10-13 16:14:47,957 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 24/130 +[2024-10-13 16:14:48,120 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 25/130 +[2024-10-13 16:14:48,283 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 26/130 +[2024-10-13 16:14:48,446 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 27/130 +[2024-10-13 16:14:48,609 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 28/130 +[2024-10-13 16:14:48,771 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 29/130 +[2024-10-13 16:14:48,934 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 30/130 +[2024-10-13 16:14:49,096 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 31/130 +[2024-10-13 16:14:49,259 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 32/130 +[2024-10-13 16:14:49,422 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 33/130 +[2024-10-13 16:14:49,586 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 34/130 +[2024-10-13 16:14:49,748 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 35/130 +[2024-10-13 16:14:49,911 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 36/130 +[2024-10-13 16:14:50,076 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 37/130 +[2024-10-13 16:14:50,239 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 38/130 +[2024-10-13 16:14:50,401 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 39/130 +[2024-10-13 16:14:50,554 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 40/130 +[2024-10-13 16:14:50,707 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 41/130 +[2024-10-13 16:14:50,859 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 42/130 +[2024-10-13 16:14:51,011 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 43/130 +[2024-10-13 16:14:51,163 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 44/130 +[2024-10-13 16:14:51,316 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 45/130 +[2024-10-13 16:14:51,468 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 46/130 +[2024-10-13 16:14:51,620 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 47/130 +[2024-10-13 16:14:51,772 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 48/130 +[2024-10-13 16:14:51,925 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 49/130 +[2024-10-13 16:14:52,077 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 50/130 +[2024-10-13 16:14:52,230 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 51/130 +[2024-10-13 16:14:52,382 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 52/130 +[2024-10-13 16:14:52,535 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 53/130 +[2024-10-13 16:14:52,690 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 54/130 +[2024-10-13 16:14:52,843 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 55/130 +[2024-10-13 16:14:52,996 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 56/130 +[2024-10-13 16:14:53,148 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 57/130 +[2024-10-13 16:14:53,301 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 58/130 +[2024-10-13 16:14:53,454 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 59/130 +[2024-10-13 16:14:53,607 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 60/130 +[2024-10-13 16:14:53,760 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 61/130 +[2024-10-13 16:14:53,913 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 62/130 +[2024-10-13 16:14:54,066 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 63/130 +[2024-10-13 16:14:54,219 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 64/130 +[2024-10-13 16:14:54,373 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 65/130 +[2024-10-13 16:14:54,526 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 66/130 +[2024-10-13 16:14:54,679 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 67/130 +[2024-10-13 16:14:54,832 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 68/130 +[2024-10-13 16:14:54,985 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 69/130 +[2024-10-13 16:14:55,139 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 70/130 +[2024-10-13 16:14:55,292 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 71/130 +[2024-10-13 16:14:55,445 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 72/130 +[2024-10-13 16:14:55,598 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 73/130 +[2024-10-13 16:14:55,752 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 74/130 +[2024-10-13 16:14:55,905 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 75/130 +[2024-10-13 16:14:56,058 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 76/130 +[2024-10-13 16:14:56,211 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 77/130 +[2024-10-13 16:14:56,363 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 78/130 +[2024-10-13 16:14:56,517 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 79/130 +[2024-10-13 16:14:56,669 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 80/130 +[2024-10-13 16:14:56,822 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 81/130 +[2024-10-13 16:14:56,975 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 82/130 +[2024-10-13 16:14:57,128 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 83/130 +[2024-10-13 16:14:57,302 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 84/130 +[2024-10-13 16:14:57,474 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 85/130 +[2024-10-13 16:14:57,648 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 86/130 +[2024-10-13 16:14:57,821 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 87/130 +[2024-10-13 16:14:57,996 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 88/130 +[2024-10-13 16:14:58,169 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 89/130 +[2024-10-13 16:14:58,343 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 90/130 +[2024-10-13 16:14:58,516 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 91/130 +[2024-10-13 16:14:58,689 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 92/130 +[2024-10-13 16:14:58,862 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 93/130 +[2024-10-13 16:14:59,035 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 94/130 +[2024-10-13 16:14:59,208 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 95/130 +[2024-10-13 16:14:59,382 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 96/130 +[2024-10-13 16:14:59,555 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 97/130 +[2024-10-13 16:14:59,729 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 98/130 +[2024-10-13 16:14:59,902 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 99/130 +[2024-10-13 16:15:00,075 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 100/130 +[2024-10-13 16:15:00,249 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 101/130 +[2024-10-13 16:15:00,422 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 102/130 +[2024-10-13 16:15:00,595 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 103/130 +[2024-10-13 16:15:00,768 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 104/130 +[2024-10-13 16:15:00,941 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 105/130 +[2024-10-13 16:15:01,116 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 106/130 +[2024-10-13 16:15:01,289 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 107/130 +[2024-10-13 16:15:01,462 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 108/130 +[2024-10-13 16:15:01,634 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 109/130 +[2024-10-13 16:15:01,808 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 110/130 +[2024-10-13 16:15:01,981 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 111/130 +[2024-10-13 16:15:02,153 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 112/130 +[2024-10-13 16:15:02,326 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 113/130 +[2024-10-13 16:15:02,499 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 114/130 +[2024-10-13 16:15:02,672 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 115/130 +[2024-10-13 16:15:02,845 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 116/130 +[2024-10-13 16:15:03,018 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 117/130 +[2024-10-13 16:15:03,191 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 118/130 +[2024-10-13 16:15:03,364 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 119/130 +[2024-10-13 16:15:03,527 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 120/130 +[2024-10-13 16:15:03,690 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 121/130 +[2024-10-13 16:15:03,852 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 122/130 +[2024-10-13 16:15:04,015 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 123/130 +[2024-10-13 16:15:04,180 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 124/130 +[2024-10-13 16:15:04,343 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 125/130 +[2024-10-13 16:15:04,505 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 126/130 +[2024-10-13 16:15:04,668 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 127/130 +[2024-10-13 16:15:04,831 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 128/130 +[2024-10-13 16:15:04,994 INFO test.py line 186 25394] Test: 139/312-scene0575_00, Batch: 129/130 +[2024-10-13 16:15:05,243 INFO test.py line 272 25394] Test: scene0575_00 [139/312]-194207 Batch 21.410 (19.761) Accuracy 0.8606 (0.4469) mIoU 0.6099 (0.3506) +[2024-10-13 16:15:05,470 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 0/121 +[2024-10-13 16:15:05,658 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 1/121 +[2024-10-13 16:15:05,847 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 2/121 +[2024-10-13 16:15:06,036 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 3/121 +[2024-10-13 16:15:06,225 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 4/121 +[2024-10-13 16:15:06,413 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 5/121 +[2024-10-13 16:15:06,603 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 6/121 +[2024-10-13 16:15:06,793 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 7/121 +[2024-10-13 16:15:06,982 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 8/121 +[2024-10-13 16:15:07,171 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 9/121 +[2024-10-13 16:15:07,360 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 10/121 +[2024-10-13 16:15:07,549 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 11/121 +[2024-10-13 16:15:07,738 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 12/121 +[2024-10-13 16:15:07,927 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 13/121 +[2024-10-13 16:15:08,116 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 14/121 +[2024-10-13 16:15:08,337 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 15/121 +[2024-10-13 16:15:08,527 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 16/121 +[2024-10-13 16:15:08,715 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 17/121 +[2024-10-13 16:15:08,904 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 18/121 +[2024-10-13 16:15:09,093 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 19/121 +[2024-10-13 16:15:09,282 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 20/121 +[2024-10-13 16:15:09,471 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 21/121 +[2024-10-13 16:15:09,660 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 22/121 +[2024-10-13 16:15:09,849 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 23/121 +[2024-10-13 16:15:10,037 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 24/121 +[2024-10-13 16:15:10,226 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 25/121 +[2024-10-13 16:15:10,415 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 26/121 +[2024-10-13 16:15:10,604 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 27/121 +[2024-10-13 16:15:10,792 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 28/121 +[2024-10-13 16:15:10,981 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 29/121 +[2024-10-13 16:15:11,170 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 30/121 +[2024-10-13 16:15:11,359 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 31/121 +[2024-10-13 16:15:11,548 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 32/121 +[2024-10-13 16:15:11,736 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 33/121 +[2024-10-13 16:15:11,925 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 34/121 +[2024-10-13 16:15:12,115 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 35/121 +[2024-10-13 16:15:12,292 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 36/121 +[2024-10-13 16:15:12,468 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 37/121 +[2024-10-13 16:15:12,644 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 38/121 +[2024-10-13 16:15:12,821 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 39/121 +[2024-10-13 16:15:12,998 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 40/121 +[2024-10-13 16:15:13,175 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 41/121 +[2024-10-13 16:15:13,352 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 42/121 +[2024-10-13 16:15:13,528 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 43/121 +[2024-10-13 16:15:13,705 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 44/121 +[2024-10-13 16:15:13,882 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 45/121 +[2024-10-13 16:15:14,059 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 46/121 +[2024-10-13 16:15:14,235 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 47/121 +[2024-10-13 16:15:14,412 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 48/121 +[2024-10-13 16:15:14,588 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 49/121 +[2024-10-13 16:15:14,765 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 50/121 +[2024-10-13 16:15:14,942 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 51/121 +[2024-10-13 16:15:15,119 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 52/121 +[2024-10-13 16:15:15,295 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 53/121 +[2024-10-13 16:15:15,472 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 54/121 +[2024-10-13 16:15:15,649 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 55/121 +[2024-10-13 16:15:15,825 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 56/121 +[2024-10-13 16:15:16,002 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 57/121 +[2024-10-13 16:15:16,179 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 58/121 +[2024-10-13 16:15:16,355 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 59/121 +[2024-10-13 16:15:16,532 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 60/121 +[2024-10-13 16:15:16,708 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 61/121 +[2024-10-13 16:15:16,884 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 62/121 +[2024-10-13 16:15:17,061 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 63/121 +[2024-10-13 16:15:17,238 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 64/121 +[2024-10-13 16:15:17,415 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 65/121 +[2024-10-13 16:15:17,592 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 66/121 +[2024-10-13 16:15:17,768 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 67/121 +[2024-10-13 16:15:17,944 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 68/121 +[2024-10-13 16:15:18,121 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 69/121 +[2024-10-13 16:15:18,298 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 70/121 +[2024-10-13 16:15:18,475 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 71/121 +[2024-10-13 16:15:18,651 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 72/121 +[2024-10-13 16:15:18,827 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 73/121 +[2024-10-13 16:15:19,004 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 74/121 +[2024-10-13 16:15:19,181 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 75/121 +[2024-10-13 16:15:19,382 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 76/121 +[2024-10-13 16:15:19,583 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 77/121 +[2024-10-13 16:15:19,783 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 78/121 +[2024-10-13 16:15:19,985 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 79/121 +[2024-10-13 16:15:20,186 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 80/121 +[2024-10-13 16:15:20,387 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 81/121 +[2024-10-13 16:15:20,589 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 82/121 +[2024-10-13 16:15:20,791 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 83/121 +[2024-10-13 16:15:20,992 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 84/121 +[2024-10-13 16:15:21,194 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 85/121 +[2024-10-13 16:15:21,395 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 86/121 +[2024-10-13 16:15:21,597 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 87/121 +[2024-10-13 16:15:21,799 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 88/121 +[2024-10-13 16:15:22,000 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 89/121 +[2024-10-13 16:15:22,201 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 90/121 +[2024-10-13 16:15:22,402 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 91/121 +[2024-10-13 16:15:22,604 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 92/121 +[2024-10-13 16:15:22,806 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 93/121 +[2024-10-13 16:15:23,008 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 94/121 +[2024-10-13 16:15:23,210 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 95/121 +[2024-10-13 16:15:23,412 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 96/121 +[2024-10-13 16:15:23,614 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 97/121 +[2024-10-13 16:15:23,816 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 98/121 +[2024-10-13 16:15:24,018 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 99/121 +[2024-10-13 16:15:24,220 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 100/121 +[2024-10-13 16:15:24,421 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 101/121 +[2024-10-13 16:15:24,623 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 102/121 +[2024-10-13 16:15:24,825 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 103/121 +[2024-10-13 16:15:25,026 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 104/121 +[2024-10-13 16:15:25,227 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 105/121 +[2024-10-13 16:15:25,429 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 106/121 +[2024-10-13 16:15:25,630 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 107/121 +[2024-10-13 16:15:25,831 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 108/121 +[2024-10-13 16:15:26,033 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 109/121 +[2024-10-13 16:15:26,235 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 110/121 +[2024-10-13 16:15:26,436 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 111/121 +[2024-10-13 16:15:26,625 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 112/121 +[2024-10-13 16:15:26,814 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 113/121 +[2024-10-13 16:15:27,003 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 114/121 +[2024-10-13 16:15:27,192 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 115/121 +[2024-10-13 16:15:27,381 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 116/121 +[2024-10-13 16:15:27,569 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 117/121 +[2024-10-13 16:15:27,759 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 118/121 +[2024-10-13 16:15:27,947 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 119/121 +[2024-10-13 16:15:28,137 INFO test.py line 186 25394] Test: 140/312-scene0222_00, Batch: 120/121 +[2024-10-13 16:15:28,443 INFO test.py line 272 25394] Test: scene0222_00 [140/312]-234831 Batch 23.200 (19.785) Accuracy 0.8454 (0.4488) mIoU 0.4041 (0.3505) +[2024-10-13 16:15:28,523 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 0/116 +[2024-10-13 16:15:28,592 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 1/116 +[2024-10-13 16:15:28,662 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 2/116 +[2024-10-13 16:15:28,731 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 3/116 +[2024-10-13 16:15:28,801 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 4/116 +[2024-10-13 16:15:28,870 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 5/116 +[2024-10-13 16:15:28,939 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 6/116 +[2024-10-13 16:15:29,007 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 7/116 +[2024-10-13 16:15:29,077 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 8/116 +[2024-10-13 16:15:29,146 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 9/116 +[2024-10-13 16:15:29,215 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 10/116 +[2024-10-13 16:15:29,284 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 11/116 +[2024-10-13 16:15:29,353 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 12/116 +[2024-10-13 16:15:29,422 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 13/116 +[2024-10-13 16:15:29,491 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 14/116 +[2024-10-13 16:15:29,560 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 15/116 +[2024-10-13 16:15:29,629 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 16/116 +[2024-10-13 16:15:29,698 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 17/116 +[2024-10-13 16:15:29,767 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 18/116 +[2024-10-13 16:15:29,836 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 19/116 +[2024-10-13 16:15:29,905 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 20/116 +[2024-10-13 16:15:29,974 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 21/116 +[2024-10-13 16:15:30,043 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 22/116 +[2024-10-13 16:15:30,112 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 23/116 +[2024-10-13 16:15:30,181 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 24/116 +[2024-10-13 16:15:30,250 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 25/116 +[2024-10-13 16:15:30,319 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 26/116 +[2024-10-13 16:15:30,389 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 27/116 +[2024-10-13 16:15:30,458 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 28/116 +[2024-10-13 16:15:30,527 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 29/116 +[2024-10-13 16:15:30,596 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 30/116 +[2024-10-13 16:15:30,665 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 31/116 +[2024-10-13 16:15:30,731 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 32/116 +[2024-10-13 16:15:30,798 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 33/116 +[2024-10-13 16:15:30,864 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 34/116 +[2024-10-13 16:15:30,931 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 35/116 +[2024-10-13 16:15:30,999 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 36/116 +[2024-10-13 16:15:31,066 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 37/116 +[2024-10-13 16:15:31,132 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 38/116 +[2024-10-13 16:15:31,199 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 39/116 +[2024-10-13 16:15:31,265 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 40/116 +[2024-10-13 16:15:31,331 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 41/116 +[2024-10-13 16:15:31,398 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 42/116 +[2024-10-13 16:15:31,465 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 43/116 +[2024-10-13 16:15:31,532 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 44/116 +[2024-10-13 16:15:31,598 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 45/116 +[2024-10-13 16:15:31,665 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 46/116 +[2024-10-13 16:15:31,732 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 47/116 +[2024-10-13 16:15:31,798 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 48/116 +[2024-10-13 16:15:31,865 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 49/116 +[2024-10-13 16:15:31,931 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 50/116 +[2024-10-13 16:15:31,998 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 51/116 +[2024-10-13 16:15:32,064 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 52/116 +[2024-10-13 16:15:32,190 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 53/116 +[2024-10-13 16:15:32,257 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 54/116 +[2024-10-13 16:15:32,325 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 55/116 +[2024-10-13 16:15:32,393 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 56/116 +[2024-10-13 16:15:32,461 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 57/116 +[2024-10-13 16:15:32,527 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 58/116 +[2024-10-13 16:15:32,593 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 59/116 +[2024-10-13 16:15:32,659 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 60/116 +[2024-10-13 16:15:32,726 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 61/116 +[2024-10-13 16:15:32,792 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 62/116 +[2024-10-13 16:15:32,858 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 63/116 +[2024-10-13 16:15:32,925 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 64/116 +[2024-10-13 16:15:32,991 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 65/116 +[2024-10-13 16:15:33,057 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 66/116 +[2024-10-13 16:15:33,123 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 67/116 +[2024-10-13 16:15:33,190 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 68/116 +[2024-10-13 16:15:33,256 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 69/116 +[2024-10-13 16:15:33,322 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 70/116 +[2024-10-13 16:15:33,389 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 71/116 +[2024-10-13 16:15:33,455 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 72/116 +[2024-10-13 16:15:33,521 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 73/116 +[2024-10-13 16:15:33,588 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 74/116 +[2024-10-13 16:15:33,654 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 75/116 +[2024-10-13 16:15:33,726 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 76/116 +[2024-10-13 16:15:33,799 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 77/116 +[2024-10-13 16:15:33,871 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 78/116 +[2024-10-13 16:15:33,944 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 79/116 +[2024-10-13 16:15:34,017 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 80/116 +[2024-10-13 16:15:34,089 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 81/116 +[2024-10-13 16:15:34,162 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 82/116 +[2024-10-13 16:15:34,234 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 83/116 +[2024-10-13 16:15:34,306 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 84/116 +[2024-10-13 16:15:34,379 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 85/116 +[2024-10-13 16:15:34,451 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 86/116 +[2024-10-13 16:15:34,524 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 87/116 +[2024-10-13 16:15:34,596 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 88/116 +[2024-10-13 16:15:34,669 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 89/116 +[2024-10-13 16:15:34,741 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 90/116 +[2024-10-13 16:15:34,814 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 91/116 +[2024-10-13 16:15:34,886 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 92/116 +[2024-10-13 16:15:34,958 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 93/116 +[2024-10-13 16:15:35,031 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 94/116 +[2024-10-13 16:15:35,103 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 95/116 +[2024-10-13 16:15:35,176 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 96/116 +[2024-10-13 16:15:35,249 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 97/116 +[2024-10-13 16:15:35,321 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 98/116 +[2024-10-13 16:15:35,394 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 99/116 +[2024-10-13 16:15:35,466 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 100/116 +[2024-10-13 16:15:35,538 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 101/116 +[2024-10-13 16:15:35,611 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 102/116 +[2024-10-13 16:15:35,683 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 103/116 +[2024-10-13 16:15:35,755 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 104/116 +[2024-10-13 16:15:35,827 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 105/116 +[2024-10-13 16:15:35,900 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 106/116 +[2024-10-13 16:15:35,972 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 107/116 +[2024-10-13 16:15:36,041 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 108/116 +[2024-10-13 16:15:36,110 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 109/116 +[2024-10-13 16:15:36,179 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 110/116 +[2024-10-13 16:15:36,248 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 111/116 +[2024-10-13 16:15:36,317 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 112/116 +[2024-10-13 16:15:36,386 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 113/116 +[2024-10-13 16:15:36,455 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 114/116 +[2024-10-13 16:15:36,524 INFO test.py line 186 25394] Test: 141/312-scene0423_02, Batch: 115/116 +[2024-10-13 16:15:36,607 INFO test.py line 272 25394] Test: scene0423_02 [141/312]-60071 Batch 8.164 (19.703) Accuracy 0.9977 (0.4490) mIoU 0.7412 (0.3508) +[2024-10-13 16:15:36,742 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 0/125 +[2024-10-13 16:15:36,860 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 1/125 +[2024-10-13 16:15:36,979 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 2/125 +[2024-10-13 16:15:37,097 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 3/125 +[2024-10-13 16:15:37,215 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 4/125 +[2024-10-13 16:15:37,334 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 5/125 +[2024-10-13 16:15:37,452 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 6/125 +[2024-10-13 16:15:37,571 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 7/125 +[2024-10-13 16:15:37,689 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 8/125 +[2024-10-13 16:15:37,808 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 9/125 +[2024-10-13 16:15:37,927 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 10/125 +[2024-10-13 16:15:38,046 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 11/125 +[2024-10-13 16:15:38,166 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 12/125 +[2024-10-13 16:15:38,285 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 13/125 +[2024-10-13 16:15:38,404 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 14/125 +[2024-10-13 16:15:38,524 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 15/125 +[2024-10-13 16:15:38,643 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 16/125 +[2024-10-13 16:15:38,762 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 17/125 +[2024-10-13 16:15:38,879 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 18/125 +[2024-10-13 16:15:38,997 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 19/125 +[2024-10-13 16:15:39,114 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 20/125 +[2024-10-13 16:15:39,232 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 21/125 +[2024-10-13 16:15:39,349 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 22/125 +[2024-10-13 16:15:39,467 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 23/125 +[2024-10-13 16:15:39,584 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 24/125 +[2024-10-13 16:15:39,702 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 25/125 +[2024-10-13 16:15:39,819 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 26/125 +[2024-10-13 16:15:39,937 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 27/125 +[2024-10-13 16:15:40,055 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 28/125 +[2024-10-13 16:15:40,173 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 29/125 +[2024-10-13 16:15:40,291 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 30/125 +[2024-10-13 16:15:40,408 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 31/125 +[2024-10-13 16:15:40,526 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 32/125 +[2024-10-13 16:15:40,671 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 33/125 +[2024-10-13 16:15:40,790 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 34/125 +[2024-10-13 16:15:40,909 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 35/125 +[2024-10-13 16:15:41,019 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 36/125 +[2024-10-13 16:15:41,130 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 37/125 +[2024-10-13 16:15:41,240 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 38/125 +[2024-10-13 16:15:41,351 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 39/125 +[2024-10-13 16:15:41,461 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 40/125 +[2024-10-13 16:15:41,572 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 41/125 +[2024-10-13 16:15:41,682 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 42/125 +[2024-10-13 16:15:41,793 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 43/125 +[2024-10-13 16:15:41,903 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 44/125 +[2024-10-13 16:15:42,015 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 45/125 +[2024-10-13 16:15:42,126 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 46/125 +[2024-10-13 16:15:42,236 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 47/125 +[2024-10-13 16:15:42,347 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 48/125 +[2024-10-13 16:15:42,458 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 49/125 +[2024-10-13 16:15:42,569 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 50/125 +[2024-10-13 16:15:42,679 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 51/125 +[2024-10-13 16:15:42,789 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 52/125 +[2024-10-13 16:15:42,899 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 53/125 +[2024-10-13 16:15:43,009 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 54/125 +[2024-10-13 16:15:43,120 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 55/125 +[2024-10-13 16:15:43,230 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 56/125 +[2024-10-13 16:15:43,340 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 57/125 +[2024-10-13 16:15:43,451 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 58/125 +[2024-10-13 16:15:43,561 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 59/125 +[2024-10-13 16:15:43,671 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 60/125 +[2024-10-13 16:15:43,781 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 61/125 +[2024-10-13 16:15:43,891 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 62/125 +[2024-10-13 16:15:44,001 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 63/125 +[2024-10-13 16:15:44,111 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 64/125 +[2024-10-13 16:15:44,221 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 65/125 +[2024-10-13 16:15:44,331 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 66/125 +[2024-10-13 16:15:44,441 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 67/125 +[2024-10-13 16:15:44,551 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 68/125 +[2024-10-13 16:15:44,661 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 69/125 +[2024-10-13 16:15:44,771 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 70/125 +[2024-10-13 16:15:44,881 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 71/125 +[2024-10-13 16:15:44,991 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 72/125 +[2024-10-13 16:15:45,102 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 73/125 +[2024-10-13 16:15:45,212 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 74/125 +[2024-10-13 16:15:45,322 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 75/125 +[2024-10-13 16:15:45,433 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 76/125 +[2024-10-13 16:15:45,543 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 77/125 +[2024-10-13 16:15:45,654 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 78/125 +[2024-10-13 16:15:45,764 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 79/125 +[2024-10-13 16:15:45,874 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 80/125 +[2024-10-13 16:15:45,985 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 81/125 +[2024-10-13 16:15:46,095 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 82/125 +[2024-10-13 16:15:46,206 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 83/125 +[2024-10-13 16:15:46,330 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 84/125 +[2024-10-13 16:15:46,455 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 85/125 +[2024-10-13 16:15:46,580 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 86/125 +[2024-10-13 16:15:46,705 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 87/125 +[2024-10-13 16:15:46,830 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 88/125 +[2024-10-13 16:15:46,955 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 89/125 +[2024-10-13 16:15:47,079 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 90/125 +[2024-10-13 16:15:47,204 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 91/125 +[2024-10-13 16:15:47,329 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 92/125 +[2024-10-13 16:15:47,454 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 93/125 +[2024-10-13 16:15:47,579 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 94/125 +[2024-10-13 16:15:47,704 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 95/125 +[2024-10-13 16:15:47,829 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 96/125 +[2024-10-13 16:15:47,954 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 97/125 +[2024-10-13 16:15:48,079 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 98/125 +[2024-10-13 16:15:48,205 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 99/125 +[2024-10-13 16:15:48,330 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 100/125 +[2024-10-13 16:15:48,454 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 101/125 +[2024-10-13 16:15:48,578 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 102/125 +[2024-10-13 16:15:48,703 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 103/125 +[2024-10-13 16:15:48,827 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 104/125 +[2024-10-13 16:15:48,952 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 105/125 +[2024-10-13 16:15:49,076 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 106/125 +[2024-10-13 16:15:49,201 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 107/125 +[2024-10-13 16:15:49,325 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 108/125 +[2024-10-13 16:15:49,449 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 109/125 +[2024-10-13 16:15:49,574 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 110/125 +[2024-10-13 16:15:49,698 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 111/125 +[2024-10-13 16:15:49,823 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 112/125 +[2024-10-13 16:15:49,947 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 113/125 +[2024-10-13 16:15:50,072 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 114/125 +[2024-10-13 16:15:50,196 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 115/125 +[2024-10-13 16:15:50,314 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 116/125 +[2024-10-13 16:15:50,432 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 117/125 +[2024-10-13 16:15:50,549 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 118/125 +[2024-10-13 16:15:50,667 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 119/125 +[2024-10-13 16:15:50,785 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 120/125 +[2024-10-13 16:15:50,902 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 121/125 +[2024-10-13 16:15:51,020 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 122/125 +[2024-10-13 16:15:51,137 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 123/125 +[2024-10-13 16:15:51,255 INFO test.py line 186 25394] Test: 142/312-scene0518_00, Batch: 124/125 +[2024-10-13 16:15:51,423 INFO test.py line 272 25394] Test: scene0518_00 [142/312]-130180 Batch 14.816 (19.668) Accuracy 0.7556 (0.4466) mIoU 0.3331 (0.3491) +[2024-10-13 16:15:51,573 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 0/145 +[2024-10-13 16:15:51,700 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 1/145 +[2024-10-13 16:15:51,826 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 2/145 +[2024-10-13 16:15:51,953 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 3/145 +[2024-10-13 16:15:52,080 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 4/145 +[2024-10-13 16:15:52,207 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 5/145 +[2024-10-13 16:15:52,333 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 6/145 +[2024-10-13 16:15:52,459 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 7/145 +[2024-10-13 16:15:52,586 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 8/145 +[2024-10-13 16:15:52,712 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 9/145 +[2024-10-13 16:15:52,839 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 10/145 +[2024-10-13 16:15:52,965 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 11/145 +[2024-10-13 16:15:53,092 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 12/145 +[2024-10-13 16:15:53,218 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 13/145 +[2024-10-13 16:15:53,345 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 14/145 +[2024-10-13 16:15:53,472 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 15/145 +[2024-10-13 16:15:53,598 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 16/145 +[2024-10-13 16:15:53,725 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 17/145 +[2024-10-13 16:15:53,852 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 18/145 +[2024-10-13 16:15:53,978 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 19/145 +[2024-10-13 16:15:54,105 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 20/145 +[2024-10-13 16:15:54,231 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 21/145 +[2024-10-13 16:15:54,358 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 22/145 +[2024-10-13 16:15:54,484 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 23/145 +[2024-10-13 16:15:54,610 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 24/145 +[2024-10-13 16:15:54,737 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 25/145 +[2024-10-13 16:15:54,864 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 26/145 +[2024-10-13 16:15:54,992 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 27/145 +[2024-10-13 16:15:55,118 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 28/145 +[2024-10-13 16:15:55,246 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 29/145 +[2024-10-13 16:15:55,373 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 30/145 +[2024-10-13 16:15:55,500 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 31/145 +[2024-10-13 16:15:55,627 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 32/145 +[2024-10-13 16:15:55,754 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 33/145 +[2024-10-13 16:15:55,881 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 34/145 +[2024-10-13 16:15:56,009 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 35/145 +[2024-10-13 16:15:56,137 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 36/145 +[2024-10-13 16:15:56,264 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 37/145 +[2024-10-13 16:15:56,391 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 38/145 +[2024-10-13 16:15:56,518 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 39/145 +[2024-10-13 16:15:56,645 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 40/145 +[2024-10-13 16:15:56,771 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 41/145 +[2024-10-13 16:15:56,897 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 42/145 +[2024-10-13 16:15:57,024 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 43/145 +[2024-10-13 16:15:57,151 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 44/145 +[2024-10-13 16:15:57,277 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 45/145 +[2024-10-13 16:15:57,404 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 46/145 +[2024-10-13 16:15:57,530 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 47/145 +[2024-10-13 16:15:57,657 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 48/145 +[2024-10-13 16:15:57,784 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 49/145 +[2024-10-13 16:15:57,911 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 50/145 +[2024-10-13 16:15:58,038 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 51/145 +[2024-10-13 16:15:58,157 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 52/145 +[2024-10-13 16:15:58,275 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 53/145 +[2024-10-13 16:15:58,434 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 54/145 +[2024-10-13 16:15:58,554 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 55/145 +[2024-10-13 16:15:58,674 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 56/145 +[2024-10-13 16:15:58,793 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 57/145 +[2024-10-13 16:15:58,913 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 58/145 +[2024-10-13 16:15:59,031 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 59/145 +[2024-10-13 16:15:59,149 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 60/145 +[2024-10-13 16:15:59,268 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 61/145 +[2024-10-13 16:15:59,386 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 62/145 +[2024-10-13 16:15:59,504 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 63/145 +[2024-10-13 16:15:59,622 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 64/145 +[2024-10-13 16:15:59,740 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 65/145 +[2024-10-13 16:15:59,859 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 66/145 +[2024-10-13 16:15:59,977 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 67/145 +[2024-10-13 16:16:00,095 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 68/145 +[2024-10-13 16:16:00,214 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 69/145 +[2024-10-13 16:16:00,332 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 70/145 +[2024-10-13 16:16:00,450 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 71/145 +[2024-10-13 16:16:00,569 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 72/145 +[2024-10-13 16:16:00,687 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 73/145 +[2024-10-13 16:16:00,806 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 74/145 +[2024-10-13 16:16:00,925 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 75/145 +[2024-10-13 16:16:01,044 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 76/145 +[2024-10-13 16:16:01,163 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 77/145 +[2024-10-13 16:16:01,282 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 78/145 +[2024-10-13 16:16:01,401 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 79/145 +[2024-10-13 16:16:01,520 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 80/145 +[2024-10-13 16:16:01,638 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 81/145 +[2024-10-13 16:16:01,757 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 82/145 +[2024-10-13 16:16:01,876 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 83/145 +[2024-10-13 16:16:01,995 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 84/145 +[2024-10-13 16:16:02,114 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 85/145 +[2024-10-13 16:16:02,233 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 86/145 +[2024-10-13 16:16:02,352 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 87/145 +[2024-10-13 16:16:02,471 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 88/145 +[2024-10-13 16:16:02,590 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 89/145 +[2024-10-13 16:16:02,709 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 90/145 +[2024-10-13 16:16:02,828 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 91/145 +[2024-10-13 16:16:02,947 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 92/145 +[2024-10-13 16:16:03,066 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 93/145 +[2024-10-13 16:16:03,185 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 94/145 +[2024-10-13 16:16:03,303 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 95/145 +[2024-10-13 16:16:03,437 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 96/145 +[2024-10-13 16:16:03,571 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 97/145 +[2024-10-13 16:16:03,706 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 98/145 +[2024-10-13 16:16:03,840 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 99/145 +[2024-10-13 16:16:03,974 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 100/145 +[2024-10-13 16:16:04,108 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 101/145 +[2024-10-13 16:16:04,243 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 102/145 +[2024-10-13 16:16:04,377 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 103/145 +[2024-10-13 16:16:04,511 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 104/145 +[2024-10-13 16:16:04,645 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 105/145 +[2024-10-13 16:16:04,779 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 106/145 +[2024-10-13 16:16:04,913 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 107/145 +[2024-10-13 16:16:05,047 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 108/145 +[2024-10-13 16:16:05,181 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 109/145 +[2024-10-13 16:16:05,315 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 110/145 +[2024-10-13 16:16:05,449 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 111/145 +[2024-10-13 16:16:05,583 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 112/145 +[2024-10-13 16:16:05,717 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 113/145 +[2024-10-13 16:16:05,851 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 114/145 +[2024-10-13 16:16:05,985 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 115/145 +[2024-10-13 16:16:06,119 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 116/145 +[2024-10-13 16:16:06,252 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 117/145 +[2024-10-13 16:16:06,386 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 118/145 +[2024-10-13 16:16:06,521 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 119/145 +[2024-10-13 16:16:06,654 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 120/145 +[2024-10-13 16:16:06,788 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 121/145 +[2024-10-13 16:16:06,922 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 122/145 +[2024-10-13 16:16:07,056 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 123/145 +[2024-10-13 16:16:07,191 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 124/145 +[2024-10-13 16:16:07,325 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 125/145 +[2024-10-13 16:16:07,459 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 126/145 +[2024-10-13 16:16:07,594 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 127/145 +[2024-10-13 16:16:07,728 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 128/145 +[2024-10-13 16:16:07,862 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 129/145 +[2024-10-13 16:16:07,997 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 130/145 +[2024-10-13 16:16:08,131 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 131/145 +[2024-10-13 16:16:08,258 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 132/145 +[2024-10-13 16:16:08,385 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 133/145 +[2024-10-13 16:16:08,512 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 134/145 +[2024-10-13 16:16:08,640 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 135/145 +[2024-10-13 16:16:08,767 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 136/145 +[2024-10-13 16:16:08,894 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 137/145 +[2024-10-13 16:16:09,021 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 138/145 +[2024-10-13 16:16:09,148 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 139/145 +[2024-10-13 16:16:09,275 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 140/145 +[2024-10-13 16:16:09,402 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 141/145 +[2024-10-13 16:16:09,529 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 142/145 +[2024-10-13 16:16:09,657 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 143/145 +[2024-10-13 16:16:09,784 INFO test.py line 186 25394] Test: 143/312-scene0599_00, Batch: 144/145 +[2024-10-13 16:16:09,970 INFO test.py line 272 25394] Test: scene0599_00 [143/312]-141933 Batch 18.547 (19.660) Accuracy 0.9758 (0.4467) mIoU 0.8731 (0.3494) +[2024-10-13 16:16:10,150 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 0/126 +[2024-10-13 16:16:10,302 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 1/126 +[2024-10-13 16:16:10,454 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 2/126 +[2024-10-13 16:16:10,605 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 3/126 +[2024-10-13 16:16:10,757 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 4/126 +[2024-10-13 16:16:10,909 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 5/126 +[2024-10-13 16:16:11,060 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 6/126 +[2024-10-13 16:16:11,212 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 7/126 +[2024-10-13 16:16:11,364 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 8/126 +[2024-10-13 16:16:11,515 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 9/126 +[2024-10-13 16:16:11,667 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 10/126 +[2024-10-13 16:16:11,819 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 11/126 +[2024-10-13 16:16:12,008 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 12/126 +[2024-10-13 16:16:12,165 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 13/126 +[2024-10-13 16:16:12,317 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 14/126 +[2024-10-13 16:16:12,469 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 15/126 +[2024-10-13 16:16:12,620 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 16/126 +[2024-10-13 16:16:12,772 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 17/126 +[2024-10-13 16:16:12,924 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 18/126 +[2024-10-13 16:16:13,076 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 19/126 +[2024-10-13 16:16:13,227 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 20/126 +[2024-10-13 16:16:13,379 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 21/126 +[2024-10-13 16:16:13,530 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 22/126 +[2024-10-13 16:16:13,682 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 23/126 +[2024-10-13 16:16:13,833 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 24/126 +[2024-10-13 16:16:13,985 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 25/126 +[2024-10-13 16:16:14,136 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 26/126 +[2024-10-13 16:16:14,288 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 27/126 +[2024-10-13 16:16:14,440 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 28/126 +[2024-10-13 16:16:14,592 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 29/126 +[2024-10-13 16:16:14,743 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 30/126 +[2024-10-13 16:16:14,895 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 31/126 +[2024-10-13 16:16:15,046 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 32/126 +[2024-10-13 16:16:15,198 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 33/126 +[2024-10-13 16:16:15,350 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 34/126 +[2024-10-13 16:16:15,502 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 35/126 +[2024-10-13 16:16:15,654 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 36/126 +[2024-10-13 16:16:15,806 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 37/126 +[2024-10-13 16:16:15,957 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 38/126 +[2024-10-13 16:16:16,109 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 39/126 +[2024-10-13 16:16:16,252 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 40/126 +[2024-10-13 16:16:16,394 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 41/126 +[2024-10-13 16:16:16,537 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 42/126 +[2024-10-13 16:16:16,680 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 43/126 +[2024-10-13 16:16:16,823 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 44/126 +[2024-10-13 16:16:16,966 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 45/126 +[2024-10-13 16:16:17,109 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 46/126 +[2024-10-13 16:16:17,252 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 47/126 +[2024-10-13 16:16:17,395 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 48/126 +[2024-10-13 16:16:17,537 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 49/126 +[2024-10-13 16:16:17,680 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 50/126 +[2024-10-13 16:16:17,822 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 51/126 +[2024-10-13 16:16:17,965 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 52/126 +[2024-10-13 16:16:18,107 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 53/126 +[2024-10-13 16:16:18,250 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 54/126 +[2024-10-13 16:16:18,392 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 55/126 +[2024-10-13 16:16:18,534 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 56/126 +[2024-10-13 16:16:18,677 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 57/126 +[2024-10-13 16:16:18,819 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 58/126 +[2024-10-13 16:16:18,961 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 59/126 +[2024-10-13 16:16:19,105 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 60/126 +[2024-10-13 16:16:19,248 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 61/126 +[2024-10-13 16:16:19,391 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 62/126 +[2024-10-13 16:16:19,534 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 63/126 +[2024-10-13 16:16:19,677 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 64/126 +[2024-10-13 16:16:19,820 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 65/126 +[2024-10-13 16:16:19,963 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 66/126 +[2024-10-13 16:16:20,106 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 67/126 +[2024-10-13 16:16:20,249 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 68/126 +[2024-10-13 16:16:20,392 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 69/126 +[2024-10-13 16:16:20,534 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 70/126 +[2024-10-13 16:16:20,677 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 71/126 +[2024-10-13 16:16:20,819 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 72/126 +[2024-10-13 16:16:20,962 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 73/126 +[2024-10-13 16:16:21,105 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 74/126 +[2024-10-13 16:16:21,247 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 75/126 +[2024-10-13 16:16:21,389 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 76/126 +[2024-10-13 16:16:21,532 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 77/126 +[2024-10-13 16:16:21,674 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 78/126 +[2024-10-13 16:16:21,816 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 79/126 +[2024-10-13 16:16:21,976 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 80/126 +[2024-10-13 16:16:22,137 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 81/126 +[2024-10-13 16:16:22,297 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 82/126 +[2024-10-13 16:16:22,458 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 83/126 +[2024-10-13 16:16:22,618 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 84/126 +[2024-10-13 16:16:22,778 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 85/126 +[2024-10-13 16:16:22,938 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 86/126 +[2024-10-13 16:16:23,098 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 87/126 +[2024-10-13 16:16:23,258 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 88/126 +[2024-10-13 16:16:23,419 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 89/126 +[2024-10-13 16:16:23,580 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 90/126 +[2024-10-13 16:16:23,741 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 91/126 +[2024-10-13 16:16:23,901 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 92/126 +[2024-10-13 16:16:24,062 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 93/126 +[2024-10-13 16:16:24,223 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 94/126 +[2024-10-13 16:16:24,384 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 95/126 +[2024-10-13 16:16:24,544 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 96/126 +[2024-10-13 16:16:24,705 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 97/126 +[2024-10-13 16:16:24,866 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 98/126 +[2024-10-13 16:16:25,027 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 99/126 +[2024-10-13 16:16:25,187 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 100/126 +[2024-10-13 16:16:25,348 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 101/126 +[2024-10-13 16:16:25,509 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 102/126 +[2024-10-13 16:16:25,670 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 103/126 +[2024-10-13 16:16:25,831 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 104/126 +[2024-10-13 16:16:25,992 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 105/126 +[2024-10-13 16:16:26,153 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 106/126 +[2024-10-13 16:16:26,314 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 107/126 +[2024-10-13 16:16:26,475 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 108/126 +[2024-10-13 16:16:26,635 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 109/126 +[2024-10-13 16:16:26,796 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 110/126 +[2024-10-13 16:16:26,956 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 111/126 +[2024-10-13 16:16:27,116 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 112/126 +[2024-10-13 16:16:27,276 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 113/126 +[2024-10-13 16:16:27,436 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 114/126 +[2024-10-13 16:16:27,596 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 115/126 +[2024-10-13 16:16:27,748 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 116/126 +[2024-10-13 16:16:27,899 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 117/126 +[2024-10-13 16:16:28,051 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 118/126 +[2024-10-13 16:16:28,202 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 119/126 +[2024-10-13 16:16:28,353 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 120/126 +[2024-10-13 16:16:28,505 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 121/126 +[2024-10-13 16:16:28,657 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 122/126 +[2024-10-13 16:16:28,808 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 123/126 +[2024-10-13 16:16:28,960 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 124/126 +[2024-10-13 16:16:29,111 INFO test.py line 186 25394] Test: 144/312-scene0025_02, Batch: 125/126 +[2024-10-13 16:16:29,339 INFO test.py line 272 25394] Test: scene0025_02 [144/312]-177900 Batch 19.369 (19.658) Accuracy 0.7991 (0.4470) mIoU 0.4149 (0.3479) +[2024-10-13 16:16:29,617 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 0/138 +[2024-10-13 16:16:29,850 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 1/138 +[2024-10-13 16:16:30,084 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 2/138 +[2024-10-13 16:16:30,318 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 3/138 +[2024-10-13 16:16:30,551 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 4/138 +[2024-10-13 16:16:30,783 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 5/138 +[2024-10-13 16:16:31,016 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 6/138 +[2024-10-13 16:16:31,249 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 7/138 +[2024-10-13 16:16:31,482 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 8/138 +[2024-10-13 16:16:31,715 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 9/138 +[2024-10-13 16:16:31,948 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 10/138 +[2024-10-13 16:16:32,181 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 11/138 +[2024-10-13 16:16:32,414 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 12/138 +[2024-10-13 16:16:32,668 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 13/138 +[2024-10-13 16:16:32,902 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 14/138 +[2024-10-13 16:16:33,135 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 15/138 +[2024-10-13 16:16:33,367 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 16/138 +[2024-10-13 16:16:33,600 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 17/138 +[2024-10-13 16:16:33,833 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 18/138 +[2024-10-13 16:16:34,066 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 19/138 +[2024-10-13 16:16:34,298 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 20/138 +[2024-10-13 16:16:34,531 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 21/138 +[2024-10-13 16:16:34,764 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 22/138 +[2024-10-13 16:16:34,997 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 23/138 +[2024-10-13 16:16:35,230 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 24/138 +[2024-10-13 16:16:35,463 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 25/138 +[2024-10-13 16:16:35,697 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 26/138 +[2024-10-13 16:16:35,930 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 27/138 +[2024-10-13 16:16:36,162 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 28/138 +[2024-10-13 16:16:36,396 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 29/138 +[2024-10-13 16:16:36,628 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 30/138 +[2024-10-13 16:16:36,861 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 31/138 +[2024-10-13 16:16:37,094 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 32/138 +[2024-10-13 16:16:37,327 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 33/138 +[2024-10-13 16:16:37,559 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 34/138 +[2024-10-13 16:16:37,792 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 35/138 +[2024-10-13 16:16:38,025 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 36/138 +[2024-10-13 16:16:38,257 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 37/138 +[2024-10-13 16:16:38,490 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 38/138 +[2024-10-13 16:16:38,722 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 39/138 +[2024-10-13 16:16:38,939 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 40/138 +[2024-10-13 16:16:39,155 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 41/138 +[2024-10-13 16:16:39,372 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 42/138 +[2024-10-13 16:16:39,588 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 43/138 +[2024-10-13 16:16:39,805 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 44/138 +[2024-10-13 16:16:40,021 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 45/138 +[2024-10-13 16:16:40,238 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 46/138 +[2024-10-13 16:16:40,454 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 47/138 +[2024-10-13 16:16:40,671 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 48/138 +[2024-10-13 16:16:40,887 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 49/138 +[2024-10-13 16:16:41,104 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 50/138 +[2024-10-13 16:16:41,321 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 51/138 +[2024-10-13 16:16:41,537 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 52/138 +[2024-10-13 16:16:41,754 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 53/138 +[2024-10-13 16:16:41,970 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 54/138 +[2024-10-13 16:16:42,187 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 55/138 +[2024-10-13 16:16:42,404 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 56/138 +[2024-10-13 16:16:42,621 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 57/138 +[2024-10-13 16:16:42,837 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 58/138 +[2024-10-13 16:16:43,054 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 59/138 +[2024-10-13 16:16:43,270 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 60/138 +[2024-10-13 16:16:43,487 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 61/138 +[2024-10-13 16:16:43,703 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 62/138 +[2024-10-13 16:16:43,920 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 63/138 +[2024-10-13 16:16:44,136 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 64/138 +[2024-10-13 16:16:44,353 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 65/138 +[2024-10-13 16:16:44,569 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 66/138 +[2024-10-13 16:16:44,786 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 67/138 +[2024-10-13 16:16:45,002 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 68/138 +[2024-10-13 16:16:45,219 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 69/138 +[2024-10-13 16:16:45,435 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 70/138 +[2024-10-13 16:16:45,652 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 71/138 +[2024-10-13 16:16:45,868 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 72/138 +[2024-10-13 16:16:46,084 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 73/138 +[2024-10-13 16:16:46,301 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 74/138 +[2024-10-13 16:16:46,517 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 75/138 +[2024-10-13 16:16:46,734 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 76/138 +[2024-10-13 16:16:46,950 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 77/138 +[2024-10-13 16:16:47,167 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 78/138 +[2024-10-13 16:16:47,383 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 79/138 +[2024-10-13 16:16:47,599 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 80/138 +[2024-10-13 16:16:47,816 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 81/138 +[2024-10-13 16:16:48,032 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 82/138 +[2024-10-13 16:16:48,248 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 83/138 +[2024-10-13 16:16:48,465 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 84/138 +[2024-10-13 16:16:48,682 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 85/138 +[2024-10-13 16:16:48,898 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 86/138 +[2024-10-13 16:16:49,114 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 87/138 +[2024-10-13 16:16:49,361 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 88/138 +[2024-10-13 16:16:49,608 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 89/138 +[2024-10-13 16:16:49,856 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 90/138 +[2024-10-13 16:16:50,104 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 91/138 +[2024-10-13 16:16:50,352 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 92/138 +[2024-10-13 16:16:50,600 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 93/138 +[2024-10-13 16:16:50,848 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 94/138 +[2024-10-13 16:16:51,095 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 95/138 +[2024-10-13 16:16:51,343 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 96/138 +[2024-10-13 16:16:51,590 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 97/138 +[2024-10-13 16:16:51,838 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 98/138 +[2024-10-13 16:16:52,086 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 99/138 +[2024-10-13 16:16:52,333 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 100/138 +[2024-10-13 16:16:52,581 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 101/138 +[2024-10-13 16:16:52,828 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 102/138 +[2024-10-13 16:16:53,076 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 103/138 +[2024-10-13 16:16:53,324 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 104/138 +[2024-10-13 16:16:53,571 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 105/138 +[2024-10-13 16:16:53,819 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 106/138 +[2024-10-13 16:16:54,067 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 107/138 +[2024-10-13 16:16:54,314 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 108/138 +[2024-10-13 16:16:54,561 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 109/138 +[2024-10-13 16:16:54,809 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 110/138 +[2024-10-13 16:16:55,057 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 111/138 +[2024-10-13 16:16:55,304 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 112/138 +[2024-10-13 16:16:55,551 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 113/138 +[2024-10-13 16:16:55,799 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 114/138 +[2024-10-13 16:16:56,046 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 115/138 +[2024-10-13 16:16:56,294 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 116/138 +[2024-10-13 16:16:56,541 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 117/138 +[2024-10-13 16:16:56,789 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 118/138 +[2024-10-13 16:16:57,037 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 119/138 +[2024-10-13 16:16:57,284 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 120/138 +[2024-10-13 16:16:57,531 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 121/138 +[2024-10-13 16:16:57,779 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 122/138 +[2024-10-13 16:16:58,026 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 123/138 +[2024-10-13 16:16:58,274 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 124/138 +[2024-10-13 16:16:58,521 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 125/138 +[2024-10-13 16:16:58,768 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 126/138 +[2024-10-13 16:16:59,016 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 127/138 +[2024-10-13 16:16:59,250 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 128/138 +[2024-10-13 16:16:59,483 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 129/138 +[2024-10-13 16:16:59,716 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 130/138 +[2024-10-13 16:16:59,949 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 131/138 +[2024-10-13 16:17:00,182 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 132/138 +[2024-10-13 16:17:00,415 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 133/138 +[2024-10-13 16:17:00,648 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 134/138 +[2024-10-13 16:17:00,881 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 135/138 +[2024-10-13 16:17:01,114 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 136/138 +[2024-10-13 16:17:01,348 INFO test.py line 186 25394] Test: 145/312-scene0030_02, Batch: 137/138 +[2024-10-13 16:17:01,718 INFO test.py line 272 25394] Test: scene0030_02 [145/312]-284243 Batch 32.379 (19.746) Accuracy 0.9075 (0.4492) mIoU 0.4767 (0.3499) +[2024-10-13 16:17:01,823 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 0/125 +[2024-10-13 16:17:01,916 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 1/125 +[2024-10-13 16:17:02,008 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 2/125 +[2024-10-13 16:17:02,101 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 3/125 +[2024-10-13 16:17:02,193 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 4/125 +[2024-10-13 16:17:02,286 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 5/125 +[2024-10-13 16:17:02,378 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 6/125 +[2024-10-13 16:17:02,470 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 7/125 +[2024-10-13 16:17:02,563 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 8/125 +[2024-10-13 16:17:02,657 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 9/125 +[2024-10-13 16:17:02,751 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 10/125 +[2024-10-13 16:17:02,845 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 11/125 +[2024-10-13 16:17:02,939 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 12/125 +[2024-10-13 16:17:03,033 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 13/125 +[2024-10-13 16:17:03,126 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 14/125 +[2024-10-13 16:17:03,220 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 15/125 +[2024-10-13 16:17:03,314 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 16/125 +[2024-10-13 16:17:03,408 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 17/125 +[2024-10-13 16:17:03,501 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 18/125 +[2024-10-13 16:17:03,594 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 19/125 +[2024-10-13 16:17:03,686 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 20/125 +[2024-10-13 16:17:03,779 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 21/125 +[2024-10-13 16:17:03,872 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 22/125 +[2024-10-13 16:17:03,964 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 23/125 +[2024-10-13 16:17:04,057 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 24/125 +[2024-10-13 16:17:04,150 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 25/125 +[2024-10-13 16:17:04,242 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 26/125 +[2024-10-13 16:17:04,335 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 27/125 +[2024-10-13 16:17:04,427 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 28/125 +[2024-10-13 16:17:04,519 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 29/125 +[2024-10-13 16:17:04,612 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 30/125 +[2024-10-13 16:17:04,704 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 31/125 +[2024-10-13 16:17:04,796 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 32/125 +[2024-10-13 16:17:04,889 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 33/125 +[2024-10-13 16:17:04,981 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 34/125 +[2024-10-13 16:17:05,073 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 35/125 +[2024-10-13 16:17:05,161 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 36/125 +[2024-10-13 16:17:05,250 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 37/125 +[2024-10-13 16:17:05,338 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 38/125 +[2024-10-13 16:17:05,426 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 39/125 +[2024-10-13 16:17:05,514 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 40/125 +[2024-10-13 16:17:05,602 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 41/125 +[2024-10-13 16:17:05,690 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 42/125 +[2024-10-13 16:17:05,778 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 43/125 +[2024-10-13 16:17:05,866 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 44/125 +[2024-10-13 16:17:05,955 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 45/125 +[2024-10-13 16:17:06,043 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 46/125 +[2024-10-13 16:17:06,131 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 47/125 +[2024-10-13 16:17:06,218 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 48/125 +[2024-10-13 16:17:06,306 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 49/125 +[2024-10-13 16:17:06,395 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 50/125 +[2024-10-13 16:17:06,511 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 51/125 +[2024-10-13 16:17:06,709 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 52/125 +[2024-10-13 16:17:06,798 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 53/125 +[2024-10-13 16:17:06,887 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 54/125 +[2024-10-13 16:17:06,975 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 55/125 +[2024-10-13 16:17:07,063 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 56/125 +[2024-10-13 16:17:07,151 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 57/125 +[2024-10-13 16:17:07,239 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 58/125 +[2024-10-13 16:17:07,327 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 59/125 +[2024-10-13 16:17:07,415 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 60/125 +[2024-10-13 16:17:07,503 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 61/125 +[2024-10-13 16:17:07,591 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 62/125 +[2024-10-13 16:17:07,679 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 63/125 +[2024-10-13 16:17:07,767 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 64/125 +[2024-10-13 16:17:07,855 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 65/125 +[2024-10-13 16:17:07,943 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 66/125 +[2024-10-13 16:17:08,031 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 67/125 +[2024-10-13 16:17:08,119 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 68/125 +[2024-10-13 16:17:08,207 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 69/125 +[2024-10-13 16:17:08,296 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 70/125 +[2024-10-13 16:17:08,384 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 71/125 +[2024-10-13 16:17:08,472 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 72/125 +[2024-10-13 16:17:08,560 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 73/125 +[2024-10-13 16:17:08,649 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 74/125 +[2024-10-13 16:17:08,737 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 75/125 +[2024-10-13 16:17:08,825 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 76/125 +[2024-10-13 16:17:08,913 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 77/125 +[2024-10-13 16:17:09,002 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 78/125 +[2024-10-13 16:17:09,090 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 79/125 +[2024-10-13 16:17:09,187 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 80/125 +[2024-10-13 16:17:09,285 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 81/125 +[2024-10-13 16:17:09,383 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 82/125 +[2024-10-13 16:17:09,481 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 83/125 +[2024-10-13 16:17:09,579 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 84/125 +[2024-10-13 16:17:09,677 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 85/125 +[2024-10-13 16:17:09,774 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 86/125 +[2024-10-13 16:17:09,872 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 87/125 +[2024-10-13 16:17:09,970 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 88/125 +[2024-10-13 16:17:10,070 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 89/125 +[2024-10-13 16:17:10,167 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 90/125 +[2024-10-13 16:17:10,265 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 91/125 +[2024-10-13 16:17:10,363 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 92/125 +[2024-10-13 16:17:10,460 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 93/125 +[2024-10-13 16:17:10,560 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 94/125 +[2024-10-13 16:17:10,657 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 95/125 +[2024-10-13 16:17:10,755 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 96/125 +[2024-10-13 16:17:10,852 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 97/125 +[2024-10-13 16:17:10,950 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 98/125 +[2024-10-13 16:17:11,048 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 99/125 +[2024-10-13 16:17:11,145 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 100/125 +[2024-10-13 16:17:11,243 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 101/125 +[2024-10-13 16:17:11,341 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 102/125 +[2024-10-13 16:17:11,438 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 103/125 +[2024-10-13 16:17:11,536 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 104/125 +[2024-10-13 16:17:11,634 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 105/125 +[2024-10-13 16:17:11,732 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 106/125 +[2024-10-13 16:17:11,830 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 107/125 +[2024-10-13 16:17:11,928 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 108/125 +[2024-10-13 16:17:12,026 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 109/125 +[2024-10-13 16:17:12,124 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 110/125 +[2024-10-13 16:17:12,222 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 111/125 +[2024-10-13 16:17:12,320 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 112/125 +[2024-10-13 16:17:12,418 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 113/125 +[2024-10-13 16:17:12,516 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 114/125 +[2024-10-13 16:17:12,614 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 115/125 +[2024-10-13 16:17:12,706 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 116/125 +[2024-10-13 16:17:12,799 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 117/125 +[2024-10-13 16:17:12,892 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 118/125 +[2024-10-13 16:17:12,984 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 119/125 +[2024-10-13 16:17:13,077 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 120/125 +[2024-10-13 16:17:13,170 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 121/125 +[2024-10-13 16:17:13,262 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 122/125 +[2024-10-13 16:17:13,355 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 123/125 +[2024-10-13 16:17:13,448 INFO test.py line 186 25394] Test: 146/312-scene0535_00, Batch: 124/125 +[2024-10-13 16:17:13,565 INFO test.py line 272 25394] Test: scene0535_00 [146/312]-90268 Batch 11.847 (19.692) Accuracy 0.6108 (0.4493) mIoU 0.1928 (0.3499) +[2024-10-13 16:17:13,710 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 0/126 +[2024-10-13 16:17:13,834 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 1/126 +[2024-10-13 16:17:13,957 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 2/126 +[2024-10-13 16:17:14,081 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 3/126 +[2024-10-13 16:17:14,204 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 4/126 +[2024-10-13 16:17:14,328 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 5/126 +[2024-10-13 16:17:14,451 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 6/126 +[2024-10-13 16:17:14,575 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 7/126 +[2024-10-13 16:17:14,698 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 8/126 +[2024-10-13 16:17:14,822 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 9/126 +[2024-10-13 16:17:14,946 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 10/126 +[2024-10-13 16:17:15,070 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 11/126 +[2024-10-13 16:17:15,194 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 12/126 +[2024-10-13 16:17:15,318 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 13/126 +[2024-10-13 16:17:15,442 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 14/126 +[2024-10-13 16:17:15,566 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 15/126 +[2024-10-13 16:17:15,692 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 16/126 +[2024-10-13 16:17:15,816 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 17/126 +[2024-10-13 16:17:15,940 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 18/126 +[2024-10-13 16:17:16,064 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 19/126 +[2024-10-13 16:17:16,188 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 20/126 +[2024-10-13 16:17:16,311 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 21/126 +[2024-10-13 16:17:16,435 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 22/126 +[2024-10-13 16:17:16,559 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 23/126 +[2024-10-13 16:17:16,683 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 24/126 +[2024-10-13 16:17:16,807 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 25/126 +[2024-10-13 16:17:16,931 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 26/126 +[2024-10-13 16:17:17,055 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 27/126 +[2024-10-13 16:17:17,179 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 28/126 +[2024-10-13 16:17:17,303 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 29/126 +[2024-10-13 16:17:17,426 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 30/126 +[2024-10-13 16:17:17,588 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 31/126 +[2024-10-13 16:17:17,712 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 32/126 +[2024-10-13 16:17:17,838 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 33/126 +[2024-10-13 16:17:17,962 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 34/126 +[2024-10-13 16:17:18,085 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 35/126 +[2024-10-13 16:17:18,209 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 36/126 +[2024-10-13 16:17:18,333 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 37/126 +[2024-10-13 16:17:18,457 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 38/126 +[2024-10-13 16:17:18,581 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 39/126 +[2024-10-13 16:17:18,697 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 40/126 +[2024-10-13 16:17:18,813 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 41/126 +[2024-10-13 16:17:18,929 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 42/126 +[2024-10-13 16:17:19,045 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 43/126 +[2024-10-13 16:17:19,161 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 44/126 +[2024-10-13 16:17:19,277 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 45/126 +[2024-10-13 16:17:19,393 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 46/126 +[2024-10-13 16:17:19,509 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 47/126 +[2024-10-13 16:17:19,625 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 48/126 +[2024-10-13 16:17:19,741 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 49/126 +[2024-10-13 16:17:19,857 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 50/126 +[2024-10-13 16:17:19,974 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 51/126 +[2024-10-13 16:17:20,091 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 52/126 +[2024-10-13 16:17:20,208 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 53/126 +[2024-10-13 16:17:20,325 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 54/126 +[2024-10-13 16:17:20,443 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 55/126 +[2024-10-13 16:17:20,560 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 56/126 +[2024-10-13 16:17:20,677 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 57/126 +[2024-10-13 16:17:20,794 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 58/126 +[2024-10-13 16:17:20,911 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 59/126 +[2024-10-13 16:17:21,028 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 60/126 +[2024-10-13 16:17:21,145 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 61/126 +[2024-10-13 16:17:21,262 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 62/126 +[2024-10-13 16:17:21,378 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 63/126 +[2024-10-13 16:17:21,495 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 64/126 +[2024-10-13 16:17:21,612 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 65/126 +[2024-10-13 16:17:21,729 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 66/126 +[2024-10-13 16:17:21,846 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 67/126 +[2024-10-13 16:17:21,963 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 68/126 +[2024-10-13 16:17:22,079 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 69/126 +[2024-10-13 16:17:22,196 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 70/126 +[2024-10-13 16:17:22,312 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 71/126 +[2024-10-13 16:17:22,429 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 72/126 +[2024-10-13 16:17:22,545 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 73/126 +[2024-10-13 16:17:22,661 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 74/126 +[2024-10-13 16:17:22,777 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 75/126 +[2024-10-13 16:17:22,893 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 76/126 +[2024-10-13 16:17:23,010 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 77/126 +[2024-10-13 16:17:23,126 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 78/126 +[2024-10-13 16:17:23,242 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 79/126 +[2024-10-13 16:17:23,358 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 80/126 +[2024-10-13 16:17:23,474 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 81/126 +[2024-10-13 16:17:23,590 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 82/126 +[2024-10-13 16:17:23,707 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 83/126 +[2024-10-13 16:17:23,840 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 84/126 +[2024-10-13 16:17:23,972 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 85/126 +[2024-10-13 16:17:24,105 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 86/126 +[2024-10-13 16:17:24,237 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 87/126 +[2024-10-13 16:17:24,370 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 88/126 +[2024-10-13 16:17:24,503 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 89/126 +[2024-10-13 16:17:24,636 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 90/126 +[2024-10-13 16:17:24,768 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 91/126 +[2024-10-13 16:17:24,901 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 92/126 +[2024-10-13 16:17:25,033 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 93/126 +[2024-10-13 16:17:25,165 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 94/126 +[2024-10-13 16:17:25,297 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 95/126 +[2024-10-13 16:17:25,429 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 96/126 +[2024-10-13 16:17:25,561 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 97/126 +[2024-10-13 16:17:25,694 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 98/126 +[2024-10-13 16:17:25,826 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 99/126 +[2024-10-13 16:17:25,958 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 100/126 +[2024-10-13 16:17:26,091 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 101/126 +[2024-10-13 16:17:26,224 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 102/126 +[2024-10-13 16:17:26,356 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 103/126 +[2024-10-13 16:17:26,488 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 104/126 +[2024-10-13 16:17:26,620 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 105/126 +[2024-10-13 16:17:26,753 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 106/126 +[2024-10-13 16:17:26,885 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 107/126 +[2024-10-13 16:17:27,018 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 108/126 +[2024-10-13 16:17:27,151 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 109/126 +[2024-10-13 16:17:27,284 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 110/126 +[2024-10-13 16:17:27,416 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 111/126 +[2024-10-13 16:17:27,549 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 112/126 +[2024-10-13 16:17:27,682 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 113/126 +[2024-10-13 16:17:27,814 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 114/126 +[2024-10-13 16:17:27,947 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 115/126 +[2024-10-13 16:17:28,071 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 116/126 +[2024-10-13 16:17:28,195 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 117/126 +[2024-10-13 16:17:28,319 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 118/126 +[2024-10-13 16:17:28,443 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 119/126 +[2024-10-13 16:17:28,566 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 120/126 +[2024-10-13 16:17:28,690 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 121/126 +[2024-10-13 16:17:28,814 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 122/126 +[2024-10-13 16:17:28,938 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 123/126 +[2024-10-13 16:17:29,062 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 124/126 +[2024-10-13 16:17:29,186 INFO test.py line 186 25394] Test: 147/312-scene0655_02, Batch: 125/126 +[2024-10-13 16:17:29,366 INFO test.py line 272 25394] Test: scene0655_02 [147/312]-133857 Batch 15.800 (19.666) Accuracy 0.8999 (0.4494) mIoU 0.6637 (0.3499) +[2024-10-13 16:17:29,558 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 0/139 +[2024-10-13 16:17:29,722 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 1/139 +[2024-10-13 16:17:29,886 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 2/139 +[2024-10-13 16:17:30,050 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 3/139 +[2024-10-13 16:17:30,214 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 4/139 +[2024-10-13 16:17:30,378 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 5/139 +[2024-10-13 16:17:30,542 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 6/139 +[2024-10-13 16:17:30,706 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 7/139 +[2024-10-13 16:17:30,870 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 8/139 +[2024-10-13 16:17:31,034 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 9/139 +[2024-10-13 16:17:31,199 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 10/139 +[2024-10-13 16:17:31,364 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 11/139 +[2024-10-13 16:17:31,529 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 12/139 +[2024-10-13 16:17:31,693 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 13/139 +[2024-10-13 16:17:31,858 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 14/139 +[2024-10-13 16:17:32,022 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 15/139 +[2024-10-13 16:17:32,188 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 16/139 +[2024-10-13 16:17:32,352 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 17/139 +[2024-10-13 16:17:32,517 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 18/139 +[2024-10-13 16:17:32,681 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 19/139 +[2024-10-13 16:17:32,846 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 20/139 +[2024-10-13 16:17:33,010 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 21/139 +[2024-10-13 16:17:33,175 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 22/139 +[2024-10-13 16:17:33,373 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 23/139 +[2024-10-13 16:17:33,539 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 24/139 +[2024-10-13 16:17:33,703 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 25/139 +[2024-10-13 16:17:33,868 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 26/139 +[2024-10-13 16:17:34,032 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 27/139 +[2024-10-13 16:17:34,197 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 28/139 +[2024-10-13 16:17:34,361 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 29/139 +[2024-10-13 16:17:34,525 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 30/139 +[2024-10-13 16:17:34,690 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 31/139 +[2024-10-13 16:17:34,854 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 32/139 +[2024-10-13 16:17:35,018 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 33/139 +[2024-10-13 16:17:35,182 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 34/139 +[2024-10-13 16:17:35,346 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 35/139 +[2024-10-13 16:17:35,510 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 36/139 +[2024-10-13 16:17:35,674 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 37/139 +[2024-10-13 16:17:35,838 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 38/139 +[2024-10-13 16:17:36,002 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 39/139 +[2024-10-13 16:17:36,166 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 40/139 +[2024-10-13 16:17:36,330 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 41/139 +[2024-10-13 16:17:36,494 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 42/139 +[2024-10-13 16:17:36,658 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 43/139 +[2024-10-13 16:17:36,812 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 44/139 +[2024-10-13 16:17:36,966 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 45/139 +[2024-10-13 16:17:37,119 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 46/139 +[2024-10-13 16:17:37,273 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 47/139 +[2024-10-13 16:17:37,426 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 48/139 +[2024-10-13 16:17:37,580 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 49/139 +[2024-10-13 16:17:37,734 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 50/139 +[2024-10-13 16:17:37,888 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 51/139 +[2024-10-13 16:17:38,042 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 52/139 +[2024-10-13 16:17:38,196 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 53/139 +[2024-10-13 16:17:38,349 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 54/139 +[2024-10-13 16:17:38,503 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 55/139 +[2024-10-13 16:17:38,658 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 56/139 +[2024-10-13 16:17:38,812 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 57/139 +[2024-10-13 16:17:38,967 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 58/139 +[2024-10-13 16:17:39,121 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 59/139 +[2024-10-13 16:17:39,275 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 60/139 +[2024-10-13 16:17:39,429 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 61/139 +[2024-10-13 16:17:39,583 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 62/139 +[2024-10-13 16:17:39,737 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 63/139 +[2024-10-13 16:17:39,891 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 64/139 +[2024-10-13 16:17:40,045 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 65/139 +[2024-10-13 16:17:40,199 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 66/139 +[2024-10-13 16:17:40,354 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 67/139 +[2024-10-13 16:17:40,508 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 68/139 +[2024-10-13 16:17:40,662 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 69/139 +[2024-10-13 16:17:40,817 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 70/139 +[2024-10-13 16:17:40,971 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 71/139 +[2024-10-13 16:17:41,126 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 72/139 +[2024-10-13 16:17:41,280 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 73/139 +[2024-10-13 16:17:41,434 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 74/139 +[2024-10-13 16:17:41,588 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 75/139 +[2024-10-13 16:17:41,742 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 76/139 +[2024-10-13 16:17:41,897 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 77/139 +[2024-10-13 16:17:42,051 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 78/139 +[2024-10-13 16:17:42,205 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 79/139 +[2024-10-13 16:17:42,360 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 80/139 +[2024-10-13 16:17:42,514 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 81/139 +[2024-10-13 16:17:42,668 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 82/139 +[2024-10-13 16:17:42,822 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 83/139 +[2024-10-13 16:17:42,976 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 84/139 +[2024-10-13 16:17:43,130 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 85/139 +[2024-10-13 16:17:43,285 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 86/139 +[2024-10-13 16:17:43,439 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 87/139 +[2024-10-13 16:17:43,614 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 88/139 +[2024-10-13 16:17:43,788 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 89/139 +[2024-10-13 16:17:43,962 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 90/139 +[2024-10-13 16:17:44,136 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 91/139 +[2024-10-13 16:17:44,310 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 92/139 +[2024-10-13 16:17:44,484 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 93/139 +[2024-10-13 16:17:44,658 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 94/139 +[2024-10-13 16:17:44,833 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 95/139 +[2024-10-13 16:17:45,007 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 96/139 +[2024-10-13 16:17:45,182 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 97/139 +[2024-10-13 16:17:45,356 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 98/139 +[2024-10-13 16:17:45,531 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 99/139 +[2024-10-13 16:17:45,704 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 100/139 +[2024-10-13 16:17:45,878 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 101/139 +[2024-10-13 16:17:46,052 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 102/139 +[2024-10-13 16:17:46,227 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 103/139 +[2024-10-13 16:17:46,401 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 104/139 +[2024-10-13 16:17:46,576 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 105/139 +[2024-10-13 16:17:46,750 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 106/139 +[2024-10-13 16:17:46,924 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 107/139 +[2024-10-13 16:17:47,098 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 108/139 +[2024-10-13 16:17:47,273 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 109/139 +[2024-10-13 16:17:47,448 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 110/139 +[2024-10-13 16:17:47,623 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 111/139 +[2024-10-13 16:17:47,798 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 112/139 +[2024-10-13 16:17:47,973 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 113/139 +[2024-10-13 16:17:48,148 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 114/139 +[2024-10-13 16:17:48,322 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 115/139 +[2024-10-13 16:17:48,497 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 116/139 +[2024-10-13 16:17:48,672 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 117/139 +[2024-10-13 16:17:48,847 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 118/139 +[2024-10-13 16:17:49,022 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 119/139 +[2024-10-13 16:17:49,196 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 120/139 +[2024-10-13 16:17:49,371 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 121/139 +[2024-10-13 16:17:49,546 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 122/139 +[2024-10-13 16:17:49,720 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 123/139 +[2024-10-13 16:17:49,895 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 124/139 +[2024-10-13 16:17:50,070 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 125/139 +[2024-10-13 16:17:50,245 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 126/139 +[2024-10-13 16:17:50,420 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 127/139 +[2024-10-13 16:17:50,584 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 128/139 +[2024-10-13 16:17:50,749 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 129/139 +[2024-10-13 16:17:50,913 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 130/139 +[2024-10-13 16:17:51,078 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 131/139 +[2024-10-13 16:17:51,243 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 132/139 +[2024-10-13 16:17:51,407 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 133/139 +[2024-10-13 16:17:51,571 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 134/139 +[2024-10-13 16:17:51,735 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 135/139 +[2024-10-13 16:17:51,900 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 136/139 +[2024-10-13 16:17:52,064 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 137/139 +[2024-10-13 16:17:52,229 INFO test.py line 186 25394] Test: 148/312-scene0221_00, Batch: 138/139 +[2024-10-13 16:17:52,462 INFO test.py line 272 25394] Test: scene0221_00 [148/312]-185828 Batch 23.096 (19.689) Accuracy 0.8453 (0.4499) mIoU 0.3697 (0.3504) +[2024-10-13 16:17:52,631 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 0/134 +[2024-10-13 16:17:52,773 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 1/134 +[2024-10-13 16:17:52,915 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 2/134 +[2024-10-13 16:17:53,057 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 3/134 +[2024-10-13 16:17:53,199 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 4/134 +[2024-10-13 16:17:53,372 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 5/134 +[2024-10-13 16:17:53,514 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 6/134 +[2024-10-13 16:17:53,656 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 7/134 +[2024-10-13 16:17:53,797 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 8/134 +[2024-10-13 16:17:53,939 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 9/134 +[2024-10-13 16:17:54,080 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 10/134 +[2024-10-13 16:17:54,222 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 11/134 +[2024-10-13 16:17:54,363 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 12/134 +[2024-10-13 16:17:54,505 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 13/134 +[2024-10-13 16:17:54,646 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 14/134 +[2024-10-13 16:17:54,787 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 15/134 +[2024-10-13 16:17:54,928 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 16/134 +[2024-10-13 16:17:55,069 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 17/134 +[2024-10-13 16:17:55,210 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 18/134 +[2024-10-13 16:17:55,352 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 19/134 +[2024-10-13 16:17:55,493 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 20/134 +[2024-10-13 16:17:55,635 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 21/134 +[2024-10-13 16:17:55,777 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 22/134 +[2024-10-13 16:17:55,919 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 23/134 +[2024-10-13 16:17:56,060 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 24/134 +[2024-10-13 16:17:56,202 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 25/134 +[2024-10-13 16:17:56,343 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 26/134 +[2024-10-13 16:17:56,485 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 27/134 +[2024-10-13 16:17:56,627 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 28/134 +[2024-10-13 16:17:56,768 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 29/134 +[2024-10-13 16:17:56,910 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 30/134 +[2024-10-13 16:17:57,052 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 31/134 +[2024-10-13 16:17:57,193 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 32/134 +[2024-10-13 16:17:57,335 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 33/134 +[2024-10-13 16:17:57,477 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 34/134 +[2024-10-13 16:17:57,619 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 35/134 +[2024-10-13 16:17:57,761 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 36/134 +[2024-10-13 16:17:57,903 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 37/134 +[2024-10-13 16:17:58,044 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 38/134 +[2024-10-13 16:17:58,186 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 39/134 +[2024-10-13 16:17:58,319 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 40/134 +[2024-10-13 16:17:58,452 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 41/134 +[2024-10-13 16:17:58,586 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 42/134 +[2024-10-13 16:17:58,719 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 43/134 +[2024-10-13 16:17:58,853 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 44/134 +[2024-10-13 16:17:58,987 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 45/134 +[2024-10-13 16:17:59,120 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 46/134 +[2024-10-13 16:17:59,254 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 47/134 +[2024-10-13 16:17:59,388 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 48/134 +[2024-10-13 16:17:59,521 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 49/134 +[2024-10-13 16:17:59,654 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 50/134 +[2024-10-13 16:17:59,787 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 51/134 +[2024-10-13 16:17:59,921 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 52/134 +[2024-10-13 16:18:00,054 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 53/134 +[2024-10-13 16:18:00,188 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 54/134 +[2024-10-13 16:18:00,321 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 55/134 +[2024-10-13 16:18:00,454 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 56/134 +[2024-10-13 16:18:00,587 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 57/134 +[2024-10-13 16:18:00,720 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 58/134 +[2024-10-13 16:18:00,853 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 59/134 +[2024-10-13 16:18:00,988 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 60/134 +[2024-10-13 16:18:01,122 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 61/134 +[2024-10-13 16:18:01,257 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 62/134 +[2024-10-13 16:18:01,391 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 63/134 +[2024-10-13 16:18:01,526 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 64/134 +[2024-10-13 16:18:01,660 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 65/134 +[2024-10-13 16:18:01,795 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 66/134 +[2024-10-13 16:18:01,929 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 67/134 +[2024-10-13 16:18:02,063 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 68/134 +[2024-10-13 16:18:02,198 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 69/134 +[2024-10-13 16:18:02,331 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 70/134 +[2024-10-13 16:18:02,465 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 71/134 +[2024-10-13 16:18:02,599 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 72/134 +[2024-10-13 16:18:02,733 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 73/134 +[2024-10-13 16:18:02,867 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 74/134 +[2024-10-13 16:18:03,000 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 75/134 +[2024-10-13 16:18:03,134 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 76/134 +[2024-10-13 16:18:03,268 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 77/134 +[2024-10-13 16:18:03,401 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 78/134 +[2024-10-13 16:18:03,535 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 79/134 +[2024-10-13 16:18:03,685 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 80/134 +[2024-10-13 16:18:03,835 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 81/134 +[2024-10-13 16:18:03,985 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 82/134 +[2024-10-13 16:18:04,136 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 83/134 +[2024-10-13 16:18:04,286 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 84/134 +[2024-10-13 16:18:04,436 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 85/134 +[2024-10-13 16:18:04,586 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 86/134 +[2024-10-13 16:18:04,737 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 87/134 +[2024-10-13 16:18:04,887 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 88/134 +[2024-10-13 16:18:05,037 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 89/134 +[2024-10-13 16:18:05,187 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 90/134 +[2024-10-13 16:18:05,338 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 91/134 +[2024-10-13 16:18:05,489 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 92/134 +[2024-10-13 16:18:05,640 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 93/134 +[2024-10-13 16:18:05,791 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 94/134 +[2024-10-13 16:18:05,942 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 95/134 +[2024-10-13 16:18:06,093 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 96/134 +[2024-10-13 16:18:06,244 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 97/134 +[2024-10-13 16:18:06,395 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 98/134 +[2024-10-13 16:18:06,546 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 99/134 +[2024-10-13 16:18:06,697 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 100/134 +[2024-10-13 16:18:06,848 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 101/134 +[2024-10-13 16:18:06,999 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 102/134 +[2024-10-13 16:18:07,150 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 103/134 +[2024-10-13 16:18:07,301 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 104/134 +[2024-10-13 16:18:07,452 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 105/134 +[2024-10-13 16:18:07,602 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 106/134 +[2024-10-13 16:18:07,753 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 107/134 +[2024-10-13 16:18:07,905 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 108/134 +[2024-10-13 16:18:08,056 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 109/134 +[2024-10-13 16:18:08,207 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 110/134 +[2024-10-13 16:18:08,358 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 111/134 +[2024-10-13 16:18:08,509 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 112/134 +[2024-10-13 16:18:08,659 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 113/134 +[2024-10-13 16:18:08,809 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 114/134 +[2024-10-13 16:18:08,959 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 115/134 +[2024-10-13 16:18:09,108 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 116/134 +[2024-10-13 16:18:09,258 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 117/134 +[2024-10-13 16:18:09,407 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 118/134 +[2024-10-13 16:18:09,557 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 119/134 +[2024-10-13 16:18:09,707 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 120/134 +[2024-10-13 16:18:09,856 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 121/134 +[2024-10-13 16:18:10,006 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 122/134 +[2024-10-13 16:18:10,156 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 123/134 +[2024-10-13 16:18:10,298 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 124/134 +[2024-10-13 16:18:10,439 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 125/134 +[2024-10-13 16:18:10,581 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 126/134 +[2024-10-13 16:18:10,723 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 127/134 +[2024-10-13 16:18:10,865 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 128/134 +[2024-10-13 16:18:11,006 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 129/134 +[2024-10-13 16:18:11,148 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 130/134 +[2024-10-13 16:18:11,289 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 131/134 +[2024-10-13 16:18:11,431 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 132/134 +[2024-10-13 16:18:11,573 INFO test.py line 186 25394] Test: 149/312-scene0019_01, Batch: 133/134 +[2024-10-13 16:18:11,784 INFO test.py line 272 25394] Test: scene0019_01 [149/312]-165356 Batch 19.321 (19.686) Accuracy 0.7542 (0.4494) mIoU 0.2577 (0.3494) +[2024-10-13 16:18:11,956 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 0/130 +[2024-10-13 16:18:12,102 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 1/130 +[2024-10-13 16:18:12,248 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 2/130 +[2024-10-13 16:18:12,394 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 3/130 +[2024-10-13 16:18:12,540 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 4/130 +[2024-10-13 16:18:12,686 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 5/130 +[2024-10-13 16:18:12,833 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 6/130 +[2024-10-13 16:18:12,979 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 7/130 +[2024-10-13 16:18:13,125 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 8/130 +[2024-10-13 16:18:13,271 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 9/130 +[2024-10-13 16:18:13,417 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 10/130 +[2024-10-13 16:18:13,563 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 11/130 +[2024-10-13 16:18:13,709 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 12/130 +[2024-10-13 16:18:13,855 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 13/130 +[2024-10-13 16:18:14,001 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 14/130 +[2024-10-13 16:18:14,147 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 15/130 +[2024-10-13 16:18:14,293 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 16/130 +[2024-10-13 16:18:14,439 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 17/130 +[2024-10-13 16:18:14,584 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 18/130 +[2024-10-13 16:18:14,731 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 19/130 +[2024-10-13 16:18:14,878 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 20/130 +[2024-10-13 16:18:15,025 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 21/130 +[2024-10-13 16:18:15,172 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 22/130 +[2024-10-13 16:18:15,359 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 23/130 +[2024-10-13 16:18:15,506 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 24/130 +[2024-10-13 16:18:15,653 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 25/130 +[2024-10-13 16:18:15,800 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 26/130 +[2024-10-13 16:18:15,946 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 27/130 +[2024-10-13 16:18:16,093 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 28/130 +[2024-10-13 16:18:16,240 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 29/130 +[2024-10-13 16:18:16,386 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 30/130 +[2024-10-13 16:18:16,533 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 31/130 +[2024-10-13 16:18:16,680 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 32/130 +[2024-10-13 16:18:16,826 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 33/130 +[2024-10-13 16:18:16,973 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 34/130 +[2024-10-13 16:18:17,120 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 35/130 +[2024-10-13 16:18:17,266 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 36/130 +[2024-10-13 16:18:17,413 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 37/130 +[2024-10-13 16:18:17,560 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 38/130 +[2024-10-13 16:18:17,707 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 39/130 +[2024-10-13 16:18:17,844 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 40/130 +[2024-10-13 16:18:17,982 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 41/130 +[2024-10-13 16:18:18,120 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 42/130 +[2024-10-13 16:18:18,257 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 43/130 +[2024-10-13 16:18:18,395 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 44/130 +[2024-10-13 16:18:18,533 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 45/130 +[2024-10-13 16:18:18,671 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 46/130 +[2024-10-13 16:18:18,809 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 47/130 +[2024-10-13 16:18:18,947 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 48/130 +[2024-10-13 16:18:19,085 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 49/130 +[2024-10-13 16:18:19,223 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 50/130 +[2024-10-13 16:18:19,360 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 51/130 +[2024-10-13 16:18:19,497 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 52/130 +[2024-10-13 16:18:19,634 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 53/130 +[2024-10-13 16:18:19,771 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 54/130 +[2024-10-13 16:18:19,908 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 55/130 +[2024-10-13 16:18:20,045 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 56/130 +[2024-10-13 16:18:20,182 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 57/130 +[2024-10-13 16:18:20,319 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 58/130 +[2024-10-13 16:18:20,456 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 59/130 +[2024-10-13 16:18:20,594 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 60/130 +[2024-10-13 16:18:20,731 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 61/130 +[2024-10-13 16:18:20,868 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 62/130 +[2024-10-13 16:18:21,006 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 63/130 +[2024-10-13 16:18:21,144 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 64/130 +[2024-10-13 16:18:21,282 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 65/130 +[2024-10-13 16:18:21,420 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 66/130 +[2024-10-13 16:18:21,557 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 67/130 +[2024-10-13 16:18:21,695 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 68/130 +[2024-10-13 16:18:21,833 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 69/130 +[2024-10-13 16:18:21,970 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 70/130 +[2024-10-13 16:18:22,108 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 71/130 +[2024-10-13 16:18:22,245 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 72/130 +[2024-10-13 16:18:22,384 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 73/130 +[2024-10-13 16:18:22,522 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 74/130 +[2024-10-13 16:18:22,660 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 75/130 +[2024-10-13 16:18:22,798 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 76/130 +[2024-10-13 16:18:22,936 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 77/130 +[2024-10-13 16:18:23,074 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 78/130 +[2024-10-13 16:18:23,212 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 79/130 +[2024-10-13 16:18:23,351 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 80/130 +[2024-10-13 16:18:23,489 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 81/130 +[2024-10-13 16:18:23,627 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 82/130 +[2024-10-13 16:18:23,765 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 83/130 +[2024-10-13 16:18:23,920 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 84/130 +[2024-10-13 16:18:24,075 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 85/130 +[2024-10-13 16:18:24,231 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 86/130 +[2024-10-13 16:18:24,386 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 87/130 +[2024-10-13 16:18:24,542 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 88/130 +[2024-10-13 16:18:24,697 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 89/130 +[2024-10-13 16:18:24,852 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 90/130 +[2024-10-13 16:18:25,007 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 91/130 +[2024-10-13 16:18:25,163 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 92/130 +[2024-10-13 16:18:25,318 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 93/130 +[2024-10-13 16:18:25,475 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 94/130 +[2024-10-13 16:18:25,631 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 95/130 +[2024-10-13 16:18:25,787 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 96/130 +[2024-10-13 16:18:25,943 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 97/130 +[2024-10-13 16:18:26,099 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 98/130 +[2024-10-13 16:18:26,255 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 99/130 +[2024-10-13 16:18:26,411 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 100/130 +[2024-10-13 16:18:26,567 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 101/130 +[2024-10-13 16:18:26,722 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 102/130 +[2024-10-13 16:18:26,877 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 103/130 +[2024-10-13 16:18:27,032 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 104/130 +[2024-10-13 16:18:27,187 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 105/130 +[2024-10-13 16:18:27,342 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 106/130 +[2024-10-13 16:18:27,497 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 107/130 +[2024-10-13 16:18:27,652 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 108/130 +[2024-10-13 16:18:27,807 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 109/130 +[2024-10-13 16:18:27,963 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 110/130 +[2024-10-13 16:18:28,118 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 111/130 +[2024-10-13 16:18:28,273 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 112/130 +[2024-10-13 16:18:28,429 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 113/130 +[2024-10-13 16:18:28,584 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 114/130 +[2024-10-13 16:18:28,739 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 115/130 +[2024-10-13 16:18:28,894 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 116/130 +[2024-10-13 16:18:29,050 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 117/130 +[2024-10-13 16:18:29,205 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 118/130 +[2024-10-13 16:18:29,360 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 119/130 +[2024-10-13 16:18:29,507 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 120/130 +[2024-10-13 16:18:29,654 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 121/130 +[2024-10-13 16:18:29,801 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 122/130 +[2024-10-13 16:18:29,948 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 123/130 +[2024-10-13 16:18:30,094 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 124/130 +[2024-10-13 16:18:30,241 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 125/130 +[2024-10-13 16:18:30,387 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 126/130 +[2024-10-13 16:18:30,534 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 127/130 +[2024-10-13 16:18:30,681 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 128/130 +[2024-10-13 16:18:30,828 INFO test.py line 186 25394] Test: 150/312-scene0606_00, Batch: 129/130 +[2024-10-13 16:18:31,036 INFO test.py line 272 25394] Test: scene0606_00 [150/312]-164401 Batch 19.252 (19.683) Accuracy 0.7101 (0.4473) mIoU 0.1885 (0.3472) +[2024-10-13 16:18:31,101 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 0/100 +[2024-10-13 16:18:31,157 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 1/100 +[2024-10-13 16:18:31,214 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 2/100 +[2024-10-13 16:18:31,270 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 3/100 +[2024-10-13 16:18:31,326 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 4/100 +[2024-10-13 16:18:31,383 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 5/100 +[2024-10-13 16:18:31,439 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 6/100 +[2024-10-13 16:18:31,495 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 7/100 +[2024-10-13 16:18:31,551 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 8/100 +[2024-10-13 16:18:31,607 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 9/100 +[2024-10-13 16:18:31,663 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 10/100 +[2024-10-13 16:18:31,719 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 11/100 +[2024-10-13 16:18:31,775 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 12/100 +[2024-10-13 16:18:31,831 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 13/100 +[2024-10-13 16:18:31,887 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 14/100 +[2024-10-13 16:18:31,943 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 15/100 +[2024-10-13 16:18:31,999 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 16/100 +[2024-10-13 16:18:32,055 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 17/100 +[2024-10-13 16:18:32,111 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 18/100 +[2024-10-13 16:18:32,167 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 19/100 +[2024-10-13 16:18:32,224 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 20/100 +[2024-10-13 16:18:32,280 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 21/100 +[2024-10-13 16:18:32,336 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 22/100 +[2024-10-13 16:18:32,392 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 23/100 +[2024-10-13 16:18:32,449 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 24/100 +[2024-10-13 16:18:32,505 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 25/100 +[2024-10-13 16:18:32,561 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 26/100 +[2024-10-13 16:18:32,617 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 27/100 +[2024-10-13 16:18:32,673 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 28/100 +[2024-10-13 16:18:32,729 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 29/100 +[2024-10-13 16:18:32,785 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 30/100 +[2024-10-13 16:18:32,841 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 31/100 +[2024-10-13 16:18:32,896 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 32/100 +[2024-10-13 16:18:32,951 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 33/100 +[2024-10-13 16:18:33,006 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 34/100 +[2024-10-13 16:18:33,061 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 35/100 +[2024-10-13 16:18:33,116 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 36/100 +[2024-10-13 16:18:33,171 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 37/100 +[2024-10-13 16:18:33,226 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 38/100 +[2024-10-13 16:18:33,281 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 39/100 +[2024-10-13 16:18:33,336 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 40/100 +[2024-10-13 16:18:33,392 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 41/100 +[2024-10-13 16:18:33,447 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 42/100 +[2024-10-13 16:18:33,503 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 43/100 +[2024-10-13 16:18:33,558 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 44/100 +[2024-10-13 16:18:33,613 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 45/100 +[2024-10-13 16:18:33,669 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 46/100 +[2024-10-13 16:18:33,724 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 47/100 +[2024-10-13 16:18:33,779 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 48/100 +[2024-10-13 16:18:33,834 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 49/100 +[2024-10-13 16:18:33,889 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 50/100 +[2024-10-13 16:18:33,944 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 51/100 +[2024-10-13 16:18:34,000 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 52/100 +[2024-10-13 16:18:34,055 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 53/100 +[2024-10-13 16:18:34,110 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 54/100 +[2024-10-13 16:18:34,165 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 55/100 +[2024-10-13 16:18:34,220 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 56/100 +[2024-10-13 16:18:34,275 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 57/100 +[2024-10-13 16:18:34,330 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 58/100 +[2024-10-13 16:18:34,385 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 59/100 +[2024-10-13 16:18:34,440 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 60/100 +[2024-10-13 16:18:34,495 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 61/100 +[2024-10-13 16:18:34,550 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 62/100 +[2024-10-13 16:18:34,605 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 63/100 +[2024-10-13 16:18:34,663 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 64/100 +[2024-10-13 16:18:34,720 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 65/100 +[2024-10-13 16:18:34,778 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 66/100 +[2024-10-13 16:18:34,835 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 67/100 +[2024-10-13 16:18:34,892 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 68/100 +[2024-10-13 16:18:34,950 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 69/100 +[2024-10-13 16:18:35,007 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 70/100 +[2024-10-13 16:18:35,064 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 71/100 +[2024-10-13 16:18:35,121 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 72/100 +[2024-10-13 16:18:35,179 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 73/100 +[2024-10-13 16:18:35,236 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 74/100 +[2024-10-13 16:18:35,293 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 75/100 +[2024-10-13 16:18:35,350 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 76/100 +[2024-10-13 16:18:35,407 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 77/100 +[2024-10-13 16:18:35,465 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 78/100 +[2024-10-13 16:18:35,522 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 79/100 +[2024-10-13 16:18:35,579 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 80/100 +[2024-10-13 16:18:35,683 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 81/100 +[2024-10-13 16:18:35,742 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 82/100 +[2024-10-13 16:18:35,800 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 83/100 +[2024-10-13 16:18:35,859 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 84/100 +[2024-10-13 16:18:35,919 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 85/100 +[2024-10-13 16:18:35,979 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 86/100 +[2024-10-13 16:18:36,036 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 87/100 +[2024-10-13 16:18:36,093 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 88/100 +[2024-10-13 16:18:36,150 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 89/100 +[2024-10-13 16:18:36,207 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 90/100 +[2024-10-13 16:18:36,265 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 91/100 +[2024-10-13 16:18:36,321 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 92/100 +[2024-10-13 16:18:36,377 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 93/100 +[2024-10-13 16:18:36,433 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 94/100 +[2024-10-13 16:18:36,489 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 95/100 +[2024-10-13 16:18:36,545 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 96/100 +[2024-10-13 16:18:36,601 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 97/100 +[2024-10-13 16:18:36,657 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 98/100 +[2024-10-13 16:18:36,713 INFO test.py line 186 25394] Test: 151/312-scene0432_01, Batch: 99/100 +[2024-10-13 16:18:36,765 INFO test.py line 272 25394] Test: scene0432_01 [151/312]-37547 Batch 5.729 (19.591) Accuracy 0.9024 (0.4473) mIoU 0.4435 (0.3472) +[2024-10-13 16:18:36,921 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 0/125 +[2024-10-13 16:18:37,052 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 1/125 +[2024-10-13 16:18:37,184 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 2/125 +[2024-10-13 16:18:37,315 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 3/125 +[2024-10-13 16:18:37,447 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 4/125 +[2024-10-13 16:18:37,579 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 5/125 +[2024-10-13 16:18:37,710 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 6/125 +[2024-10-13 16:18:37,842 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 7/125 +[2024-10-13 16:18:37,974 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 8/125 +[2024-10-13 16:18:38,105 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 9/125 +[2024-10-13 16:18:38,236 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 10/125 +[2024-10-13 16:18:38,367 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 11/125 +[2024-10-13 16:18:38,499 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 12/125 +[2024-10-13 16:18:38,630 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 13/125 +[2024-10-13 16:18:38,762 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 14/125 +[2024-10-13 16:18:38,893 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 15/125 +[2024-10-13 16:18:39,024 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 16/125 +[2024-10-13 16:18:39,156 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 17/125 +[2024-10-13 16:18:39,287 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 18/125 +[2024-10-13 16:18:39,418 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 19/125 +[2024-10-13 16:18:39,549 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 20/125 +[2024-10-13 16:18:39,680 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 21/125 +[2024-10-13 16:18:39,811 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 22/125 +[2024-10-13 16:18:39,943 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 23/125 +[2024-10-13 16:18:40,074 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 24/125 +[2024-10-13 16:18:40,205 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 25/125 +[2024-10-13 16:18:40,337 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 26/125 +[2024-10-13 16:18:40,468 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 27/125 +[2024-10-13 16:18:40,600 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 28/125 +[2024-10-13 16:18:40,731 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 29/125 +[2024-10-13 16:18:40,863 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 30/125 +[2024-10-13 16:18:40,994 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 31/125 +[2024-10-13 16:18:41,126 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 32/125 +[2024-10-13 16:18:41,257 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 33/125 +[2024-10-13 16:18:41,389 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 34/125 +[2024-10-13 16:18:41,520 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 35/125 +[2024-10-13 16:18:41,643 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 36/125 +[2024-10-13 16:18:41,765 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 37/125 +[2024-10-13 16:18:41,925 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 38/125 +[2024-10-13 16:18:42,048 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 39/125 +[2024-10-13 16:18:42,172 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 40/125 +[2024-10-13 16:18:42,295 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 41/125 +[2024-10-13 16:18:42,417 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 42/125 +[2024-10-13 16:18:42,539 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 43/125 +[2024-10-13 16:18:42,660 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 44/125 +[2024-10-13 16:18:42,782 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 45/125 +[2024-10-13 16:18:42,904 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 46/125 +[2024-10-13 16:18:43,026 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 47/125 +[2024-10-13 16:18:43,149 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 48/125 +[2024-10-13 16:18:43,271 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 49/125 +[2024-10-13 16:18:43,393 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 50/125 +[2024-10-13 16:18:43,515 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 51/125 +[2024-10-13 16:18:43,638 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 52/125 +[2024-10-13 16:18:43,760 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 53/125 +[2024-10-13 16:18:43,882 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 54/125 +[2024-10-13 16:18:44,004 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 55/125 +[2024-10-13 16:18:44,126 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 56/125 +[2024-10-13 16:18:44,248 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 57/125 +[2024-10-13 16:18:44,371 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 58/125 +[2024-10-13 16:18:44,493 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 59/125 +[2024-10-13 16:18:44,615 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 60/125 +[2024-10-13 16:18:44,738 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 61/125 +[2024-10-13 16:18:44,860 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 62/125 +[2024-10-13 16:18:44,982 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 63/125 +[2024-10-13 16:18:45,105 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 64/125 +[2024-10-13 16:18:45,228 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 65/125 +[2024-10-13 16:18:45,351 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 66/125 +[2024-10-13 16:18:45,474 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 67/125 +[2024-10-13 16:18:45,596 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 68/125 +[2024-10-13 16:18:45,718 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 69/125 +[2024-10-13 16:18:45,840 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 70/125 +[2024-10-13 16:18:45,963 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 71/125 +[2024-10-13 16:18:46,085 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 72/125 +[2024-10-13 16:18:46,208 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 73/125 +[2024-10-13 16:18:46,330 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 74/125 +[2024-10-13 16:18:46,453 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 75/125 +[2024-10-13 16:18:46,575 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 76/125 +[2024-10-13 16:18:46,697 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 77/125 +[2024-10-13 16:18:46,819 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 78/125 +[2024-10-13 16:18:46,942 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 79/125 +[2024-10-13 16:18:47,081 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 80/125 +[2024-10-13 16:18:47,221 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 81/125 +[2024-10-13 16:18:47,361 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 82/125 +[2024-10-13 16:18:47,501 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 83/125 +[2024-10-13 16:18:47,641 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 84/125 +[2024-10-13 16:18:47,780 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 85/125 +[2024-10-13 16:18:47,920 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 86/125 +[2024-10-13 16:18:48,060 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 87/125 +[2024-10-13 16:18:48,200 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 88/125 +[2024-10-13 16:18:48,338 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 89/125 +[2024-10-13 16:18:48,477 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 90/125 +[2024-10-13 16:18:48,616 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 91/125 +[2024-10-13 16:18:48,755 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 92/125 +[2024-10-13 16:18:48,893 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 93/125 +[2024-10-13 16:18:49,031 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 94/125 +[2024-10-13 16:18:49,170 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 95/125 +[2024-10-13 16:18:49,308 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 96/125 +[2024-10-13 16:18:49,446 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 97/125 +[2024-10-13 16:18:49,585 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 98/125 +[2024-10-13 16:18:49,723 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 99/125 +[2024-10-13 16:18:49,861 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 100/125 +[2024-10-13 16:18:50,000 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 101/125 +[2024-10-13 16:18:50,139 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 102/125 +[2024-10-13 16:18:50,278 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 103/125 +[2024-10-13 16:18:50,417 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 104/125 +[2024-10-13 16:18:50,555 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 105/125 +[2024-10-13 16:18:50,694 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 106/125 +[2024-10-13 16:18:50,833 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 107/125 +[2024-10-13 16:18:50,972 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 108/125 +[2024-10-13 16:18:51,112 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 109/125 +[2024-10-13 16:18:51,251 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 110/125 +[2024-10-13 16:18:51,390 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 111/125 +[2024-10-13 16:18:51,530 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 112/125 +[2024-10-13 16:18:51,669 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 113/125 +[2024-10-13 16:18:51,808 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 114/125 +[2024-10-13 16:18:51,947 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 115/125 +[2024-10-13 16:18:52,078 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 116/125 +[2024-10-13 16:18:52,210 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 117/125 +[2024-10-13 16:18:52,341 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 118/125 +[2024-10-13 16:18:52,472 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 119/125 +[2024-10-13 16:18:52,603 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 120/125 +[2024-10-13 16:18:52,734 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 121/125 +[2024-10-13 16:18:52,865 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 122/125 +[2024-10-13 16:18:52,996 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 123/125 +[2024-10-13 16:18:53,127 INFO test.py line 186 25394] Test: 152/312-scene0599_01, Batch: 124/125 +[2024-10-13 16:18:53,320 INFO test.py line 272 25394] Test: scene0599_01 [152/312]-149922 Batch 16.554 (19.571) Accuracy 0.9639 (0.4473) mIoU 0.8513 (0.3474) +[2024-10-13 16:18:53,518 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 0/130 +[2024-10-13 16:18:53,688 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 1/130 +[2024-10-13 16:18:53,857 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 2/130 +[2024-10-13 16:18:54,027 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 3/130 +[2024-10-13 16:18:54,197 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 4/130 +[2024-10-13 16:18:54,367 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 5/130 +[2024-10-13 16:18:54,536 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 6/130 +[2024-10-13 16:18:54,743 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 7/130 +[2024-10-13 16:18:54,912 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 8/130 +[2024-10-13 16:18:55,082 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 9/130 +[2024-10-13 16:18:55,253 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 10/130 +[2024-10-13 16:18:55,423 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 11/130 +[2024-10-13 16:18:55,594 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 12/130 +[2024-10-13 16:18:55,764 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 13/130 +[2024-10-13 16:18:55,934 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 14/130 +[2024-10-13 16:18:56,105 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 15/130 +[2024-10-13 16:18:56,275 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 16/130 +[2024-10-13 16:18:56,446 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 17/130 +[2024-10-13 16:18:56,616 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 18/130 +[2024-10-13 16:18:56,786 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 19/130 +[2024-10-13 16:18:56,956 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 20/130 +[2024-10-13 16:18:57,126 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 21/130 +[2024-10-13 16:18:57,295 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 22/130 +[2024-10-13 16:18:57,465 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 23/130 +[2024-10-13 16:18:57,635 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 24/130 +[2024-10-13 16:18:57,806 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 25/130 +[2024-10-13 16:18:57,976 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 26/130 +[2024-10-13 16:18:58,146 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 27/130 +[2024-10-13 16:18:58,315 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 28/130 +[2024-10-13 16:18:58,486 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 29/130 +[2024-10-13 16:18:58,655 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 30/130 +[2024-10-13 16:18:58,825 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 31/130 +[2024-10-13 16:18:58,995 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 32/130 +[2024-10-13 16:18:59,165 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 33/130 +[2024-10-13 16:18:59,335 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 34/130 +[2024-10-13 16:18:59,505 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 35/130 +[2024-10-13 16:18:59,675 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 36/130 +[2024-10-13 16:18:59,845 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 37/130 +[2024-10-13 16:19:00,014 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 38/130 +[2024-10-13 16:19:00,185 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 39/130 +[2024-10-13 16:19:00,344 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 40/130 +[2024-10-13 16:19:00,504 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 41/130 +[2024-10-13 16:19:00,663 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 42/130 +[2024-10-13 16:19:00,822 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 43/130 +[2024-10-13 16:19:00,981 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 44/130 +[2024-10-13 16:19:01,141 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 45/130 +[2024-10-13 16:19:01,300 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 46/130 +[2024-10-13 16:19:01,459 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 47/130 +[2024-10-13 16:19:01,619 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 48/130 +[2024-10-13 16:19:01,778 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 49/130 +[2024-10-13 16:19:01,936 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 50/130 +[2024-10-13 16:19:02,095 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 51/130 +[2024-10-13 16:19:02,254 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 52/130 +[2024-10-13 16:19:02,412 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 53/130 +[2024-10-13 16:19:02,571 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 54/130 +[2024-10-13 16:19:02,729 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 55/130 +[2024-10-13 16:19:02,888 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 56/130 +[2024-10-13 16:19:03,046 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 57/130 +[2024-10-13 16:19:03,205 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 58/130 +[2024-10-13 16:19:03,364 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 59/130 +[2024-10-13 16:19:03,524 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 60/130 +[2024-10-13 16:19:03,684 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 61/130 +[2024-10-13 16:19:03,844 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 62/130 +[2024-10-13 16:19:04,003 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 63/130 +[2024-10-13 16:19:04,163 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 64/130 +[2024-10-13 16:19:04,323 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 65/130 +[2024-10-13 16:19:04,483 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 66/130 +[2024-10-13 16:19:04,642 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 67/130 +[2024-10-13 16:19:04,802 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 68/130 +[2024-10-13 16:19:04,962 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 69/130 +[2024-10-13 16:19:05,122 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 70/130 +[2024-10-13 16:19:05,282 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 71/130 +[2024-10-13 16:19:05,441 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 72/130 +[2024-10-13 16:19:05,601 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 73/130 +[2024-10-13 16:19:05,761 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 74/130 +[2024-10-13 16:19:05,921 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 75/130 +[2024-10-13 16:19:06,082 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 76/130 +[2024-10-13 16:19:06,241 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 77/130 +[2024-10-13 16:19:06,401 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 78/130 +[2024-10-13 16:19:06,561 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 79/130 +[2024-10-13 16:19:06,741 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 80/130 +[2024-10-13 16:19:06,921 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 81/130 +[2024-10-13 16:19:07,101 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 82/130 +[2024-10-13 16:19:07,281 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 83/130 +[2024-10-13 16:19:07,461 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 84/130 +[2024-10-13 16:19:07,640 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 85/130 +[2024-10-13 16:19:07,820 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 86/130 +[2024-10-13 16:19:08,000 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 87/130 +[2024-10-13 16:19:08,180 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 88/130 +[2024-10-13 16:19:08,360 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 89/130 +[2024-10-13 16:19:08,540 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 90/130 +[2024-10-13 16:19:08,720 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 91/130 +[2024-10-13 16:19:08,899 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 92/130 +[2024-10-13 16:19:09,078 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 93/130 +[2024-10-13 16:19:09,258 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 94/130 +[2024-10-13 16:19:09,439 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 95/130 +[2024-10-13 16:19:09,618 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 96/130 +[2024-10-13 16:19:09,798 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 97/130 +[2024-10-13 16:19:09,978 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 98/130 +[2024-10-13 16:19:10,158 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 99/130 +[2024-10-13 16:19:10,339 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 100/130 +[2024-10-13 16:19:10,519 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 101/130 +[2024-10-13 16:19:10,699 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 102/130 +[2024-10-13 16:19:10,880 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 103/130 +[2024-10-13 16:19:11,060 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 104/130 +[2024-10-13 16:19:11,240 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 105/130 +[2024-10-13 16:19:11,420 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 106/130 +[2024-10-13 16:19:11,600 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 107/130 +[2024-10-13 16:19:11,781 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 108/130 +[2024-10-13 16:19:11,961 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 109/130 +[2024-10-13 16:19:12,142 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 110/130 +[2024-10-13 16:19:12,322 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 111/130 +[2024-10-13 16:19:12,502 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 112/130 +[2024-10-13 16:19:12,683 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 113/130 +[2024-10-13 16:19:12,864 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 114/130 +[2024-10-13 16:19:13,045 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 115/130 +[2024-10-13 16:19:13,226 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 116/130 +[2024-10-13 16:19:13,407 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 117/130 +[2024-10-13 16:19:13,588 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 118/130 +[2024-10-13 16:19:13,769 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 119/130 +[2024-10-13 16:19:13,938 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 120/130 +[2024-10-13 16:19:14,108 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 121/130 +[2024-10-13 16:19:14,277 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 122/130 +[2024-10-13 16:19:14,447 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 123/130 +[2024-10-13 16:19:14,616 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 124/130 +[2024-10-13 16:19:14,786 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 125/130 +[2024-10-13 16:19:14,955 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 126/130 +[2024-10-13 16:19:15,125 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 127/130 +[2024-10-13 16:19:15,294 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 128/130 +[2024-10-13 16:19:15,464 INFO test.py line 186 25394] Test: 153/312-scene0353_02, Batch: 129/130 +[2024-10-13 16:19:15,714 INFO test.py line 272 25394] Test: scene0353_02 [153/312]-191953 Batch 22.394 (19.589) Accuracy 0.7093 (0.4464) mIoU 0.3097 (0.3465) +[2024-10-13 16:19:15,906 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 0/146 +[2024-10-13 16:19:16,067 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 1/146 +[2024-10-13 16:19:16,229 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 2/146 +[2024-10-13 16:19:16,391 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 3/146 +[2024-10-13 16:19:16,554 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 4/146 +[2024-10-13 16:19:16,715 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 5/146 +[2024-10-13 16:19:16,878 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 6/146 +[2024-10-13 16:19:17,040 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 7/146 +[2024-10-13 16:19:17,202 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 8/146 +[2024-10-13 16:19:17,364 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 9/146 +[2024-10-13 16:19:17,526 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 10/146 +[2024-10-13 16:19:17,688 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 11/146 +[2024-10-13 16:19:17,849 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 12/146 +[2024-10-13 16:19:18,011 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 13/146 +[2024-10-13 16:19:18,173 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 14/146 +[2024-10-13 16:19:18,336 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 15/146 +[2024-10-13 16:19:18,498 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 16/146 +[2024-10-13 16:19:18,660 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 17/146 +[2024-10-13 16:19:18,823 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 18/146 +[2024-10-13 16:19:18,984 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 19/146 +[2024-10-13 16:19:19,146 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 20/146 +[2024-10-13 16:19:19,307 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 21/146 +[2024-10-13 16:19:19,469 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 22/146 +[2024-10-13 16:19:19,631 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 23/146 +[2024-10-13 16:19:19,793 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 24/146 +[2024-10-13 16:19:19,955 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 25/146 +[2024-10-13 16:19:20,116 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 26/146 +[2024-10-13 16:19:20,278 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 27/146 +[2024-10-13 16:19:20,440 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 28/146 +[2024-10-13 16:19:20,602 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 29/146 +[2024-10-13 16:19:20,765 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 30/146 +[2024-10-13 16:19:20,968 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 31/146 +[2024-10-13 16:19:21,132 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 32/146 +[2024-10-13 16:19:21,294 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 33/146 +[2024-10-13 16:19:21,457 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 34/146 +[2024-10-13 16:19:21,619 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 35/146 +[2024-10-13 16:19:21,781 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 36/146 +[2024-10-13 16:19:21,943 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 37/146 +[2024-10-13 16:19:22,105 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 38/146 +[2024-10-13 16:19:22,267 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 39/146 +[2024-10-13 16:19:22,419 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 40/146 +[2024-10-13 16:19:22,571 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 41/146 +[2024-10-13 16:19:22,723 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 42/146 +[2024-10-13 16:19:22,876 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 43/146 +[2024-10-13 16:19:23,028 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 44/146 +[2024-10-13 16:19:23,181 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 45/146 +[2024-10-13 16:19:23,333 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 46/146 +[2024-10-13 16:19:23,486 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 47/146 +[2024-10-13 16:19:23,637 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 48/146 +[2024-10-13 16:19:23,790 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 49/146 +[2024-10-13 16:19:23,942 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 50/146 +[2024-10-13 16:19:24,094 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 51/146 +[2024-10-13 16:19:24,246 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 52/146 +[2024-10-13 16:19:24,398 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 53/146 +[2024-10-13 16:19:24,550 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 54/146 +[2024-10-13 16:19:24,701 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 55/146 +[2024-10-13 16:19:24,851 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 56/146 +[2024-10-13 16:19:25,001 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 57/146 +[2024-10-13 16:19:25,152 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 58/146 +[2024-10-13 16:19:25,302 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 59/146 +[2024-10-13 16:19:25,452 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 60/146 +[2024-10-13 16:19:25,603 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 61/146 +[2024-10-13 16:19:25,753 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 62/146 +[2024-10-13 16:19:25,904 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 63/146 +[2024-10-13 16:19:26,054 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 64/146 +[2024-10-13 16:19:26,204 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 65/146 +[2024-10-13 16:19:26,354 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 66/146 +[2024-10-13 16:19:26,504 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 67/146 +[2024-10-13 16:19:26,654 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 68/146 +[2024-10-13 16:19:26,805 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 69/146 +[2024-10-13 16:19:26,955 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 70/146 +[2024-10-13 16:19:27,106 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 71/146 +[2024-10-13 16:19:27,257 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 72/146 +[2024-10-13 16:19:27,407 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 73/146 +[2024-10-13 16:19:27,558 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 74/146 +[2024-10-13 16:19:27,708 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 75/146 +[2024-10-13 16:19:27,859 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 76/146 +[2024-10-13 16:19:28,010 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 77/146 +[2024-10-13 16:19:28,161 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 78/146 +[2024-10-13 16:19:28,312 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 79/146 +[2024-10-13 16:19:28,463 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 80/146 +[2024-10-13 16:19:28,614 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 81/146 +[2024-10-13 16:19:28,765 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 82/146 +[2024-10-13 16:19:28,916 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 83/146 +[2024-10-13 16:19:29,066 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 84/146 +[2024-10-13 16:19:29,218 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 85/146 +[2024-10-13 16:19:29,370 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 86/146 +[2024-10-13 16:19:29,522 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 87/146 +[2024-10-13 16:19:29,674 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 88/146 +[2024-10-13 16:19:29,826 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 89/146 +[2024-10-13 16:19:29,978 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 90/146 +[2024-10-13 16:19:30,130 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 91/146 +[2024-10-13 16:19:30,282 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 92/146 +[2024-10-13 16:19:30,434 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 93/146 +[2024-10-13 16:19:30,586 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 94/146 +[2024-10-13 16:19:30,738 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 95/146 +[2024-10-13 16:19:30,890 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 96/146 +[2024-10-13 16:19:31,042 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 97/146 +[2024-10-13 16:19:31,195 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 98/146 +[2024-10-13 16:19:31,346 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 99/146 +[2024-10-13 16:19:31,518 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 100/146 +[2024-10-13 16:19:31,689 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 101/146 +[2024-10-13 16:19:31,861 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 102/146 +[2024-10-13 16:19:32,033 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 103/146 +[2024-10-13 16:19:32,204 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 104/146 +[2024-10-13 16:19:32,376 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 105/146 +[2024-10-13 16:19:32,547 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 106/146 +[2024-10-13 16:19:32,719 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 107/146 +[2024-10-13 16:19:32,890 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 108/146 +[2024-10-13 16:19:33,062 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 109/146 +[2024-10-13 16:19:33,233 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 110/146 +[2024-10-13 16:19:33,403 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 111/146 +[2024-10-13 16:19:33,574 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 112/146 +[2024-10-13 16:19:33,745 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 113/146 +[2024-10-13 16:19:33,916 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 114/146 +[2024-10-13 16:19:34,087 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 115/146 +[2024-10-13 16:19:34,258 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 116/146 +[2024-10-13 16:19:34,429 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 117/146 +[2024-10-13 16:19:34,601 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 118/146 +[2024-10-13 16:19:34,773 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 119/146 +[2024-10-13 16:19:34,944 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 120/146 +[2024-10-13 16:19:35,116 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 121/146 +[2024-10-13 16:19:35,287 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 122/146 +[2024-10-13 16:19:35,459 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 123/146 +[2024-10-13 16:19:35,630 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 124/146 +[2024-10-13 16:19:35,802 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 125/146 +[2024-10-13 16:19:35,974 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 126/146 +[2024-10-13 16:19:36,146 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 127/146 +[2024-10-13 16:19:36,318 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 128/146 +[2024-10-13 16:19:36,490 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 129/146 +[2024-10-13 16:19:36,662 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 130/146 +[2024-10-13 16:19:36,835 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 131/146 +[2024-10-13 16:19:37,006 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 132/146 +[2024-10-13 16:19:37,179 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 133/146 +[2024-10-13 16:19:37,351 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 134/146 +[2024-10-13 16:19:37,523 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 135/146 +[2024-10-13 16:19:37,685 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 136/146 +[2024-10-13 16:19:37,846 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 137/146 +[2024-10-13 16:19:38,008 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 138/146 +[2024-10-13 16:19:38,170 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 139/146 +[2024-10-13 16:19:38,332 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 140/146 +[2024-10-13 16:19:38,494 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 141/146 +[2024-10-13 16:19:38,656 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 142/146 +[2024-10-13 16:19:38,817 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 143/146 +[2024-10-13 16:19:38,978 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 144/146 +[2024-10-13 16:19:39,140 INFO test.py line 186 25394] Test: 154/312-scene0474_03, Batch: 145/146 +[2024-10-13 16:19:39,386 INFO test.py line 272 25394] Test: scene0474_03 [154/312]-195084 Batch 23.672 (19.616) Accuracy 0.8561 (0.4451) mIoU 0.3837 (0.3456) +[2024-10-13 16:19:39,466 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 0/117 +[2024-10-13 16:19:39,536 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 1/117 +[2024-10-13 16:19:39,606 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 2/117 +[2024-10-13 16:19:39,675 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 3/117 +[2024-10-13 16:19:39,745 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 4/117 +[2024-10-13 16:19:39,814 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 5/117 +[2024-10-13 16:19:39,884 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 6/117 +[2024-10-13 16:19:39,953 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 7/117 +[2024-10-13 16:19:40,023 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 8/117 +[2024-10-13 16:19:40,092 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 9/117 +[2024-10-13 16:19:40,162 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 10/117 +[2024-10-13 16:19:40,231 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 11/117 +[2024-10-13 16:19:40,300 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 12/117 +[2024-10-13 16:19:40,369 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 13/117 +[2024-10-13 16:19:40,439 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 14/117 +[2024-10-13 16:19:40,508 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 15/117 +[2024-10-13 16:19:40,577 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 16/117 +[2024-10-13 16:19:40,646 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 17/117 +[2024-10-13 16:19:40,717 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 18/117 +[2024-10-13 16:19:40,786 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 19/117 +[2024-10-13 16:19:40,856 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 20/117 +[2024-10-13 16:19:40,962 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 21/117 +[2024-10-13 16:19:41,056 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 22/117 +[2024-10-13 16:19:41,128 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 23/117 +[2024-10-13 16:19:41,200 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 24/117 +[2024-10-13 16:19:41,269 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 25/117 +[2024-10-13 16:19:41,339 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 26/117 +[2024-10-13 16:19:41,408 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 27/117 +[2024-10-13 16:19:41,477 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 28/117 +[2024-10-13 16:19:41,546 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 29/117 +[2024-10-13 16:19:41,616 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 30/117 +[2024-10-13 16:19:41,685 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 31/117 +[2024-10-13 16:19:41,754 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 32/117 +[2024-10-13 16:19:41,824 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 33/117 +[2024-10-13 16:19:41,893 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 34/117 +[2024-10-13 16:19:41,962 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 35/117 +[2024-10-13 16:19:42,029 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 36/117 +[2024-10-13 16:19:42,096 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 37/117 +[2024-10-13 16:19:42,162 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 38/117 +[2024-10-13 16:19:42,229 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 39/117 +[2024-10-13 16:19:42,296 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 40/117 +[2024-10-13 16:19:42,362 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 41/117 +[2024-10-13 16:19:42,429 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 42/117 +[2024-10-13 16:19:42,495 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 43/117 +[2024-10-13 16:19:42,562 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 44/117 +[2024-10-13 16:19:42,629 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 45/117 +[2024-10-13 16:19:42,695 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 46/117 +[2024-10-13 16:19:42,761 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 47/117 +[2024-10-13 16:19:42,828 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 48/117 +[2024-10-13 16:19:42,895 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 49/117 +[2024-10-13 16:19:42,961 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 50/117 +[2024-10-13 16:19:43,028 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 51/117 +[2024-10-13 16:19:43,094 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 52/117 +[2024-10-13 16:19:43,161 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 53/117 +[2024-10-13 16:19:43,227 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 54/117 +[2024-10-13 16:19:43,293 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 55/117 +[2024-10-13 16:19:43,360 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 56/117 +[2024-10-13 16:19:43,426 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 57/117 +[2024-10-13 16:19:43,493 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 58/117 +[2024-10-13 16:19:43,559 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 59/117 +[2024-10-13 16:19:43,625 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 60/117 +[2024-10-13 16:19:43,692 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 61/117 +[2024-10-13 16:19:43,758 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 62/117 +[2024-10-13 16:19:43,825 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 63/117 +[2024-10-13 16:19:43,891 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 64/117 +[2024-10-13 16:19:43,958 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 65/117 +[2024-10-13 16:19:44,024 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 66/117 +[2024-10-13 16:19:44,091 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 67/117 +[2024-10-13 16:19:44,160 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 68/117 +[2024-10-13 16:19:44,226 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 69/117 +[2024-10-13 16:19:44,293 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 70/117 +[2024-10-13 16:19:44,359 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 71/117 +[2024-10-13 16:19:44,431 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 72/117 +[2024-10-13 16:19:44,503 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 73/117 +[2024-10-13 16:19:44,575 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 74/117 +[2024-10-13 16:19:44,647 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 75/117 +[2024-10-13 16:19:44,719 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 76/117 +[2024-10-13 16:19:44,792 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 77/117 +[2024-10-13 16:19:44,864 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 78/117 +[2024-10-13 16:19:44,936 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 79/117 +[2024-10-13 16:19:45,008 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 80/117 +[2024-10-13 16:19:45,080 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 81/117 +[2024-10-13 16:19:45,153 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 82/117 +[2024-10-13 16:19:45,225 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 83/117 +[2024-10-13 16:19:45,298 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 84/117 +[2024-10-13 16:19:45,371 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 85/117 +[2024-10-13 16:19:45,443 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 86/117 +[2024-10-13 16:19:45,516 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 87/117 +[2024-10-13 16:19:45,588 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 88/117 +[2024-10-13 16:19:45,661 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 89/117 +[2024-10-13 16:19:45,734 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 90/117 +[2024-10-13 16:19:45,806 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 91/117 +[2024-10-13 16:19:45,879 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 92/117 +[2024-10-13 16:19:45,952 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 93/117 +[2024-10-13 16:19:46,024 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 94/117 +[2024-10-13 16:19:46,097 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 95/117 +[2024-10-13 16:19:46,170 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 96/117 +[2024-10-13 16:19:46,242 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 97/117 +[2024-10-13 16:19:46,315 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 98/117 +[2024-10-13 16:19:46,387 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 99/117 +[2024-10-13 16:19:46,459 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 100/117 +[2024-10-13 16:19:46,531 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 101/117 +[2024-10-13 16:19:46,603 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 102/117 +[2024-10-13 16:19:46,675 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 103/117 +[2024-10-13 16:19:46,747 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 104/117 +[2024-10-13 16:19:46,820 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 105/117 +[2024-10-13 16:19:46,892 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 106/117 +[2024-10-13 16:19:46,964 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 107/117 +[2024-10-13 16:19:47,034 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 108/117 +[2024-10-13 16:19:47,103 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 109/117 +[2024-10-13 16:19:47,173 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 110/117 +[2024-10-13 16:19:47,242 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 111/117 +[2024-10-13 16:19:47,312 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 112/117 +[2024-10-13 16:19:47,382 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 113/117 +[2024-10-13 16:19:47,451 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 114/117 +[2024-10-13 16:19:47,521 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 115/117 +[2024-10-13 16:19:47,591 INFO test.py line 186 25394] Test: 155/312-scene0553_01, Batch: 116/117 +[2024-10-13 16:19:47,675 INFO test.py line 272 25394] Test: scene0553_01 [155/312]-61388 Batch 8.289 (19.543) Accuracy 0.9253 (0.4455) mIoU 0.5832 (0.3463) +[2024-10-13 16:19:47,882 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 0/130 +[2024-10-13 16:19:48,057 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 1/130 +[2024-10-13 16:19:48,233 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 2/130 +[2024-10-13 16:19:48,407 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 3/130 +[2024-10-13 16:19:48,582 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 4/130 +[2024-10-13 16:19:48,758 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 5/130 +[2024-10-13 16:19:48,933 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 6/130 +[2024-10-13 16:19:49,109 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 7/130 +[2024-10-13 16:19:49,283 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 8/130 +[2024-10-13 16:19:49,458 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 9/130 +[2024-10-13 16:19:49,635 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 10/130 +[2024-10-13 16:19:49,830 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 11/130 +[2024-10-13 16:19:50,006 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 12/130 +[2024-10-13 16:19:50,180 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 13/130 +[2024-10-13 16:19:50,355 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 14/130 +[2024-10-13 16:19:50,530 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 15/130 +[2024-10-13 16:19:50,705 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 16/130 +[2024-10-13 16:19:50,880 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 17/130 +[2024-10-13 16:19:51,054 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 18/130 +[2024-10-13 16:19:51,229 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 19/130 +[2024-10-13 16:19:51,404 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 20/130 +[2024-10-13 16:19:51,579 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 21/130 +[2024-10-13 16:19:51,753 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 22/130 +[2024-10-13 16:19:51,928 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 23/130 +[2024-10-13 16:19:52,103 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 24/130 +[2024-10-13 16:19:52,277 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 25/130 +[2024-10-13 16:19:52,452 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 26/130 +[2024-10-13 16:19:52,627 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 27/130 +[2024-10-13 16:19:52,801 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 28/130 +[2024-10-13 16:19:52,976 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 29/130 +[2024-10-13 16:19:53,151 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 30/130 +[2024-10-13 16:19:53,326 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 31/130 +[2024-10-13 16:19:53,501 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 32/130 +[2024-10-13 16:19:53,676 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 33/130 +[2024-10-13 16:19:53,852 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 34/130 +[2024-10-13 16:19:54,027 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 35/130 +[2024-10-13 16:19:54,201 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 36/130 +[2024-10-13 16:19:54,376 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 37/130 +[2024-10-13 16:19:54,551 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 38/130 +[2024-10-13 16:19:54,726 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 39/130 +[2024-10-13 16:19:54,891 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 40/130 +[2024-10-13 16:19:55,055 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 41/130 +[2024-10-13 16:19:55,219 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 42/130 +[2024-10-13 16:19:55,384 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 43/130 +[2024-10-13 16:19:55,550 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 44/130 +[2024-10-13 16:19:55,714 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 45/130 +[2024-10-13 16:19:55,878 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 46/130 +[2024-10-13 16:19:56,043 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 47/130 +[2024-10-13 16:19:56,207 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 48/130 +[2024-10-13 16:19:56,372 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 49/130 +[2024-10-13 16:19:56,536 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 50/130 +[2024-10-13 16:19:56,700 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 51/130 +[2024-10-13 16:19:56,864 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 52/130 +[2024-10-13 16:19:57,028 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 53/130 +[2024-10-13 16:19:57,192 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 54/130 +[2024-10-13 16:19:57,355 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 55/130 +[2024-10-13 16:19:57,519 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 56/130 +[2024-10-13 16:19:57,684 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 57/130 +[2024-10-13 16:19:57,848 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 58/130 +[2024-10-13 16:19:58,011 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 59/130 +[2024-10-13 16:19:58,175 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 60/130 +[2024-10-13 16:19:58,339 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 61/130 +[2024-10-13 16:19:58,504 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 62/130 +[2024-10-13 16:19:58,668 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 63/130 +[2024-10-13 16:19:58,832 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 64/130 +[2024-10-13 16:19:58,996 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 65/130 +[2024-10-13 16:19:59,161 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 66/130 +[2024-10-13 16:19:59,325 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 67/130 +[2024-10-13 16:19:59,490 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 68/130 +[2024-10-13 16:19:59,654 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 69/130 +[2024-10-13 16:19:59,817 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 70/130 +[2024-10-13 16:19:59,982 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 71/130 +[2024-10-13 16:20:00,146 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 72/130 +[2024-10-13 16:20:00,310 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 73/130 +[2024-10-13 16:20:00,475 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 74/130 +[2024-10-13 16:20:00,640 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 75/130 +[2024-10-13 16:20:00,804 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 76/130 +[2024-10-13 16:20:00,969 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 77/130 +[2024-10-13 16:20:01,133 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 78/130 +[2024-10-13 16:20:01,298 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 79/130 +[2024-10-13 16:20:01,463 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 80/130 +[2024-10-13 16:20:01,627 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 81/130 +[2024-10-13 16:20:01,792 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 82/130 +[2024-10-13 16:20:01,956 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 83/130 +[2024-10-13 16:20:02,144 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 84/130 +[2024-10-13 16:20:02,332 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 85/130 +[2024-10-13 16:20:02,520 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 86/130 +[2024-10-13 16:20:02,707 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 87/130 +[2024-10-13 16:20:02,896 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 88/130 +[2024-10-13 16:20:03,084 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 89/130 +[2024-10-13 16:20:03,272 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 90/130 +[2024-10-13 16:20:03,460 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 91/130 +[2024-10-13 16:20:03,648 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 92/130 +[2024-10-13 16:20:03,836 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 93/130 +[2024-10-13 16:20:04,024 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 94/130 +[2024-10-13 16:20:04,213 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 95/130 +[2024-10-13 16:20:04,401 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 96/130 +[2024-10-13 16:20:04,590 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 97/130 +[2024-10-13 16:20:04,778 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 98/130 +[2024-10-13 16:20:04,967 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 99/130 +[2024-10-13 16:20:05,156 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 100/130 +[2024-10-13 16:20:05,344 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 101/130 +[2024-10-13 16:20:05,532 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 102/130 +[2024-10-13 16:20:05,721 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 103/130 +[2024-10-13 16:20:05,910 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 104/130 +[2024-10-13 16:20:06,098 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 105/130 +[2024-10-13 16:20:06,287 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 106/130 +[2024-10-13 16:20:06,476 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 107/130 +[2024-10-13 16:20:06,665 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 108/130 +[2024-10-13 16:20:06,853 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 109/130 +[2024-10-13 16:20:07,042 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 110/130 +[2024-10-13 16:20:07,230 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 111/130 +[2024-10-13 16:20:07,419 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 112/130 +[2024-10-13 16:20:07,607 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 113/130 +[2024-10-13 16:20:07,796 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 114/130 +[2024-10-13 16:20:07,985 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 115/130 +[2024-10-13 16:20:08,173 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 116/130 +[2024-10-13 16:20:08,362 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 117/130 +[2024-10-13 16:20:08,551 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 118/130 +[2024-10-13 16:20:08,739 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 119/130 +[2024-10-13 16:20:08,914 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 120/130 +[2024-10-13 16:20:09,089 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 121/130 +[2024-10-13 16:20:09,263 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 122/130 +[2024-10-13 16:20:09,438 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 123/130 +[2024-10-13 16:20:09,613 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 124/130 +[2024-10-13 16:20:09,788 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 125/130 +[2024-10-13 16:20:09,963 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 126/130 +[2024-10-13 16:20:10,138 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 127/130 +[2024-10-13 16:20:10,313 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 128/130 +[2024-10-13 16:20:10,487 INFO test.py line 186 25394] Test: 156/312-scene0430_00, Batch: 129/130 +[2024-10-13 16:20:10,750 INFO test.py line 272 25394] Test: scene0430_00 [156/312]-210249 Batch 23.075 (19.566) Accuracy 0.9300 (0.4455) mIoU 0.4916 (0.3462) +[2024-10-13 16:20:10,829 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 0/155 +[2024-10-13 16:20:10,898 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 1/155 +[2024-10-13 16:20:10,966 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 2/155 +[2024-10-13 16:20:11,034 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 3/155 +[2024-10-13 16:20:11,103 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 4/155 +[2024-10-13 16:20:11,171 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 5/155 +[2024-10-13 16:20:11,239 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 6/155 +[2024-10-13 16:20:11,308 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 7/155 +[2024-10-13 16:20:11,376 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 8/155 +[2024-10-13 16:20:11,444 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 9/155 +[2024-10-13 16:20:11,513 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 10/155 +[2024-10-13 16:20:11,581 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 11/155 +[2024-10-13 16:20:11,650 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 12/155 +[2024-10-13 16:20:11,718 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 13/155 +[2024-10-13 16:20:11,787 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 14/155 +[2024-10-13 16:20:11,856 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 15/155 +[2024-10-13 16:20:11,924 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 16/155 +[2024-10-13 16:20:11,993 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 17/155 +[2024-10-13 16:20:12,062 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 18/155 +[2024-10-13 16:20:12,130 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 19/155 +[2024-10-13 16:20:12,199 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 20/155 +[2024-10-13 16:20:12,267 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 21/155 +[2024-10-13 16:20:12,335 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 22/155 +[2024-10-13 16:20:12,404 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 23/155 +[2024-10-13 16:20:12,472 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 24/155 +[2024-10-13 16:20:12,540 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 25/155 +[2024-10-13 16:20:12,609 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 26/155 +[2024-10-13 16:20:12,677 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 27/155 +[2024-10-13 16:20:12,745 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 28/155 +[2024-10-13 16:20:12,813 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 29/155 +[2024-10-13 16:20:12,882 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 30/155 +[2024-10-13 16:20:12,950 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 31/155 +[2024-10-13 16:20:13,018 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 32/155 +[2024-10-13 16:20:13,087 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 33/155 +[2024-10-13 16:20:13,155 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 34/155 +[2024-10-13 16:20:13,224 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 35/155 +[2024-10-13 16:20:13,292 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 36/155 +[2024-10-13 16:20:13,361 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 37/155 +[2024-10-13 16:20:13,429 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 38/155 +[2024-10-13 16:20:13,498 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 39/155 +[2024-10-13 16:20:13,566 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 40/155 +[2024-10-13 16:20:13,635 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 41/155 +[2024-10-13 16:20:13,703 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 42/155 +[2024-10-13 16:20:13,772 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 43/155 +[2024-10-13 16:20:13,838 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 44/155 +[2024-10-13 16:20:13,904 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 45/155 +[2024-10-13 16:20:13,969 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 46/155 +[2024-10-13 16:20:14,035 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 47/155 +[2024-10-13 16:20:14,120 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 48/155 +[2024-10-13 16:20:14,216 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 49/155 +[2024-10-13 16:20:14,283 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 50/155 +[2024-10-13 16:20:14,351 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 51/155 +[2024-10-13 16:20:14,418 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 52/155 +[2024-10-13 16:20:14,484 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 53/155 +[2024-10-13 16:20:14,550 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 54/155 +[2024-10-13 16:20:14,615 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 55/155 +[2024-10-13 16:20:14,681 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 56/155 +[2024-10-13 16:20:14,747 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 57/155 +[2024-10-13 16:20:14,813 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 58/155 +[2024-10-13 16:20:14,879 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 59/155 +[2024-10-13 16:20:14,944 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 60/155 +[2024-10-13 16:20:15,010 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 61/155 +[2024-10-13 16:20:15,076 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 62/155 +[2024-10-13 16:20:15,142 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 63/155 +[2024-10-13 16:20:15,208 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 64/155 +[2024-10-13 16:20:15,274 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 65/155 +[2024-10-13 16:20:15,340 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 66/155 +[2024-10-13 16:20:15,406 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 67/155 +[2024-10-13 16:20:15,472 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 68/155 +[2024-10-13 16:20:15,538 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 69/155 +[2024-10-13 16:20:15,604 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 70/155 +[2024-10-13 16:20:15,670 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 71/155 +[2024-10-13 16:20:15,735 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 72/155 +[2024-10-13 16:20:15,801 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 73/155 +[2024-10-13 16:20:15,866 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 74/155 +[2024-10-13 16:20:15,931 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 75/155 +[2024-10-13 16:20:15,997 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 76/155 +[2024-10-13 16:20:16,062 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 77/155 +[2024-10-13 16:20:16,128 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 78/155 +[2024-10-13 16:20:16,193 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 79/155 +[2024-10-13 16:20:16,259 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 80/155 +[2024-10-13 16:20:16,324 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 81/155 +[2024-10-13 16:20:16,390 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 82/155 +[2024-10-13 16:20:16,455 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 83/155 +[2024-10-13 16:20:16,521 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 84/155 +[2024-10-13 16:20:16,586 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 85/155 +[2024-10-13 16:20:16,652 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 86/155 +[2024-10-13 16:20:16,717 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 87/155 +[2024-10-13 16:20:16,782 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 88/155 +[2024-10-13 16:20:16,848 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 89/155 +[2024-10-13 16:20:16,913 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 90/155 +[2024-10-13 16:20:16,979 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 91/155 +[2024-10-13 16:20:17,044 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 92/155 +[2024-10-13 16:20:17,110 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 93/155 +[2024-10-13 16:20:17,177 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 94/155 +[2024-10-13 16:20:17,243 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 95/155 +[2024-10-13 16:20:17,308 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 96/155 +[2024-10-13 16:20:17,373 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 97/155 +[2024-10-13 16:20:17,439 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 98/155 +[2024-10-13 16:20:17,504 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 99/155 +[2024-10-13 16:20:17,575 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 100/155 +[2024-10-13 16:20:17,647 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 101/155 +[2024-10-13 16:20:17,722 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 102/155 +[2024-10-13 16:20:17,793 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 103/155 +[2024-10-13 16:20:17,865 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 104/155 +[2024-10-13 16:20:17,936 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 105/155 +[2024-10-13 16:20:18,007 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 106/155 +[2024-10-13 16:20:18,078 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 107/155 +[2024-10-13 16:20:18,150 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 108/155 +[2024-10-13 16:20:18,221 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 109/155 +[2024-10-13 16:20:18,292 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 110/155 +[2024-10-13 16:20:18,364 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 111/155 +[2024-10-13 16:20:18,435 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 112/155 +[2024-10-13 16:20:18,506 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 113/155 +[2024-10-13 16:20:18,577 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 114/155 +[2024-10-13 16:20:18,649 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 115/155 +[2024-10-13 16:20:18,720 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 116/155 +[2024-10-13 16:20:18,792 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 117/155 +[2024-10-13 16:20:18,863 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 118/155 +[2024-10-13 16:20:18,934 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 119/155 +[2024-10-13 16:20:19,006 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 120/155 +[2024-10-13 16:20:19,077 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 121/155 +[2024-10-13 16:20:19,149 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 122/155 +[2024-10-13 16:20:19,221 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 123/155 +[2024-10-13 16:20:19,292 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 124/155 +[2024-10-13 16:20:19,364 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 125/155 +[2024-10-13 16:20:19,435 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 126/155 +[2024-10-13 16:20:19,507 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 127/155 +[2024-10-13 16:20:19,578 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 128/155 +[2024-10-13 16:20:19,650 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 129/155 +[2024-10-13 16:20:19,721 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 130/155 +[2024-10-13 16:20:19,793 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 131/155 +[2024-10-13 16:20:19,864 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 132/155 +[2024-10-13 16:20:19,936 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 133/155 +[2024-10-13 16:20:20,008 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 134/155 +[2024-10-13 16:20:20,079 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 135/155 +[2024-10-13 16:20:20,151 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 136/155 +[2024-10-13 16:20:20,223 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 137/155 +[2024-10-13 16:20:20,294 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 138/155 +[2024-10-13 16:20:20,366 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 139/155 +[2024-10-13 16:20:20,437 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 140/155 +[2024-10-13 16:20:20,509 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 141/155 +[2024-10-13 16:20:20,581 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 142/155 +[2024-10-13 16:20:20,652 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 143/155 +[2024-10-13 16:20:20,721 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 144/155 +[2024-10-13 16:20:20,789 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 145/155 +[2024-10-13 16:20:20,857 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 146/155 +[2024-10-13 16:20:20,925 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 147/155 +[2024-10-13 16:20:20,993 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 148/155 +[2024-10-13 16:20:21,062 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 149/155 +[2024-10-13 16:20:21,130 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 150/155 +[2024-10-13 16:20:21,198 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 151/155 +[2024-10-13 16:20:21,266 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 152/155 +[2024-10-13 16:20:21,334 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 153/155 +[2024-10-13 16:20:21,403 INFO test.py line 186 25394] Test: 157/312-scene0146_01, Batch: 154/155 +[2024-10-13 16:20:21,490 INFO test.py line 272 25394] Test: scene0146_01 [157/312]-59330 Batch 10.740 (19.509) Accuracy 0.8414 (0.4454) mIoU 0.2805 (0.3460) +[2024-10-13 16:20:21,594 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 0/121 +[2024-10-13 16:20:21,685 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 1/121 +[2024-10-13 16:20:21,776 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 2/121 +[2024-10-13 16:20:21,867 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 3/121 +[2024-10-13 16:20:21,958 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 4/121 +[2024-10-13 16:20:22,049 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 5/121 +[2024-10-13 16:20:22,140 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 6/121 +[2024-10-13 16:20:22,231 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 7/121 +[2024-10-13 16:20:22,321 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 8/121 +[2024-10-13 16:20:22,413 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 9/121 +[2024-10-13 16:20:22,504 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 10/121 +[2024-10-13 16:20:22,595 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 11/121 +[2024-10-13 16:20:22,686 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 12/121 +[2024-10-13 16:20:22,777 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 13/121 +[2024-10-13 16:20:22,868 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 14/121 +[2024-10-13 16:20:22,959 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 15/121 +[2024-10-13 16:20:23,050 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 16/121 +[2024-10-13 16:20:23,141 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 17/121 +[2024-10-13 16:20:23,232 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 18/121 +[2024-10-13 16:20:23,323 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 19/121 +[2024-10-13 16:20:23,414 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 20/121 +[2024-10-13 16:20:23,505 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 21/121 +[2024-10-13 16:20:23,596 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 22/121 +[2024-10-13 16:20:23,687 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 23/121 +[2024-10-13 16:20:23,778 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 24/121 +[2024-10-13 16:20:23,868 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 25/121 +[2024-10-13 16:20:23,959 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 26/121 +[2024-10-13 16:20:24,050 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 27/121 +[2024-10-13 16:20:24,140 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 28/121 +[2024-10-13 16:20:24,231 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 29/121 +[2024-10-13 16:20:24,322 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 30/121 +[2024-10-13 16:20:24,413 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 31/121 +[2024-10-13 16:20:24,504 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 32/121 +[2024-10-13 16:20:24,595 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 33/121 +[2024-10-13 16:20:24,687 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 34/121 +[2024-10-13 16:20:24,778 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 35/121 +[2024-10-13 16:20:24,905 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 36/121 +[2024-10-13 16:20:24,994 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 37/121 +[2024-10-13 16:20:25,083 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 38/121 +[2024-10-13 16:20:25,172 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 39/121 +[2024-10-13 16:20:25,259 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 40/121 +[2024-10-13 16:20:25,346 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 41/121 +[2024-10-13 16:20:25,433 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 42/121 +[2024-10-13 16:20:25,521 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 43/121 +[2024-10-13 16:20:25,608 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 44/121 +[2024-10-13 16:20:25,695 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 45/121 +[2024-10-13 16:20:25,782 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 46/121 +[2024-10-13 16:20:25,870 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 47/121 +[2024-10-13 16:20:25,957 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 48/121 +[2024-10-13 16:20:26,045 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 49/121 +[2024-10-13 16:20:26,132 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 50/121 +[2024-10-13 16:20:26,219 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 51/121 +[2024-10-13 16:20:26,307 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 52/121 +[2024-10-13 16:20:26,394 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 53/121 +[2024-10-13 16:20:26,481 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 54/121 +[2024-10-13 16:20:26,569 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 55/121 +[2024-10-13 16:20:26,656 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 56/121 +[2024-10-13 16:20:26,743 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 57/121 +[2024-10-13 16:20:26,831 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 58/121 +[2024-10-13 16:20:26,918 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 59/121 +[2024-10-13 16:20:27,006 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 60/121 +[2024-10-13 16:20:27,093 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 61/121 +[2024-10-13 16:20:27,180 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 62/121 +[2024-10-13 16:20:27,268 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 63/121 +[2024-10-13 16:20:27,355 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 64/121 +[2024-10-13 16:20:27,443 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 65/121 +[2024-10-13 16:20:27,530 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 66/121 +[2024-10-13 16:20:27,618 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 67/121 +[2024-10-13 16:20:27,705 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 68/121 +[2024-10-13 16:20:27,793 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 69/121 +[2024-10-13 16:20:27,880 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 70/121 +[2024-10-13 16:20:27,968 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 71/121 +[2024-10-13 16:20:28,056 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 72/121 +[2024-10-13 16:20:28,143 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 73/121 +[2024-10-13 16:20:28,233 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 74/121 +[2024-10-13 16:20:28,321 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 75/121 +[2024-10-13 16:20:28,416 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 76/121 +[2024-10-13 16:20:28,511 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 77/121 +[2024-10-13 16:20:28,607 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 78/121 +[2024-10-13 16:20:28,704 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 79/121 +[2024-10-13 16:20:28,799 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 80/121 +[2024-10-13 16:20:28,894 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 81/121 +[2024-10-13 16:20:28,989 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 82/121 +[2024-10-13 16:20:29,085 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 83/121 +[2024-10-13 16:20:29,180 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 84/121 +[2024-10-13 16:20:29,275 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 85/121 +[2024-10-13 16:20:29,370 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 86/121 +[2024-10-13 16:20:29,465 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 87/121 +[2024-10-13 16:20:29,560 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 88/121 +[2024-10-13 16:20:29,656 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 89/121 +[2024-10-13 16:20:29,751 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 90/121 +[2024-10-13 16:20:29,846 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 91/121 +[2024-10-13 16:20:29,941 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 92/121 +[2024-10-13 16:20:30,037 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 93/121 +[2024-10-13 16:20:30,132 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 94/121 +[2024-10-13 16:20:30,228 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 95/121 +[2024-10-13 16:20:30,324 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 96/121 +[2024-10-13 16:20:30,419 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 97/121 +[2024-10-13 16:20:30,515 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 98/121 +[2024-10-13 16:20:30,610 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 99/121 +[2024-10-13 16:20:30,706 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 100/121 +[2024-10-13 16:20:30,801 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 101/121 +[2024-10-13 16:20:30,897 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 102/121 +[2024-10-13 16:20:30,992 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 103/121 +[2024-10-13 16:20:31,088 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 104/121 +[2024-10-13 16:20:31,184 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 105/121 +[2024-10-13 16:20:31,279 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 106/121 +[2024-10-13 16:20:31,375 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 107/121 +[2024-10-13 16:20:31,471 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 108/121 +[2024-10-13 16:20:31,566 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 109/121 +[2024-10-13 16:20:31,662 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 110/121 +[2024-10-13 16:20:31,758 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 111/121 +[2024-10-13 16:20:31,849 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 112/121 +[2024-10-13 16:20:31,940 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 113/121 +[2024-10-13 16:20:32,031 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 114/121 +[2024-10-13 16:20:32,122 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 115/121 +[2024-10-13 16:20:32,213 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 116/121 +[2024-10-13 16:20:32,304 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 117/121 +[2024-10-13 16:20:32,395 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 118/121 +[2024-10-13 16:20:32,485 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 119/121 +[2024-10-13 16:20:32,576 INFO test.py line 186 25394] Test: 158/312-scene0077_00, Batch: 120/121 +[2024-10-13 16:20:32,697 INFO test.py line 272 25394] Test: scene0077_00 [158/312]-92807 Batch 11.207 (19.457) Accuracy 0.9042 (0.4453) mIoU 0.7022 (0.3460) +[2024-10-13 16:20:32,854 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 0/121 +[2024-10-13 16:20:32,985 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 1/121 +[2024-10-13 16:20:33,115 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 2/121 +[2024-10-13 16:20:33,246 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 3/121 +[2024-10-13 16:20:33,376 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 4/121 +[2024-10-13 16:20:33,506 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 5/121 +[2024-10-13 16:20:33,637 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 6/121 +[2024-10-13 16:20:33,767 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 7/121 +[2024-10-13 16:20:33,901 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 8/121 +[2024-10-13 16:20:34,031 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 9/121 +[2024-10-13 16:20:34,161 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 10/121 +[2024-10-13 16:20:34,291 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 11/121 +[2024-10-13 16:20:34,421 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 12/121 +[2024-10-13 16:20:34,552 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 13/121 +[2024-10-13 16:20:34,682 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 14/121 +[2024-10-13 16:20:34,812 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 15/121 +[2024-10-13 16:20:34,942 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 16/121 +[2024-10-13 16:20:35,072 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 17/121 +[2024-10-13 16:20:35,203 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 18/121 +[2024-10-13 16:20:35,333 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 19/121 +[2024-10-13 16:20:35,463 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 20/121 +[2024-10-13 16:20:35,593 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 21/121 +[2024-10-13 16:20:35,724 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 22/121 +[2024-10-13 16:20:35,854 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 23/121 +[2024-10-13 16:20:35,984 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 24/121 +[2024-10-13 16:20:36,115 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 25/121 +[2024-10-13 16:20:36,245 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 26/121 +[2024-10-13 16:20:36,375 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 27/121 +[2024-10-13 16:20:36,505 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 28/121 +[2024-10-13 16:20:36,635 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 29/121 +[2024-10-13 16:20:36,765 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 30/121 +[2024-10-13 16:20:36,894 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 31/121 +[2024-10-13 16:20:37,024 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 32/121 +[2024-10-13 16:20:37,154 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 33/121 +[2024-10-13 16:20:37,284 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 34/121 +[2024-10-13 16:20:37,414 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 35/121 +[2024-10-13 16:20:37,538 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 36/121 +[2024-10-13 16:20:37,661 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 37/121 +[2024-10-13 16:20:37,832 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 38/121 +[2024-10-13 16:20:37,956 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 39/121 +[2024-10-13 16:20:38,081 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 40/121 +[2024-10-13 16:20:38,204 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 41/121 +[2024-10-13 16:20:38,327 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 42/121 +[2024-10-13 16:20:38,450 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 43/121 +[2024-10-13 16:20:38,573 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 44/121 +[2024-10-13 16:20:38,696 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 45/121 +[2024-10-13 16:20:38,820 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 46/121 +[2024-10-13 16:20:38,943 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 47/121 +[2024-10-13 16:20:39,066 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 48/121 +[2024-10-13 16:20:39,189 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 49/121 +[2024-10-13 16:20:39,313 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 50/121 +[2024-10-13 16:20:39,436 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 51/121 +[2024-10-13 16:20:39,560 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 52/121 +[2024-10-13 16:20:39,683 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 53/121 +[2024-10-13 16:20:39,806 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 54/121 +[2024-10-13 16:20:39,929 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 55/121 +[2024-10-13 16:20:40,053 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 56/121 +[2024-10-13 16:20:40,176 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 57/121 +[2024-10-13 16:20:40,300 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 58/121 +[2024-10-13 16:20:40,423 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 59/121 +[2024-10-13 16:20:40,547 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 60/121 +[2024-10-13 16:20:40,670 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 61/121 +[2024-10-13 16:20:40,794 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 62/121 +[2024-10-13 16:20:40,917 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 63/121 +[2024-10-13 16:20:41,040 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 64/121 +[2024-10-13 16:20:41,164 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 65/121 +[2024-10-13 16:20:41,287 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 66/121 +[2024-10-13 16:20:41,411 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 67/121 +[2024-10-13 16:20:41,535 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 68/121 +[2024-10-13 16:20:41,659 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 69/121 +[2024-10-13 16:20:41,782 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 70/121 +[2024-10-13 16:20:41,906 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 71/121 +[2024-10-13 16:20:42,030 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 72/121 +[2024-10-13 16:20:42,154 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 73/121 +[2024-10-13 16:20:42,277 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 74/121 +[2024-10-13 16:20:42,401 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 75/121 +[2024-10-13 16:20:42,538 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 76/121 +[2024-10-13 16:20:42,676 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 77/121 +[2024-10-13 16:20:42,814 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 78/121 +[2024-10-13 16:20:42,951 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 79/121 +[2024-10-13 16:20:43,089 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 80/121 +[2024-10-13 16:20:43,226 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 81/121 +[2024-10-13 16:20:43,364 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 82/121 +[2024-10-13 16:20:43,501 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 83/121 +[2024-10-13 16:20:43,639 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 84/121 +[2024-10-13 16:20:43,777 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 85/121 +[2024-10-13 16:20:43,914 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 86/121 +[2024-10-13 16:20:44,052 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 87/121 +[2024-10-13 16:20:44,189 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 88/121 +[2024-10-13 16:20:44,327 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 89/121 +[2024-10-13 16:20:44,465 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 90/121 +[2024-10-13 16:20:44,603 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 91/121 +[2024-10-13 16:20:44,741 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 92/121 +[2024-10-13 16:20:44,881 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 93/121 +[2024-10-13 16:20:45,018 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 94/121 +[2024-10-13 16:20:45,156 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 95/121 +[2024-10-13 16:20:45,293 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 96/121 +[2024-10-13 16:20:45,431 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 97/121 +[2024-10-13 16:20:45,568 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 98/121 +[2024-10-13 16:20:45,705 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 99/121 +[2024-10-13 16:20:45,843 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 100/121 +[2024-10-13 16:20:45,981 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 101/121 +[2024-10-13 16:20:46,118 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 102/121 +[2024-10-13 16:20:46,256 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 103/121 +[2024-10-13 16:20:46,394 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 104/121 +[2024-10-13 16:20:46,532 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 105/121 +[2024-10-13 16:20:46,671 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 106/121 +[2024-10-13 16:20:46,809 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 107/121 +[2024-10-13 16:20:46,947 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 108/121 +[2024-10-13 16:20:47,085 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 109/121 +[2024-10-13 16:20:47,223 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 110/121 +[2024-10-13 16:20:47,361 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 111/121 +[2024-10-13 16:20:47,492 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 112/121 +[2024-10-13 16:20:47,622 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 113/121 +[2024-10-13 16:20:47,752 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 114/121 +[2024-10-13 16:20:47,882 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 115/121 +[2024-10-13 16:20:48,013 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 116/121 +[2024-10-13 16:20:48,143 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 117/121 +[2024-10-13 16:20:48,274 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 118/121 +[2024-10-13 16:20:48,404 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 119/121 +[2024-10-13 16:20:48,534 INFO test.py line 186 25394] Test: 159/312-scene0700_02, Batch: 120/121 +[2024-10-13 16:20:48,734 INFO test.py line 272 25394] Test: scene0700_02 [159/312]-148642 Batch 16.036 (19.435) Accuracy 0.6953 (0.4461) mIoU 0.3825 (0.3467) +[2024-10-13 16:20:48,876 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 0/131 +[2024-10-13 16:20:49,000 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 1/131 +[2024-10-13 16:20:49,124 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 2/131 +[2024-10-13 16:20:49,249 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 3/131 +[2024-10-13 16:20:49,374 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 4/131 +[2024-10-13 16:20:49,499 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 5/131 +[2024-10-13 16:20:49,624 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 6/131 +[2024-10-13 16:20:49,752 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 7/131 +[2024-10-13 16:20:49,877 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 8/131 +[2024-10-13 16:20:50,004 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 9/131 +[2024-10-13 16:20:50,128 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 10/131 +[2024-10-13 16:20:50,253 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 11/131 +[2024-10-13 16:20:50,377 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 12/131 +[2024-10-13 16:20:50,501 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 13/131 +[2024-10-13 16:20:50,626 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 14/131 +[2024-10-13 16:20:50,750 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 15/131 +[2024-10-13 16:20:50,875 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 16/131 +[2024-10-13 16:20:50,999 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 17/131 +[2024-10-13 16:20:51,124 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 18/131 +[2024-10-13 16:20:51,248 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 19/131 +[2024-10-13 16:20:51,373 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 20/131 +[2024-10-13 16:20:51,498 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 21/131 +[2024-10-13 16:20:51,622 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 22/131 +[2024-10-13 16:20:51,746 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 23/131 +[2024-10-13 16:20:51,870 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 24/131 +[2024-10-13 16:20:51,994 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 25/131 +[2024-10-13 16:20:52,119 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 26/131 +[2024-10-13 16:20:52,243 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 27/131 +[2024-10-13 16:20:52,367 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 28/131 +[2024-10-13 16:20:52,491 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 29/131 +[2024-10-13 16:20:52,615 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 30/131 +[2024-10-13 16:20:52,740 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 31/131 +[2024-10-13 16:20:52,864 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 32/131 +[2024-10-13 16:20:52,988 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 33/131 +[2024-10-13 16:20:53,113 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 34/131 +[2024-10-13 16:20:53,238 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 35/131 +[2024-10-13 16:20:53,362 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 36/131 +[2024-10-13 16:20:53,487 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 37/131 +[2024-10-13 16:20:53,611 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 38/131 +[2024-10-13 16:20:53,736 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 39/131 +[2024-10-13 16:20:53,860 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 40/131 +[2024-10-13 16:20:53,985 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 41/131 +[2024-10-13 16:20:54,110 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 42/131 +[2024-10-13 16:20:54,235 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 43/131 +[2024-10-13 16:20:54,352 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 44/131 +[2024-10-13 16:20:54,469 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 45/131 +[2024-10-13 16:20:54,586 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 46/131 +[2024-10-13 16:20:54,703 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 47/131 +[2024-10-13 16:20:54,820 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 48/131 +[2024-10-13 16:20:54,937 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 49/131 +[2024-10-13 16:20:55,055 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 50/131 +[2024-10-13 16:20:55,172 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 51/131 +[2024-10-13 16:20:55,290 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 52/131 +[2024-10-13 16:20:55,407 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 53/131 +[2024-10-13 16:20:55,524 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 54/131 +[2024-10-13 16:20:55,641 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 55/131 +[2024-10-13 16:20:55,757 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 56/131 +[2024-10-13 16:20:55,892 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 57/131 +[2024-10-13 16:20:56,009 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 58/131 +[2024-10-13 16:20:56,126 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 59/131 +[2024-10-13 16:20:56,244 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 60/131 +[2024-10-13 16:20:56,360 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 61/131 +[2024-10-13 16:20:56,475 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 62/131 +[2024-10-13 16:20:56,591 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 63/131 +[2024-10-13 16:20:56,707 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 64/131 +[2024-10-13 16:20:56,823 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 65/131 +[2024-10-13 16:20:56,940 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 66/131 +[2024-10-13 16:20:57,057 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 67/131 +[2024-10-13 16:20:57,174 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 68/131 +[2024-10-13 16:20:57,291 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 69/131 +[2024-10-13 16:20:57,408 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 70/131 +[2024-10-13 16:20:57,525 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 71/131 +[2024-10-13 16:20:57,643 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 72/131 +[2024-10-13 16:20:57,760 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 73/131 +[2024-10-13 16:20:57,877 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 74/131 +[2024-10-13 16:20:57,994 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 75/131 +[2024-10-13 16:20:58,111 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 76/131 +[2024-10-13 16:20:58,228 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 77/131 +[2024-10-13 16:20:58,345 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 78/131 +[2024-10-13 16:20:58,463 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 79/131 +[2024-10-13 16:20:58,580 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 80/131 +[2024-10-13 16:20:58,697 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 81/131 +[2024-10-13 16:20:58,814 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 82/131 +[2024-10-13 16:20:58,932 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 83/131 +[2024-10-13 16:20:59,049 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 84/131 +[2024-10-13 16:20:59,166 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 85/131 +[2024-10-13 16:20:59,283 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 86/131 +[2024-10-13 16:20:59,400 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 87/131 +[2024-10-13 16:20:59,530 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 88/131 +[2024-10-13 16:20:59,661 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 89/131 +[2024-10-13 16:20:59,791 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 90/131 +[2024-10-13 16:20:59,922 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 91/131 +[2024-10-13 16:21:00,052 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 92/131 +[2024-10-13 16:21:00,183 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 93/131 +[2024-10-13 16:21:00,313 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 94/131 +[2024-10-13 16:21:00,443 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 95/131 +[2024-10-13 16:21:00,574 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 96/131 +[2024-10-13 16:21:00,705 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 97/131 +[2024-10-13 16:21:00,836 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 98/131 +[2024-10-13 16:21:00,966 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 99/131 +[2024-10-13 16:21:01,097 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 100/131 +[2024-10-13 16:21:01,228 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 101/131 +[2024-10-13 16:21:01,358 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 102/131 +[2024-10-13 16:21:01,489 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 103/131 +[2024-10-13 16:21:01,620 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 104/131 +[2024-10-13 16:21:01,751 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 105/131 +[2024-10-13 16:21:01,882 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 106/131 +[2024-10-13 16:21:02,013 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 107/131 +[2024-10-13 16:21:02,144 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 108/131 +[2024-10-13 16:21:02,275 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 109/131 +[2024-10-13 16:21:02,406 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 110/131 +[2024-10-13 16:21:02,536 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 111/131 +[2024-10-13 16:21:02,668 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 112/131 +[2024-10-13 16:21:02,800 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 113/131 +[2024-10-13 16:21:02,931 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 114/131 +[2024-10-13 16:21:03,063 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 115/131 +[2024-10-13 16:21:03,194 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 116/131 +[2024-10-13 16:21:03,326 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 117/131 +[2024-10-13 16:21:03,457 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 118/131 +[2024-10-13 16:21:03,589 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 119/131 +[2024-10-13 16:21:03,713 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 120/131 +[2024-10-13 16:21:03,837 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 121/131 +[2024-10-13 16:21:03,961 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 122/131 +[2024-10-13 16:21:04,085 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 123/131 +[2024-10-13 16:21:04,209 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 124/131 +[2024-10-13 16:21:04,333 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 125/131 +[2024-10-13 16:21:04,458 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 126/131 +[2024-10-13 16:21:04,582 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 127/131 +[2024-10-13 16:21:04,706 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 128/131 +[2024-10-13 16:21:04,830 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 129/131 +[2024-10-13 16:21:04,955 INFO test.py line 186 25394] Test: 160/312-scene0426_00, Batch: 130/131 +[2024-10-13 16:21:05,129 INFO test.py line 272 25394] Test: scene0426_00 [160/312]-135867 Batch 16.395 (19.416) Accuracy 0.7582 (0.4455) mIoU 0.3379 (0.3460) +[2024-10-13 16:21:05,321 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 0/148 +[2024-10-13 16:21:05,481 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 1/148 +[2024-10-13 16:21:05,641 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 2/148 +[2024-10-13 16:21:05,801 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 3/148 +[2024-10-13 16:21:05,961 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 4/148 +[2024-10-13 16:21:06,121 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 5/148 +[2024-10-13 16:21:06,281 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 6/148 +[2024-10-13 16:21:06,441 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 7/148 +[2024-10-13 16:21:06,601 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 8/148 +[2024-10-13 16:21:06,761 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 9/148 +[2024-10-13 16:21:06,921 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 10/148 +[2024-10-13 16:21:07,081 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 11/148 +[2024-10-13 16:21:07,241 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 12/148 +[2024-10-13 16:21:07,401 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 13/148 +[2024-10-13 16:21:07,562 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 14/148 +[2024-10-13 16:21:07,746 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 15/148 +[2024-10-13 16:21:07,908 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 16/148 +[2024-10-13 16:21:08,068 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 17/148 +[2024-10-13 16:21:08,228 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 18/148 +[2024-10-13 16:21:08,388 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 19/148 +[2024-10-13 16:21:08,548 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 20/148 +[2024-10-13 16:21:08,708 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 21/148 +[2024-10-13 16:21:08,868 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 22/148 +[2024-10-13 16:21:09,027 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 23/148 +[2024-10-13 16:21:09,188 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 24/148 +[2024-10-13 16:21:09,348 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 25/148 +[2024-10-13 16:21:09,508 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 26/148 +[2024-10-13 16:21:09,669 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 27/148 +[2024-10-13 16:21:09,828 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 28/148 +[2024-10-13 16:21:09,989 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 29/148 +[2024-10-13 16:21:10,149 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 30/148 +[2024-10-13 16:21:10,309 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 31/148 +[2024-10-13 16:21:10,469 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 32/148 +[2024-10-13 16:21:10,630 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 33/148 +[2024-10-13 16:21:10,790 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 34/148 +[2024-10-13 16:21:10,950 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 35/148 +[2024-10-13 16:21:11,110 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 36/148 +[2024-10-13 16:21:11,270 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 37/148 +[2024-10-13 16:21:11,430 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 38/148 +[2024-10-13 16:21:11,590 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 39/148 +[2024-10-13 16:21:11,750 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 40/148 +[2024-10-13 16:21:11,910 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 41/148 +[2024-10-13 16:21:12,070 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 42/148 +[2024-10-13 16:21:12,230 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 43/148 +[2024-10-13 16:21:12,390 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 44/148 +[2024-10-13 16:21:12,551 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 45/148 +[2024-10-13 16:21:12,711 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 46/148 +[2024-10-13 16:21:12,872 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 47/148 +[2024-10-13 16:21:13,023 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 48/148 +[2024-10-13 16:21:13,174 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 49/148 +[2024-10-13 16:21:13,326 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 50/148 +[2024-10-13 16:21:13,478 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 51/148 +[2024-10-13 16:21:13,629 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 52/148 +[2024-10-13 16:21:13,781 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 53/148 +[2024-10-13 16:21:13,932 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 54/148 +[2024-10-13 16:21:14,084 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 55/148 +[2024-10-13 16:21:14,235 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 56/148 +[2024-10-13 16:21:14,387 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 57/148 +[2024-10-13 16:21:14,539 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 58/148 +[2024-10-13 16:21:14,690 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 59/148 +[2024-10-13 16:21:14,841 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 60/148 +[2024-10-13 16:21:14,993 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 61/148 +[2024-10-13 16:21:15,144 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 62/148 +[2024-10-13 16:21:15,295 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 63/148 +[2024-10-13 16:21:15,447 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 64/148 +[2024-10-13 16:21:15,599 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 65/148 +[2024-10-13 16:21:15,750 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 66/148 +[2024-10-13 16:21:15,901 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 67/148 +[2024-10-13 16:21:16,053 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 68/148 +[2024-10-13 16:21:16,204 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 69/148 +[2024-10-13 16:21:16,356 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 70/148 +[2024-10-13 16:21:16,508 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 71/148 +[2024-10-13 16:21:16,660 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 72/148 +[2024-10-13 16:21:16,812 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 73/148 +[2024-10-13 16:21:16,963 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 74/148 +[2024-10-13 16:21:17,115 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 75/148 +[2024-10-13 16:21:17,267 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 76/148 +[2024-10-13 16:21:17,419 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 77/148 +[2024-10-13 16:21:17,571 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 78/148 +[2024-10-13 16:21:17,723 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 79/148 +[2024-10-13 16:21:17,875 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 80/148 +[2024-10-13 16:21:18,026 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 81/148 +[2024-10-13 16:21:18,178 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 82/148 +[2024-10-13 16:21:18,330 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 83/148 +[2024-10-13 16:21:18,482 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 84/148 +[2024-10-13 16:21:18,633 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 85/148 +[2024-10-13 16:21:18,784 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 86/148 +[2024-10-13 16:21:18,935 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 87/148 +[2024-10-13 16:21:19,087 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 88/148 +[2024-10-13 16:21:19,238 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 89/148 +[2024-10-13 16:21:19,390 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 90/148 +[2024-10-13 16:21:19,541 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 91/148 +[2024-10-13 16:21:19,692 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 92/148 +[2024-10-13 16:21:19,844 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 93/148 +[2024-10-13 16:21:19,996 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 94/148 +[2024-10-13 16:21:20,147 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 95/148 +[2024-10-13 16:21:20,319 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 96/148 +[2024-10-13 16:21:20,490 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 97/148 +[2024-10-13 16:21:20,661 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 98/148 +[2024-10-13 16:21:20,833 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 99/148 +[2024-10-13 16:21:21,004 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 100/148 +[2024-10-13 16:21:21,175 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 101/148 +[2024-10-13 16:21:21,347 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 102/148 +[2024-10-13 16:21:21,518 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 103/148 +[2024-10-13 16:21:21,689 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 104/148 +[2024-10-13 16:21:21,861 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 105/148 +[2024-10-13 16:21:22,032 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 106/148 +[2024-10-13 16:21:22,203 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 107/148 +[2024-10-13 16:21:22,374 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 108/148 +[2024-10-13 16:21:22,546 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 109/148 +[2024-10-13 16:21:22,716 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 110/148 +[2024-10-13 16:21:22,887 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 111/148 +[2024-10-13 16:21:23,059 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 112/148 +[2024-10-13 16:21:23,230 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 113/148 +[2024-10-13 16:21:23,402 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 114/148 +[2024-10-13 16:21:23,572 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 115/148 +[2024-10-13 16:21:23,744 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 116/148 +[2024-10-13 16:21:23,915 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 117/148 +[2024-10-13 16:21:24,086 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 118/148 +[2024-10-13 16:21:24,257 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 119/148 +[2024-10-13 16:21:24,428 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 120/148 +[2024-10-13 16:21:24,599 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 121/148 +[2024-10-13 16:21:24,771 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 122/148 +[2024-10-13 16:21:24,942 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 123/148 +[2024-10-13 16:21:25,113 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 124/148 +[2024-10-13 16:21:25,285 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 125/148 +[2024-10-13 16:21:25,456 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 126/148 +[2024-10-13 16:21:25,627 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 127/148 +[2024-10-13 16:21:25,798 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 128/148 +[2024-10-13 16:21:25,970 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 129/148 +[2024-10-13 16:21:26,141 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 130/148 +[2024-10-13 16:21:26,312 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 131/148 +[2024-10-13 16:21:26,483 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 132/148 +[2024-10-13 16:21:26,654 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 133/148 +[2024-10-13 16:21:26,825 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 134/148 +[2024-10-13 16:21:26,996 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 135/148 +[2024-10-13 16:21:27,157 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 136/148 +[2024-10-13 16:21:27,317 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 137/148 +[2024-10-13 16:21:27,478 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 138/148 +[2024-10-13 16:21:27,639 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 139/148 +[2024-10-13 16:21:27,799 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 140/148 +[2024-10-13 16:21:27,960 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 141/148 +[2024-10-13 16:21:28,121 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 142/148 +[2024-10-13 16:21:28,281 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 143/148 +[2024-10-13 16:21:28,442 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 144/148 +[2024-10-13 16:21:28,602 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 145/148 +[2024-10-13 16:21:28,763 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 146/148 +[2024-10-13 16:21:28,923 INFO test.py line 186 25394] Test: 161/312-scene0647_01, Batch: 147/148 +[2024-10-13 16:21:29,173 INFO test.py line 272 25394] Test: scene0647_01 [161/312]-194360 Batch 24.044 (19.445) Accuracy 0.9143 (0.4452) mIoU 0.5308 (0.3459) +[2024-10-13 16:21:29,465 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 0/126 +[2024-10-13 16:21:29,709 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 1/126 +[2024-10-13 16:21:29,953 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 2/126 +[2024-10-13 16:21:30,198 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 3/126 +[2024-10-13 16:21:30,442 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 4/126 +[2024-10-13 16:21:30,687 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 5/126 +[2024-10-13 16:21:30,931 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 6/126 +[2024-10-13 16:21:31,175 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 7/126 +[2024-10-13 16:21:31,420 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 8/126 +[2024-10-13 16:21:31,665 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 9/126 +[2024-10-13 16:21:31,910 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 10/126 +[2024-10-13 16:21:32,154 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 11/126 +[2024-10-13 16:21:32,399 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 12/126 +[2024-10-13 16:21:32,644 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 13/126 +[2024-10-13 16:21:32,888 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 14/126 +[2024-10-13 16:21:33,132 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 15/126 +[2024-10-13 16:21:33,377 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 16/126 +[2024-10-13 16:21:33,622 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 17/126 +[2024-10-13 16:21:33,867 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 18/126 +[2024-10-13 16:21:34,111 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 19/126 +[2024-10-13 16:21:34,379 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 20/126 +[2024-10-13 16:21:34,624 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 21/126 +[2024-10-13 16:21:34,867 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 22/126 +[2024-10-13 16:21:35,110 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 23/126 +[2024-10-13 16:21:35,353 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 24/126 +[2024-10-13 16:21:35,596 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 25/126 +[2024-10-13 16:21:35,839 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 26/126 +[2024-10-13 16:21:36,082 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 27/126 +[2024-10-13 16:21:36,325 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 28/126 +[2024-10-13 16:21:36,568 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 29/126 +[2024-10-13 16:21:36,811 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 30/126 +[2024-10-13 16:21:37,055 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 31/126 +[2024-10-13 16:21:37,298 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 32/126 +[2024-10-13 16:21:37,542 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 33/126 +[2024-10-13 16:21:37,784 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 34/126 +[2024-10-13 16:21:38,028 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 35/126 +[2024-10-13 16:21:38,271 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 36/126 +[2024-10-13 16:21:38,514 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 37/126 +[2024-10-13 16:21:38,757 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 38/126 +[2024-10-13 16:21:39,000 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 39/126 +[2024-10-13 16:21:39,228 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 40/126 +[2024-10-13 16:21:39,456 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 41/126 +[2024-10-13 16:21:39,683 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 42/126 +[2024-10-13 16:21:39,912 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 43/126 +[2024-10-13 16:21:40,141 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 44/126 +[2024-10-13 16:21:40,369 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 45/126 +[2024-10-13 16:21:40,597 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 46/126 +[2024-10-13 16:21:40,825 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 47/126 +[2024-10-13 16:21:41,054 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 48/126 +[2024-10-13 16:21:41,282 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 49/126 +[2024-10-13 16:21:41,511 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 50/126 +[2024-10-13 16:21:41,740 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 51/126 +[2024-10-13 16:21:41,969 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 52/126 +[2024-10-13 16:21:42,198 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 53/126 +[2024-10-13 16:21:42,427 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 54/126 +[2024-10-13 16:21:42,656 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 55/126 +[2024-10-13 16:21:42,885 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 56/126 +[2024-10-13 16:21:43,115 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 57/126 +[2024-10-13 16:21:43,344 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 58/126 +[2024-10-13 16:21:43,573 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 59/126 +[2024-10-13 16:21:43,801 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 60/126 +[2024-10-13 16:21:44,030 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 61/126 +[2024-10-13 16:21:44,258 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 62/126 +[2024-10-13 16:21:44,487 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 63/126 +[2024-10-13 16:21:44,717 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 64/126 +[2024-10-13 16:21:44,945 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 65/126 +[2024-10-13 16:21:45,174 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 66/126 +[2024-10-13 16:21:45,403 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 67/126 +[2024-10-13 16:21:45,632 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 68/126 +[2024-10-13 16:21:45,860 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 69/126 +[2024-10-13 16:21:46,089 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 70/126 +[2024-10-13 16:21:46,317 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 71/126 +[2024-10-13 16:21:46,546 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 72/126 +[2024-10-13 16:21:46,775 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 73/126 +[2024-10-13 16:21:47,003 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 74/126 +[2024-10-13 16:21:47,231 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 75/126 +[2024-10-13 16:21:47,459 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 76/126 +[2024-10-13 16:21:47,688 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 77/126 +[2024-10-13 16:21:47,916 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 78/126 +[2024-10-13 16:21:48,145 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 79/126 +[2024-10-13 16:21:48,407 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 80/126 +[2024-10-13 16:21:48,670 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 81/126 +[2024-10-13 16:21:48,933 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 82/126 +[2024-10-13 16:21:49,195 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 83/126 +[2024-10-13 16:21:49,457 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 84/126 +[2024-10-13 16:21:49,719 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 85/126 +[2024-10-13 16:21:49,981 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 86/126 +[2024-10-13 16:21:50,244 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 87/126 +[2024-10-13 16:21:50,506 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 88/126 +[2024-10-13 16:21:50,769 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 89/126 +[2024-10-13 16:21:51,031 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 90/126 +[2024-10-13 16:21:51,293 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 91/126 +[2024-10-13 16:21:51,556 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 92/126 +[2024-10-13 16:21:51,818 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 93/126 +[2024-10-13 16:21:52,080 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 94/126 +[2024-10-13 16:21:52,341 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 95/126 +[2024-10-13 16:21:52,603 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 96/126 +[2024-10-13 16:21:52,866 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 97/126 +[2024-10-13 16:21:53,129 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 98/126 +[2024-10-13 16:21:53,391 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 99/126 +[2024-10-13 16:21:53,654 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 100/126 +[2024-10-13 16:21:53,916 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 101/126 +[2024-10-13 16:21:54,178 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 102/126 +[2024-10-13 16:21:54,440 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 103/126 +[2024-10-13 16:21:54,702 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 104/126 +[2024-10-13 16:21:54,964 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 105/126 +[2024-10-13 16:21:55,227 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 106/126 +[2024-10-13 16:21:55,489 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 107/126 +[2024-10-13 16:21:55,751 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 108/126 +[2024-10-13 16:21:56,014 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 109/126 +[2024-10-13 16:21:56,276 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 110/126 +[2024-10-13 16:21:56,538 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 111/126 +[2024-10-13 16:21:56,800 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 112/126 +[2024-10-13 16:21:57,062 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 113/126 +[2024-10-13 16:21:57,324 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 114/126 +[2024-10-13 16:21:57,587 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 115/126 +[2024-10-13 16:21:57,830 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 116/126 +[2024-10-13 16:21:58,073 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 117/126 +[2024-10-13 16:21:58,317 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 118/126 +[2024-10-13 16:21:58,559 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 119/126 +[2024-10-13 16:21:58,803 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 120/126 +[2024-10-13 16:21:59,046 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 121/126 +[2024-10-13 16:21:59,289 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 122/126 +[2024-10-13 16:21:59,532 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 123/126 +[2024-10-13 16:21:59,776 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 124/126 +[2024-10-13 16:22:00,018 INFO test.py line 186 25394] Test: 162/312-scene0644_00, Batch: 125/126 +[2024-10-13 16:22:00,399 INFO test.py line 272 25394] Test: scene0644_00 [162/312]-299472 Batch 31.225 (19.518) Accuracy 0.8405 (0.4462) mIoU 0.4168 (0.3465) +[2024-10-13 16:22:00,515 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 0/125 +[2024-10-13 16:22:00,617 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 1/125 +[2024-10-13 16:22:00,718 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 2/125 +[2024-10-13 16:22:00,820 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 3/125 +[2024-10-13 16:22:00,922 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 4/125 +[2024-10-13 16:22:01,024 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 5/125 +[2024-10-13 16:22:01,125 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 6/125 +[2024-10-13 16:22:01,227 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 7/125 +[2024-10-13 16:22:01,330 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 8/125 +[2024-10-13 16:22:01,459 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 9/125 +[2024-10-13 16:22:01,561 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 10/125 +[2024-10-13 16:22:01,662 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 11/125 +[2024-10-13 16:22:01,764 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 12/125 +[2024-10-13 16:22:01,865 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 13/125 +[2024-10-13 16:22:01,967 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 14/125 +[2024-10-13 16:22:02,068 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 15/125 +[2024-10-13 16:22:02,169 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 16/125 +[2024-10-13 16:22:02,271 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 17/125 +[2024-10-13 16:22:02,372 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 18/125 +[2024-10-13 16:22:02,474 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 19/125 +[2024-10-13 16:22:02,575 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 20/125 +[2024-10-13 16:22:02,676 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 21/125 +[2024-10-13 16:22:02,778 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 22/125 +[2024-10-13 16:22:02,880 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 23/125 +[2024-10-13 16:22:02,981 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 24/125 +[2024-10-13 16:22:03,083 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 25/125 +[2024-10-13 16:22:03,184 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 26/125 +[2024-10-13 16:22:03,286 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 27/125 +[2024-10-13 16:22:03,387 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 28/125 +[2024-10-13 16:22:03,488 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 29/125 +[2024-10-13 16:22:03,589 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 30/125 +[2024-10-13 16:22:03,690 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 31/125 +[2024-10-13 16:22:03,791 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 32/125 +[2024-10-13 16:22:03,892 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 33/125 +[2024-10-13 16:22:03,994 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 34/125 +[2024-10-13 16:22:04,095 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 35/125 +[2024-10-13 16:22:04,192 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 36/125 +[2024-10-13 16:22:04,288 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 37/125 +[2024-10-13 16:22:04,384 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 38/125 +[2024-10-13 16:22:04,480 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 39/125 +[2024-10-13 16:22:04,576 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 40/125 +[2024-10-13 16:22:04,672 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 41/125 +[2024-10-13 16:22:04,768 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 42/125 +[2024-10-13 16:22:04,865 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 43/125 +[2024-10-13 16:22:04,961 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 44/125 +[2024-10-13 16:22:05,057 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 45/125 +[2024-10-13 16:22:05,153 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 46/125 +[2024-10-13 16:22:05,249 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 47/125 +[2024-10-13 16:22:05,345 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 48/125 +[2024-10-13 16:22:05,442 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 49/125 +[2024-10-13 16:22:05,538 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 50/125 +[2024-10-13 16:22:05,634 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 51/125 +[2024-10-13 16:22:05,730 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 52/125 +[2024-10-13 16:22:05,826 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 53/125 +[2024-10-13 16:22:05,922 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 54/125 +[2024-10-13 16:22:06,018 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 55/125 +[2024-10-13 16:22:06,115 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 56/125 +[2024-10-13 16:22:06,211 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 57/125 +[2024-10-13 16:22:06,307 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 58/125 +[2024-10-13 16:22:06,403 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 59/125 +[2024-10-13 16:22:06,500 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 60/125 +[2024-10-13 16:22:06,596 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 61/125 +[2024-10-13 16:22:06,692 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 62/125 +[2024-10-13 16:22:06,789 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 63/125 +[2024-10-13 16:22:06,885 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 64/125 +[2024-10-13 16:22:06,981 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 65/125 +[2024-10-13 16:22:07,078 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 66/125 +[2024-10-13 16:22:07,174 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 67/125 +[2024-10-13 16:22:07,270 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 68/125 +[2024-10-13 16:22:07,366 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 69/125 +[2024-10-13 16:22:07,462 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 70/125 +[2024-10-13 16:22:07,558 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 71/125 +[2024-10-13 16:22:07,654 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 72/125 +[2024-10-13 16:22:07,750 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 73/125 +[2024-10-13 16:22:07,846 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 74/125 +[2024-10-13 16:22:07,942 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 75/125 +[2024-10-13 16:22:08,050 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 76/125 +[2024-10-13 16:22:08,158 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 77/125 +[2024-10-13 16:22:08,266 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 78/125 +[2024-10-13 16:22:08,373 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 79/125 +[2024-10-13 16:22:08,481 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 80/125 +[2024-10-13 16:22:08,589 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 81/125 +[2024-10-13 16:22:08,697 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 82/125 +[2024-10-13 16:22:08,805 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 83/125 +[2024-10-13 16:22:08,912 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 84/125 +[2024-10-13 16:22:09,020 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 85/125 +[2024-10-13 16:22:09,128 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 86/125 +[2024-10-13 16:22:09,235 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 87/125 +[2024-10-13 16:22:09,343 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 88/125 +[2024-10-13 16:22:09,451 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 89/125 +[2024-10-13 16:22:09,558 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 90/125 +[2024-10-13 16:22:09,666 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 91/125 +[2024-10-13 16:22:09,773 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 92/125 +[2024-10-13 16:22:09,881 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 93/125 +[2024-10-13 16:22:09,988 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 94/125 +[2024-10-13 16:22:10,096 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 95/125 +[2024-10-13 16:22:10,204 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 96/125 +[2024-10-13 16:22:10,312 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 97/125 +[2024-10-13 16:22:10,419 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 98/125 +[2024-10-13 16:22:10,527 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 99/125 +[2024-10-13 16:22:10,635 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 100/125 +[2024-10-13 16:22:10,743 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 101/125 +[2024-10-13 16:22:10,851 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 102/125 +[2024-10-13 16:22:10,958 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 103/125 +[2024-10-13 16:22:11,066 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 104/125 +[2024-10-13 16:22:11,174 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 105/125 +[2024-10-13 16:22:11,282 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 106/125 +[2024-10-13 16:22:11,390 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 107/125 +[2024-10-13 16:22:11,499 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 108/125 +[2024-10-13 16:22:11,607 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 109/125 +[2024-10-13 16:22:11,715 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 110/125 +[2024-10-13 16:22:11,823 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 111/125 +[2024-10-13 16:22:11,932 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 112/125 +[2024-10-13 16:22:12,040 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 113/125 +[2024-10-13 16:22:12,148 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 114/125 +[2024-10-13 16:22:12,256 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 115/125 +[2024-10-13 16:22:12,357 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 116/125 +[2024-10-13 16:22:12,459 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 117/125 +[2024-10-13 16:22:12,560 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 118/125 +[2024-10-13 16:22:12,661 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 119/125 +[2024-10-13 16:22:12,763 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 120/125 +[2024-10-13 16:22:12,864 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 121/125 +[2024-10-13 16:22:12,965 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 122/125 +[2024-10-13 16:22:13,066 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 123/125 +[2024-10-13 16:22:13,168 INFO test.py line 186 25394] Test: 163/312-scene0256_01, Batch: 124/125 +[2024-10-13 16:22:13,312 INFO test.py line 272 25394] Test: scene0256_01 [163/312]-111617 Batch 12.913 (19.477) Accuracy 0.8327 (0.4460) mIoU 0.1779 (0.3460) +[2024-10-13 16:22:13,516 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 0/138 +[2024-10-13 16:22:13,689 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 1/138 +[2024-10-13 16:22:13,861 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 2/138 +[2024-10-13 16:22:14,033 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 3/138 +[2024-10-13 16:22:14,206 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 4/138 +[2024-10-13 16:22:14,378 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 5/138 +[2024-10-13 16:22:14,550 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 6/138 +[2024-10-13 16:22:14,722 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 7/138 +[2024-10-13 16:22:14,894 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 8/138 +[2024-10-13 16:22:15,067 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 9/138 +[2024-10-13 16:22:15,240 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 10/138 +[2024-10-13 16:22:15,413 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 11/138 +[2024-10-13 16:22:15,586 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 12/138 +[2024-10-13 16:22:15,759 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 13/138 +[2024-10-13 16:22:15,932 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 14/138 +[2024-10-13 16:22:16,105 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 15/138 +[2024-10-13 16:22:16,278 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 16/138 +[2024-10-13 16:22:16,451 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 17/138 +[2024-10-13 16:22:16,625 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 18/138 +[2024-10-13 16:22:16,801 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 19/138 +[2024-10-13 16:22:16,975 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 20/138 +[2024-10-13 16:22:17,147 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 21/138 +[2024-10-13 16:22:17,320 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 22/138 +[2024-10-13 16:22:17,492 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 23/138 +[2024-10-13 16:22:17,665 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 24/138 +[2024-10-13 16:22:17,837 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 25/138 +[2024-10-13 16:22:18,010 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 26/138 +[2024-10-13 16:22:18,183 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 27/138 +[2024-10-13 16:22:18,355 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 28/138 +[2024-10-13 16:22:18,528 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 29/138 +[2024-10-13 16:22:18,700 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 30/138 +[2024-10-13 16:22:18,872 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 31/138 +[2024-10-13 16:22:19,045 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 32/138 +[2024-10-13 16:22:19,217 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 33/138 +[2024-10-13 16:22:19,389 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 34/138 +[2024-10-13 16:22:19,561 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 35/138 +[2024-10-13 16:22:19,733 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 36/138 +[2024-10-13 16:22:19,905 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 37/138 +[2024-10-13 16:22:20,077 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 38/138 +[2024-10-13 16:22:20,250 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 39/138 +[2024-10-13 16:22:20,410 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 40/138 +[2024-10-13 16:22:20,570 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 41/138 +[2024-10-13 16:22:20,730 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 42/138 +[2024-10-13 16:22:20,890 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 43/138 +[2024-10-13 16:22:21,050 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 44/138 +[2024-10-13 16:22:21,210 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 45/138 +[2024-10-13 16:22:21,370 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 46/138 +[2024-10-13 16:22:21,530 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 47/138 +[2024-10-13 16:22:21,690 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 48/138 +[2024-10-13 16:22:21,850 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 49/138 +[2024-10-13 16:22:22,010 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 50/138 +[2024-10-13 16:22:22,170 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 51/138 +[2024-10-13 16:22:22,330 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 52/138 +[2024-10-13 16:22:22,490 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 53/138 +[2024-10-13 16:22:22,650 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 54/138 +[2024-10-13 16:22:22,810 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 55/138 +[2024-10-13 16:22:22,970 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 56/138 +[2024-10-13 16:22:23,129 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 57/138 +[2024-10-13 16:22:23,290 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 58/138 +[2024-10-13 16:22:23,450 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 59/138 +[2024-10-13 16:22:23,611 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 60/138 +[2024-10-13 16:22:23,771 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 61/138 +[2024-10-13 16:22:23,932 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 62/138 +[2024-10-13 16:22:24,092 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 63/138 +[2024-10-13 16:22:24,252 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 64/138 +[2024-10-13 16:22:24,412 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 65/138 +[2024-10-13 16:22:24,572 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 66/138 +[2024-10-13 16:22:24,732 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 67/138 +[2024-10-13 16:22:24,892 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 68/138 +[2024-10-13 16:22:25,052 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 69/138 +[2024-10-13 16:22:25,212 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 70/138 +[2024-10-13 16:22:25,372 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 71/138 +[2024-10-13 16:22:25,532 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 72/138 +[2024-10-13 16:22:25,692 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 73/138 +[2024-10-13 16:22:25,852 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 74/138 +[2024-10-13 16:22:26,012 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 75/138 +[2024-10-13 16:22:26,172 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 76/138 +[2024-10-13 16:22:26,332 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 77/138 +[2024-10-13 16:22:26,492 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 78/138 +[2024-10-13 16:22:26,652 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 79/138 +[2024-10-13 16:22:26,813 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 80/138 +[2024-10-13 16:22:26,973 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 81/138 +[2024-10-13 16:22:27,133 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 82/138 +[2024-10-13 16:22:27,294 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 83/138 +[2024-10-13 16:22:27,454 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 84/138 +[2024-10-13 16:22:27,615 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 85/138 +[2024-10-13 16:22:27,775 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 86/138 +[2024-10-13 16:22:27,936 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 87/138 +[2024-10-13 16:22:28,119 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 88/138 +[2024-10-13 16:22:28,303 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 89/138 +[2024-10-13 16:22:28,486 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 90/138 +[2024-10-13 16:22:28,670 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 91/138 +[2024-10-13 16:22:28,854 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 92/138 +[2024-10-13 16:22:29,038 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 93/138 +[2024-10-13 16:22:29,221 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 94/138 +[2024-10-13 16:22:29,405 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 95/138 +[2024-10-13 16:22:29,589 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 96/138 +[2024-10-13 16:22:29,772 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 97/138 +[2024-10-13 16:22:29,957 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 98/138 +[2024-10-13 16:22:30,143 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 99/138 +[2024-10-13 16:22:30,328 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 100/138 +[2024-10-13 16:22:30,513 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 101/138 +[2024-10-13 16:22:30,697 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 102/138 +[2024-10-13 16:22:30,883 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 103/138 +[2024-10-13 16:22:31,068 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 104/138 +[2024-10-13 16:22:31,253 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 105/138 +[2024-10-13 16:22:31,438 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 106/138 +[2024-10-13 16:22:31,623 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 107/138 +[2024-10-13 16:22:31,807 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 108/138 +[2024-10-13 16:22:31,991 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 109/138 +[2024-10-13 16:22:32,175 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 110/138 +[2024-10-13 16:22:32,359 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 111/138 +[2024-10-13 16:22:32,543 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 112/138 +[2024-10-13 16:22:32,728 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 113/138 +[2024-10-13 16:22:32,912 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 114/138 +[2024-10-13 16:22:33,096 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 115/138 +[2024-10-13 16:22:33,280 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 116/138 +[2024-10-13 16:22:33,464 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 117/138 +[2024-10-13 16:22:33,648 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 118/138 +[2024-10-13 16:22:33,833 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 119/138 +[2024-10-13 16:22:34,017 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 120/138 +[2024-10-13 16:22:34,201 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 121/138 +[2024-10-13 16:22:34,386 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 122/138 +[2024-10-13 16:22:34,571 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 123/138 +[2024-10-13 16:22:34,757 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 124/138 +[2024-10-13 16:22:34,941 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 125/138 +[2024-10-13 16:22:35,126 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 126/138 +[2024-10-13 16:22:35,310 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 127/138 +[2024-10-13 16:22:35,484 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 128/138 +[2024-10-13 16:22:35,657 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 129/138 +[2024-10-13 16:22:35,829 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 130/138 +[2024-10-13 16:22:36,002 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 131/138 +[2024-10-13 16:22:36,175 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 132/138 +[2024-10-13 16:22:36,347 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 133/138 +[2024-10-13 16:22:36,520 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 134/138 +[2024-10-13 16:22:36,692 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 135/138 +[2024-10-13 16:22:36,865 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 136/138 +[2024-10-13 16:22:37,038 INFO test.py line 186 25394] Test: 164/312-scene0334_02, Batch: 137/138 +[2024-10-13 16:22:37,299 INFO test.py line 272 25394] Test: scene0334_02 [164/312]-211497 Batch 23.986 (19.505) Accuracy 0.9636 (0.4467) mIoU 0.4247 (0.3466) +[2024-10-13 16:22:37,365 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 0/127 +[2024-10-13 16:22:37,422 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 1/127 +[2024-10-13 16:22:37,479 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 2/127 +[2024-10-13 16:22:37,536 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 3/127 +[2024-10-13 16:22:37,593 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 4/127 +[2024-10-13 16:22:37,650 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 5/127 +[2024-10-13 16:22:37,707 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 6/127 +[2024-10-13 16:22:37,764 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 7/127 +[2024-10-13 16:22:37,821 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 8/127 +[2024-10-13 16:22:37,878 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 9/127 +[2024-10-13 16:22:37,935 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 10/127 +[2024-10-13 16:22:37,992 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 11/127 +[2024-10-13 16:22:38,050 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 12/127 +[2024-10-13 16:22:38,107 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 13/127 +[2024-10-13 16:22:38,164 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 14/127 +[2024-10-13 16:22:38,221 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 15/127 +[2024-10-13 16:22:38,278 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 16/127 +[2024-10-13 16:22:38,335 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 17/127 +[2024-10-13 16:22:38,392 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 18/127 +[2024-10-13 16:22:38,449 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 19/127 +[2024-10-13 16:22:38,506 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 20/127 +[2024-10-13 16:22:38,564 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 21/127 +[2024-10-13 16:22:38,621 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 22/127 +[2024-10-13 16:22:38,678 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 23/127 +[2024-10-13 16:22:38,735 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 24/127 +[2024-10-13 16:22:38,838 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 25/127 +[2024-10-13 16:22:38,902 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 26/127 +[2024-10-13 16:22:38,964 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 27/127 +[2024-10-13 16:22:39,021 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 28/127 +[2024-10-13 16:22:39,078 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 29/127 +[2024-10-13 16:22:39,135 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 30/127 +[2024-10-13 16:22:39,192 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 31/127 +[2024-10-13 16:22:39,249 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 32/127 +[2024-10-13 16:22:39,306 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 33/127 +[2024-10-13 16:22:39,364 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 34/127 +[2024-10-13 16:22:39,421 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 35/127 +[2024-10-13 16:22:39,478 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 36/127 +[2024-10-13 16:22:39,535 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 37/127 +[2024-10-13 16:22:39,592 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 38/127 +[2024-10-13 16:22:39,649 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 39/127 +[2024-10-13 16:22:39,706 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 40/127 +[2024-10-13 16:22:39,763 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 41/127 +[2024-10-13 16:22:39,820 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 42/127 +[2024-10-13 16:22:39,877 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 43/127 +[2024-10-13 16:22:39,933 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 44/127 +[2024-10-13 16:22:39,988 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 45/127 +[2024-10-13 16:22:40,045 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 46/127 +[2024-10-13 16:22:40,101 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 47/127 +[2024-10-13 16:22:40,156 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 48/127 +[2024-10-13 16:22:40,212 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 49/127 +[2024-10-13 16:22:40,268 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 50/127 +[2024-10-13 16:22:40,324 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 51/127 +[2024-10-13 16:22:40,381 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 52/127 +[2024-10-13 16:22:40,437 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 53/127 +[2024-10-13 16:22:40,493 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 54/127 +[2024-10-13 16:22:40,549 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 55/127 +[2024-10-13 16:22:40,605 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 56/127 +[2024-10-13 16:22:40,660 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 57/127 +[2024-10-13 16:22:40,716 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 58/127 +[2024-10-13 16:22:40,772 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 59/127 +[2024-10-13 16:22:40,828 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 60/127 +[2024-10-13 16:22:40,883 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 61/127 +[2024-10-13 16:22:40,939 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 62/127 +[2024-10-13 16:22:40,995 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 63/127 +[2024-10-13 16:22:41,051 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 64/127 +[2024-10-13 16:22:41,106 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 65/127 +[2024-10-13 16:22:41,162 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 66/127 +[2024-10-13 16:22:41,218 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 67/127 +[2024-10-13 16:22:41,274 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 68/127 +[2024-10-13 16:22:41,330 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 69/127 +[2024-10-13 16:22:41,386 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 70/127 +[2024-10-13 16:22:41,442 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 71/127 +[2024-10-13 16:22:41,498 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 72/127 +[2024-10-13 16:22:41,554 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 73/127 +[2024-10-13 16:22:41,610 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 74/127 +[2024-10-13 16:22:41,666 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 75/127 +[2024-10-13 16:22:41,722 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 76/127 +[2024-10-13 16:22:41,778 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 77/127 +[2024-10-13 16:22:41,834 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 78/127 +[2024-10-13 16:22:41,889 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 79/127 +[2024-10-13 16:22:41,945 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 80/127 +[2024-10-13 16:22:42,001 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 81/127 +[2024-10-13 16:22:42,057 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 82/127 +[2024-10-13 16:22:42,113 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 83/127 +[2024-10-13 16:22:42,171 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 84/127 +[2024-10-13 16:22:42,229 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 85/127 +[2024-10-13 16:22:42,287 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 86/127 +[2024-10-13 16:22:42,346 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 87/127 +[2024-10-13 16:22:42,404 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 88/127 +[2024-10-13 16:22:42,462 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 89/127 +[2024-10-13 16:22:42,520 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 90/127 +[2024-10-13 16:22:42,578 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 91/127 +[2024-10-13 16:22:42,636 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 92/127 +[2024-10-13 16:22:42,694 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 93/127 +[2024-10-13 16:22:42,753 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 94/127 +[2024-10-13 16:22:42,811 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 95/127 +[2024-10-13 16:22:42,869 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 96/127 +[2024-10-13 16:22:42,927 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 97/127 +[2024-10-13 16:22:42,985 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 98/127 +[2024-10-13 16:22:43,044 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 99/127 +[2024-10-13 16:22:43,102 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 100/127 +[2024-10-13 16:22:43,160 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 101/127 +[2024-10-13 16:22:43,218 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 102/127 +[2024-10-13 16:22:43,276 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 103/127 +[2024-10-13 16:22:43,334 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 104/127 +[2024-10-13 16:22:43,392 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 105/127 +[2024-10-13 16:22:43,450 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 106/127 +[2024-10-13 16:22:43,508 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 107/127 +[2024-10-13 16:22:43,566 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 108/127 +[2024-10-13 16:22:43,625 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 109/127 +[2024-10-13 16:22:43,683 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 110/127 +[2024-10-13 16:22:43,741 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 111/127 +[2024-10-13 16:22:43,799 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 112/127 +[2024-10-13 16:22:43,857 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 113/127 +[2024-10-13 16:22:43,915 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 114/127 +[2024-10-13 16:22:43,974 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 115/127 +[2024-10-13 16:22:44,031 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 116/127 +[2024-10-13 16:22:44,088 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 117/127 +[2024-10-13 16:22:44,145 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 118/127 +[2024-10-13 16:22:44,201 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 119/127 +[2024-10-13 16:22:44,258 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 120/127 +[2024-10-13 16:22:44,315 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 121/127 +[2024-10-13 16:22:44,372 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 122/127 +[2024-10-13 16:22:44,429 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 123/127 +[2024-10-13 16:22:44,485 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 124/127 +[2024-10-13 16:22:44,542 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 125/127 +[2024-10-13 16:22:44,599 INFO test.py line 186 25394] Test: 165/312-scene0432_00, Batch: 126/127 +[2024-10-13 16:22:44,657 INFO test.py line 272 25394] Test: scene0432_00 [165/312]-39529 Batch 7.358 (19.431) Accuracy 0.8619 (0.4467) mIoU 0.5265 (0.3466) +[2024-10-13 16:22:44,793 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 0/138 +[2024-10-13 16:22:44,912 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 1/138 +[2024-10-13 16:22:45,030 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 2/138 +[2024-10-13 16:22:45,149 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 3/138 +[2024-10-13 16:22:45,268 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 4/138 +[2024-10-13 16:22:45,386 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 5/138 +[2024-10-13 16:22:45,505 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 6/138 +[2024-10-13 16:22:45,623 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 7/138 +[2024-10-13 16:22:45,742 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 8/138 +[2024-10-13 16:22:45,860 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 9/138 +[2024-10-13 16:22:46,023 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 10/138 +[2024-10-13 16:22:46,145 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 11/138 +[2024-10-13 16:22:46,265 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 12/138 +[2024-10-13 16:22:46,385 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 13/138 +[2024-10-13 16:22:46,505 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 14/138 +[2024-10-13 16:22:46,624 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 15/138 +[2024-10-13 16:22:46,744 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 16/138 +[2024-10-13 16:22:46,864 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 17/138 +[2024-10-13 16:22:46,984 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 18/138 +[2024-10-13 16:22:47,103 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 19/138 +[2024-10-13 16:22:47,222 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 20/138 +[2024-10-13 16:22:47,342 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 21/138 +[2024-10-13 16:22:47,461 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 22/138 +[2024-10-13 16:22:47,580 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 23/138 +[2024-10-13 16:22:47,700 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 24/138 +[2024-10-13 16:22:47,819 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 25/138 +[2024-10-13 16:22:47,938 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 26/138 +[2024-10-13 16:22:48,057 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 27/138 +[2024-10-13 16:22:48,176 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 28/138 +[2024-10-13 16:22:48,296 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 29/138 +[2024-10-13 16:22:48,415 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 30/138 +[2024-10-13 16:22:48,534 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 31/138 +[2024-10-13 16:22:48,653 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 32/138 +[2024-10-13 16:22:48,772 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 33/138 +[2024-10-13 16:22:48,891 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 34/138 +[2024-10-13 16:22:49,010 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 35/138 +[2024-10-13 16:22:49,129 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 36/138 +[2024-10-13 16:22:49,248 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 37/138 +[2024-10-13 16:22:49,367 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 38/138 +[2024-10-13 16:22:49,486 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 39/138 +[2024-10-13 16:22:49,597 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 40/138 +[2024-10-13 16:22:49,709 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 41/138 +[2024-10-13 16:22:49,820 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 42/138 +[2024-10-13 16:22:49,932 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 43/138 +[2024-10-13 16:22:50,045 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 44/138 +[2024-10-13 16:22:50,157 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 45/138 +[2024-10-13 16:22:50,268 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 46/138 +[2024-10-13 16:22:50,380 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 47/138 +[2024-10-13 16:22:50,492 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 48/138 +[2024-10-13 16:22:50,604 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 49/138 +[2024-10-13 16:22:50,715 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 50/138 +[2024-10-13 16:22:50,828 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 51/138 +[2024-10-13 16:22:50,940 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 52/138 +[2024-10-13 16:22:51,055 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 53/138 +[2024-10-13 16:22:51,167 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 54/138 +[2024-10-13 16:22:51,280 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 55/138 +[2024-10-13 16:22:51,392 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 56/138 +[2024-10-13 16:22:51,505 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 57/138 +[2024-10-13 16:22:51,617 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 58/138 +[2024-10-13 16:22:51,730 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 59/138 +[2024-10-13 16:22:51,843 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 60/138 +[2024-10-13 16:22:51,955 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 61/138 +[2024-10-13 16:22:52,066 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 62/138 +[2024-10-13 16:22:52,177 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 63/138 +[2024-10-13 16:22:52,288 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 64/138 +[2024-10-13 16:22:52,399 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 65/138 +[2024-10-13 16:22:52,510 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 66/138 +[2024-10-13 16:22:52,621 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 67/138 +[2024-10-13 16:22:52,732 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 68/138 +[2024-10-13 16:22:52,843 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 69/138 +[2024-10-13 16:22:52,954 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 70/138 +[2024-10-13 16:22:53,064 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 71/138 +[2024-10-13 16:22:53,176 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 72/138 +[2024-10-13 16:22:53,287 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 73/138 +[2024-10-13 16:22:53,398 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 74/138 +[2024-10-13 16:22:53,509 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 75/138 +[2024-10-13 16:22:53,621 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 76/138 +[2024-10-13 16:22:53,732 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 77/138 +[2024-10-13 16:22:53,843 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 78/138 +[2024-10-13 16:22:53,954 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 79/138 +[2024-10-13 16:22:54,065 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 80/138 +[2024-10-13 16:22:54,176 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 81/138 +[2024-10-13 16:22:54,288 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 82/138 +[2024-10-13 16:22:54,399 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 83/138 +[2024-10-13 16:22:54,526 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 84/138 +[2024-10-13 16:22:54,652 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 85/138 +[2024-10-13 16:22:54,778 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 86/138 +[2024-10-13 16:22:54,905 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 87/138 +[2024-10-13 16:22:55,031 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 88/138 +[2024-10-13 16:22:55,158 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 89/138 +[2024-10-13 16:22:55,284 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 90/138 +[2024-10-13 16:22:55,411 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 91/138 +[2024-10-13 16:22:55,537 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 92/138 +[2024-10-13 16:22:55,665 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 93/138 +[2024-10-13 16:22:55,791 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 94/138 +[2024-10-13 16:22:55,917 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 95/138 +[2024-10-13 16:22:56,043 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 96/138 +[2024-10-13 16:22:56,169 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 97/138 +[2024-10-13 16:22:56,295 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 98/138 +[2024-10-13 16:22:56,422 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 99/138 +[2024-10-13 16:22:56,547 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 100/138 +[2024-10-13 16:22:56,674 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 101/138 +[2024-10-13 16:22:56,800 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 102/138 +[2024-10-13 16:22:56,926 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 103/138 +[2024-10-13 16:22:57,052 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 104/138 +[2024-10-13 16:22:57,178 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 105/138 +[2024-10-13 16:22:57,305 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 106/138 +[2024-10-13 16:22:57,432 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 107/138 +[2024-10-13 16:22:57,559 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 108/138 +[2024-10-13 16:22:57,685 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 109/138 +[2024-10-13 16:22:57,813 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 110/138 +[2024-10-13 16:22:57,940 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 111/138 +[2024-10-13 16:22:58,066 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 112/138 +[2024-10-13 16:22:58,193 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 113/138 +[2024-10-13 16:22:58,320 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 114/138 +[2024-10-13 16:22:58,446 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 115/138 +[2024-10-13 16:22:58,573 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 116/138 +[2024-10-13 16:22:58,699 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 117/138 +[2024-10-13 16:22:58,824 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 118/138 +[2024-10-13 16:22:58,950 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 119/138 +[2024-10-13 16:22:59,076 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 120/138 +[2024-10-13 16:22:59,201 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 121/138 +[2024-10-13 16:22:59,327 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 122/138 +[2024-10-13 16:22:59,452 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 123/138 +[2024-10-13 16:22:59,577 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 124/138 +[2024-10-13 16:22:59,703 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 125/138 +[2024-10-13 16:22:59,828 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 126/138 +[2024-10-13 16:22:59,954 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 127/138 +[2024-10-13 16:23:00,073 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 128/138 +[2024-10-13 16:23:00,192 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 129/138 +[2024-10-13 16:23:00,311 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 130/138 +[2024-10-13 16:23:00,431 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 131/138 +[2024-10-13 16:23:00,550 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 132/138 +[2024-10-13 16:23:00,669 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 133/138 +[2024-10-13 16:23:00,789 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 134/138 +[2024-10-13 16:23:00,908 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 135/138 +[2024-10-13 16:23:01,028 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 136/138 +[2024-10-13 16:23:01,147 INFO test.py line 186 25394] Test: 166/312-scene0695_00, Batch: 137/138 +[2024-10-13 16:23:01,320 INFO test.py line 272 25394] Test: scene0695_00 [166/312]-133418 Batch 16.662 (19.414) Accuracy 0.7596 (0.4466) mIoU 0.4100 (0.3465) +[2024-10-13 16:23:01,406 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 0/122 +[2024-10-13 16:23:01,481 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 1/122 +[2024-10-13 16:23:01,555 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 2/122 +[2024-10-13 16:23:01,630 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 3/122 +[2024-10-13 16:23:01,705 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 4/122 +[2024-10-13 16:23:01,780 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 5/122 +[2024-10-13 16:23:01,855 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 6/122 +[2024-10-13 16:23:01,930 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 7/122 +[2024-10-13 16:23:02,004 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 8/122 +[2024-10-13 16:23:02,082 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 9/122 +[2024-10-13 16:23:02,156 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 10/122 +[2024-10-13 16:23:02,231 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 11/122 +[2024-10-13 16:23:02,306 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 12/122 +[2024-10-13 16:23:02,381 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 13/122 +[2024-10-13 16:23:02,455 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 14/122 +[2024-10-13 16:23:02,530 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 15/122 +[2024-10-13 16:23:02,605 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 16/122 +[2024-10-13 16:23:02,679 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 17/122 +[2024-10-13 16:23:02,754 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 18/122 +[2024-10-13 16:23:02,829 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 19/122 +[2024-10-13 16:23:02,903 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 20/122 +[2024-10-13 16:23:02,978 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 21/122 +[2024-10-13 16:23:03,054 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 22/122 +[2024-10-13 16:23:03,128 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 23/122 +[2024-10-13 16:23:03,203 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 24/122 +[2024-10-13 16:23:03,278 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 25/122 +[2024-10-13 16:23:03,352 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 26/122 +[2024-10-13 16:23:03,427 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 27/122 +[2024-10-13 16:23:03,502 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 28/122 +[2024-10-13 16:23:03,576 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 29/122 +[2024-10-13 16:23:03,651 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 30/122 +[2024-10-13 16:23:03,726 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 31/122 +[2024-10-13 16:23:03,800 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 32/122 +[2024-10-13 16:23:03,875 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 33/122 +[2024-10-13 16:23:03,949 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 34/122 +[2024-10-13 16:23:04,024 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 35/122 +[2024-10-13 16:23:04,098 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 36/122 +[2024-10-13 16:23:04,173 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 37/122 +[2024-10-13 16:23:04,247 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 38/122 +[2024-10-13 16:23:04,322 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 39/122 +[2024-10-13 16:23:04,394 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 40/122 +[2024-10-13 16:23:04,465 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 41/122 +[2024-10-13 16:23:04,537 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 42/122 +[2024-10-13 16:23:04,609 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 43/122 +[2024-10-13 16:23:04,681 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 44/122 +[2024-10-13 16:23:04,753 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 45/122 +[2024-10-13 16:23:04,825 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 46/122 +[2024-10-13 16:23:04,897 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 47/122 +[2024-10-13 16:23:04,969 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 48/122 +[2024-10-13 16:23:05,040 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 49/122 +[2024-10-13 16:23:05,112 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 50/122 +[2024-10-13 16:23:05,184 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 51/122 +[2024-10-13 16:23:05,256 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 52/122 +[2024-10-13 16:23:05,328 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 53/122 +[2024-10-13 16:23:05,399 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 54/122 +[2024-10-13 16:23:05,517 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 55/122 +[2024-10-13 16:23:05,590 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 56/122 +[2024-10-13 16:23:05,663 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 57/122 +[2024-10-13 16:23:05,737 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 58/122 +[2024-10-13 16:23:05,809 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 59/122 +[2024-10-13 16:23:05,881 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 60/122 +[2024-10-13 16:23:05,954 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 61/122 +[2024-10-13 16:23:06,026 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 62/122 +[2024-10-13 16:23:06,098 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 63/122 +[2024-10-13 16:23:06,170 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 64/122 +[2024-10-13 16:23:06,242 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 65/122 +[2024-10-13 16:23:06,314 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 66/122 +[2024-10-13 16:23:06,386 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 67/122 +[2024-10-13 16:23:06,458 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 68/122 +[2024-10-13 16:23:06,530 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 69/122 +[2024-10-13 16:23:06,602 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 70/122 +[2024-10-13 16:23:06,674 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 71/122 +[2024-10-13 16:23:06,746 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 72/122 +[2024-10-13 16:23:06,818 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 73/122 +[2024-10-13 16:23:06,891 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 74/122 +[2024-10-13 16:23:06,963 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 75/122 +[2024-10-13 16:23:07,035 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 76/122 +[2024-10-13 16:23:07,107 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 77/122 +[2024-10-13 16:23:07,179 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 78/122 +[2024-10-13 16:23:07,251 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 79/122 +[2024-10-13 16:23:07,329 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 80/122 +[2024-10-13 16:23:07,406 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 81/122 +[2024-10-13 16:23:07,484 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 82/122 +[2024-10-13 16:23:07,561 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 83/122 +[2024-10-13 16:23:07,639 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 84/122 +[2024-10-13 16:23:07,719 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 85/122 +[2024-10-13 16:23:07,797 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 86/122 +[2024-10-13 16:23:07,874 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 87/122 +[2024-10-13 16:23:07,953 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 88/122 +[2024-10-13 16:23:08,032 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 89/122 +[2024-10-13 16:23:08,111 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 90/122 +[2024-10-13 16:23:08,190 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 91/122 +[2024-10-13 16:23:08,269 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 92/122 +[2024-10-13 16:23:08,348 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 93/122 +[2024-10-13 16:23:08,427 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 94/122 +[2024-10-13 16:23:08,506 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 95/122 +[2024-10-13 16:23:08,585 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 96/122 +[2024-10-13 16:23:08,664 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 97/122 +[2024-10-13 16:23:08,746 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 98/122 +[2024-10-13 16:23:08,826 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 99/122 +[2024-10-13 16:23:08,905 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 100/122 +[2024-10-13 16:23:08,985 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 101/122 +[2024-10-13 16:23:09,064 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 102/122 +[2024-10-13 16:23:09,144 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 103/122 +[2024-10-13 16:23:09,221 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 104/122 +[2024-10-13 16:23:09,299 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 105/122 +[2024-10-13 16:23:09,377 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 106/122 +[2024-10-13 16:23:09,455 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 107/122 +[2024-10-13 16:23:09,534 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 108/122 +[2024-10-13 16:23:09,611 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 109/122 +[2024-10-13 16:23:09,689 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 110/122 +[2024-10-13 16:23:09,766 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 111/122 +[2024-10-13 16:23:09,841 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 112/122 +[2024-10-13 16:23:09,916 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 113/122 +[2024-10-13 16:23:09,991 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 114/122 +[2024-10-13 16:23:10,066 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 115/122 +[2024-10-13 16:23:10,140 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 116/122 +[2024-10-13 16:23:10,215 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 117/122 +[2024-10-13 16:23:10,290 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 118/122 +[2024-10-13 16:23:10,364 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 119/122 +[2024-10-13 16:23:10,439 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 120/122 +[2024-10-13 16:23:10,513 INFO test.py line 186 25394] Test: 167/312-scene0355_01, Batch: 121/122 +[2024-10-13 16:23:10,609 INFO test.py line 272 25394] Test: scene0355_01 [167/312]-67623 Batch 9.289 (19.354) Accuracy 0.9420 (0.4467) mIoU 0.5269 (0.3465) +[2024-10-13 16:23:10,684 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 0/142 +[2024-10-13 16:23:10,750 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 1/142 +[2024-10-13 16:23:10,816 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 2/142 +[2024-10-13 16:23:10,881 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 3/142 +[2024-10-13 16:23:10,947 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 4/142 +[2024-10-13 16:23:11,013 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 5/142 +[2024-10-13 16:23:11,079 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 6/142 +[2024-10-13 16:23:11,145 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 7/142 +[2024-10-13 16:23:11,211 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 8/142 +[2024-10-13 16:23:11,276 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 9/142 +[2024-10-13 16:23:11,342 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 10/142 +[2024-10-13 16:23:11,408 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 11/142 +[2024-10-13 16:23:11,474 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 12/142 +[2024-10-13 16:23:11,540 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 13/142 +[2024-10-13 16:23:11,606 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 14/142 +[2024-10-13 16:23:11,672 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 15/142 +[2024-10-13 16:23:11,738 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 16/142 +[2024-10-13 16:23:11,805 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 17/142 +[2024-10-13 16:23:11,871 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 18/142 +[2024-10-13 16:23:11,937 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 19/142 +[2024-10-13 16:23:12,003 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 20/142 +[2024-10-13 16:23:12,069 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 21/142 +[2024-10-13 16:23:12,135 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 22/142 +[2024-10-13 16:23:12,201 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 23/142 +[2024-10-13 16:23:12,267 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 24/142 +[2024-10-13 16:23:12,333 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 25/142 +[2024-10-13 16:23:12,399 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 26/142 +[2024-10-13 16:23:12,465 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 27/142 +[2024-10-13 16:23:12,531 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 28/142 +[2024-10-13 16:23:12,598 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 29/142 +[2024-10-13 16:23:12,664 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 30/142 +[2024-10-13 16:23:12,730 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 31/142 +[2024-10-13 16:23:12,796 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 32/142 +[2024-10-13 16:23:12,863 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 33/142 +[2024-10-13 16:23:12,929 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 34/142 +[2024-10-13 16:23:12,995 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 35/142 +[2024-10-13 16:23:13,064 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 36/142 +[2024-10-13 16:23:13,130 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 37/142 +[2024-10-13 16:23:13,196 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 38/142 +[2024-10-13 16:23:13,262 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 39/142 +[2024-10-13 16:23:13,328 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 40/142 +[2024-10-13 16:23:13,394 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 41/142 +[2024-10-13 16:23:13,460 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 42/142 +[2024-10-13 16:23:13,527 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 43/142 +[2024-10-13 16:23:13,593 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 44/142 +[2024-10-13 16:23:13,659 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 45/142 +[2024-10-13 16:23:13,725 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 46/142 +[2024-10-13 16:23:13,791 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 47/142 +[2024-10-13 16:23:13,857 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 48/142 +[2024-10-13 16:23:13,924 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 49/142 +[2024-10-13 16:23:13,990 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 50/142 +[2024-10-13 16:23:14,057 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 51/142 +[2024-10-13 16:23:14,123 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 52/142 +[2024-10-13 16:23:14,189 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 53/142 +[2024-10-13 16:23:14,255 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 54/142 +[2024-10-13 16:23:14,321 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 55/142 +[2024-10-13 16:23:14,385 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 56/142 +[2024-10-13 16:23:14,448 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 57/142 +[2024-10-13 16:23:14,511 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 58/142 +[2024-10-13 16:23:14,575 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 59/142 +[2024-10-13 16:23:14,638 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 60/142 +[2024-10-13 16:23:14,702 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 61/142 +[2024-10-13 16:23:14,765 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 62/142 +[2024-10-13 16:23:14,829 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 63/142 +[2024-10-13 16:23:14,892 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 64/142 +[2024-10-13 16:23:15,002 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 65/142 +[2024-10-13 16:23:15,066 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 66/142 +[2024-10-13 16:23:15,131 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 67/142 +[2024-10-13 16:23:15,196 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 68/142 +[2024-10-13 16:23:15,261 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 69/142 +[2024-10-13 16:23:15,325 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 70/142 +[2024-10-13 16:23:15,388 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 71/142 +[2024-10-13 16:23:15,451 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 72/142 +[2024-10-13 16:23:15,514 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 73/142 +[2024-10-13 16:23:15,576 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 74/142 +[2024-10-13 16:23:15,639 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 75/142 +[2024-10-13 16:23:15,702 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 76/142 +[2024-10-13 16:23:15,764 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 77/142 +[2024-10-13 16:23:15,827 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 78/142 +[2024-10-13 16:23:15,889 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 79/142 +[2024-10-13 16:23:15,952 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 80/142 +[2024-10-13 16:23:16,014 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 81/142 +[2024-10-13 16:23:16,077 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 82/142 +[2024-10-13 16:23:16,139 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 83/142 +[2024-10-13 16:23:16,202 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 84/142 +[2024-10-13 16:23:16,264 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 85/142 +[2024-10-13 16:23:16,327 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 86/142 +[2024-10-13 16:23:16,389 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 87/142 +[2024-10-13 16:23:16,452 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 88/142 +[2024-10-13 16:23:16,514 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 89/142 +[2024-10-13 16:23:16,576 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 90/142 +[2024-10-13 16:23:16,639 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 91/142 +[2024-10-13 16:23:16,708 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 92/142 +[2024-10-13 16:23:16,777 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 93/142 +[2024-10-13 16:23:16,846 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 94/142 +[2024-10-13 16:23:16,915 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 95/142 +[2024-10-13 16:23:16,983 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 96/142 +[2024-10-13 16:23:17,052 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 97/142 +[2024-10-13 16:23:17,121 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 98/142 +[2024-10-13 16:23:17,190 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 99/142 +[2024-10-13 16:23:17,258 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 100/142 +[2024-10-13 16:23:17,327 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 101/142 +[2024-10-13 16:23:17,397 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 102/142 +[2024-10-13 16:23:17,466 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 103/142 +[2024-10-13 16:23:17,535 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 104/142 +[2024-10-13 16:23:17,604 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 105/142 +[2024-10-13 16:23:17,674 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 106/142 +[2024-10-13 16:23:17,743 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 107/142 +[2024-10-13 16:23:17,812 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 108/142 +[2024-10-13 16:23:17,881 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 109/142 +[2024-10-13 16:23:17,950 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 110/142 +[2024-10-13 16:23:18,018 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 111/142 +[2024-10-13 16:23:18,087 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 112/142 +[2024-10-13 16:23:18,156 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 113/142 +[2024-10-13 16:23:18,225 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 114/142 +[2024-10-13 16:23:18,294 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 115/142 +[2024-10-13 16:23:18,363 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 116/142 +[2024-10-13 16:23:18,432 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 117/142 +[2024-10-13 16:23:18,501 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 118/142 +[2024-10-13 16:23:18,570 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 119/142 +[2024-10-13 16:23:18,639 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 120/142 +[2024-10-13 16:23:18,710 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 121/142 +[2024-10-13 16:23:18,779 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 122/142 +[2024-10-13 16:23:18,848 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 123/142 +[2024-10-13 16:23:18,917 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 124/142 +[2024-10-13 16:23:18,986 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 125/142 +[2024-10-13 16:23:19,055 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 126/142 +[2024-10-13 16:23:19,124 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 127/142 +[2024-10-13 16:23:19,190 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 128/142 +[2024-10-13 16:23:19,256 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 129/142 +[2024-10-13 16:23:19,322 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 130/142 +[2024-10-13 16:23:19,388 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 131/142 +[2024-10-13 16:23:19,454 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 132/142 +[2024-10-13 16:23:19,520 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 133/142 +[2024-10-13 16:23:19,586 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 134/142 +[2024-10-13 16:23:19,652 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 135/142 +[2024-10-13 16:23:19,718 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 136/142 +[2024-10-13 16:23:19,784 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 137/142 +[2024-10-13 16:23:19,851 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 138/142 +[2024-10-13 16:23:19,917 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 139/142 +[2024-10-13 16:23:19,983 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 140/142 +[2024-10-13 16:23:20,049 INFO test.py line 186 25394] Test: 168/312-scene0100_00, Batch: 141/142 +[2024-10-13 16:23:20,122 INFO test.py line 272 25394] Test: scene0100_00 [168/312]-52304 Batch 9.513 (19.295) Accuracy 0.7344 (0.4468) mIoU 0.4250 (0.3462) +[2024-10-13 16:23:20,289 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 0/137 +[2024-10-13 16:23:20,432 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 1/137 +[2024-10-13 16:23:20,575 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 2/137 +[2024-10-13 16:23:20,719 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 3/137 +[2024-10-13 16:23:20,862 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 4/137 +[2024-10-13 16:23:21,006 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 5/137 +[2024-10-13 16:23:21,149 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 6/137 +[2024-10-13 16:23:21,292 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 7/137 +[2024-10-13 16:23:21,435 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 8/137 +[2024-10-13 16:23:21,578 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 9/137 +[2024-10-13 16:23:21,721 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 10/137 +[2024-10-13 16:23:21,864 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 11/137 +[2024-10-13 16:23:22,007 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 12/137 +[2024-10-13 16:23:22,150 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 13/137 +[2024-10-13 16:23:22,293 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 14/137 +[2024-10-13 16:23:22,436 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 15/137 +[2024-10-13 16:23:22,579 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 16/137 +[2024-10-13 16:23:22,722 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 17/137 +[2024-10-13 16:23:22,865 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 18/137 +[2024-10-13 16:23:23,009 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 19/137 +[2024-10-13 16:23:23,152 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 20/137 +[2024-10-13 16:23:23,296 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 21/137 +[2024-10-13 16:23:23,439 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 22/137 +[2024-10-13 16:23:23,582 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 23/137 +[2024-10-13 16:23:23,726 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 24/137 +[2024-10-13 16:23:23,869 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 25/137 +[2024-10-13 16:23:24,012 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 26/137 +[2024-10-13 16:23:24,158 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 27/137 +[2024-10-13 16:23:24,301 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 28/137 +[2024-10-13 16:23:24,445 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 29/137 +[2024-10-13 16:23:24,588 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 30/137 +[2024-10-13 16:23:24,732 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 31/137 +[2024-10-13 16:23:24,877 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 32/137 +[2024-10-13 16:23:25,021 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 33/137 +[2024-10-13 16:23:25,165 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 34/137 +[2024-10-13 16:23:25,310 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 35/137 +[2024-10-13 16:23:25,446 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 36/137 +[2024-10-13 16:23:25,581 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 37/137 +[2024-10-13 16:23:25,715 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 38/137 +[2024-10-13 16:23:25,850 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 39/137 +[2024-10-13 16:23:25,984 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 40/137 +[2024-10-13 16:23:26,118 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 41/137 +[2024-10-13 16:23:26,252 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 42/137 +[2024-10-13 16:23:26,387 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 43/137 +[2024-10-13 16:23:26,521 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 44/137 +[2024-10-13 16:23:26,655 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 45/137 +[2024-10-13 16:23:26,790 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 46/137 +[2024-10-13 16:23:26,924 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 47/137 +[2024-10-13 16:23:27,058 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 48/137 +[2024-10-13 16:23:27,191 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 49/137 +[2024-10-13 16:23:27,325 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 50/137 +[2024-10-13 16:23:27,459 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 51/137 +[2024-10-13 16:23:27,593 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 52/137 +[2024-10-13 16:23:27,727 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 53/137 +[2024-10-13 16:23:27,861 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 54/137 +[2024-10-13 16:23:27,995 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 55/137 +[2024-10-13 16:23:28,129 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 56/137 +[2024-10-13 16:23:28,263 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 57/137 +[2024-10-13 16:23:28,396 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 58/137 +[2024-10-13 16:23:28,530 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 59/137 +[2024-10-13 16:23:28,663 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 60/137 +[2024-10-13 16:23:28,797 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 61/137 +[2024-10-13 16:23:28,931 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 62/137 +[2024-10-13 16:23:29,065 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 63/137 +[2024-10-13 16:23:29,199 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 64/137 +[2024-10-13 16:23:29,332 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 65/137 +[2024-10-13 16:23:29,466 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 66/137 +[2024-10-13 16:23:29,600 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 67/137 +[2024-10-13 16:23:29,736 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 68/137 +[2024-10-13 16:23:29,870 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 69/137 +[2024-10-13 16:23:30,004 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 70/137 +[2024-10-13 16:23:30,138 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 71/137 +[2024-10-13 16:23:30,272 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 72/137 +[2024-10-13 16:23:30,406 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 73/137 +[2024-10-13 16:23:30,540 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 74/137 +[2024-10-13 16:23:30,674 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 75/137 +[2024-10-13 16:23:30,808 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 76/137 +[2024-10-13 16:23:30,942 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 77/137 +[2024-10-13 16:23:31,076 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 78/137 +[2024-10-13 16:23:31,210 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 79/137 +[2024-10-13 16:23:31,363 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 80/137 +[2024-10-13 16:23:31,516 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 81/137 +[2024-10-13 16:23:31,669 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 82/137 +[2024-10-13 16:23:31,822 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 83/137 +[2024-10-13 16:23:31,975 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 84/137 +[2024-10-13 16:23:32,128 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 85/137 +[2024-10-13 16:23:32,281 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 86/137 +[2024-10-13 16:23:32,434 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 87/137 +[2024-10-13 16:23:32,588 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 88/137 +[2024-10-13 16:23:32,741 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 89/137 +[2024-10-13 16:23:32,894 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 90/137 +[2024-10-13 16:23:33,047 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 91/137 +[2024-10-13 16:23:33,199 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 92/137 +[2024-10-13 16:23:33,351 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 93/137 +[2024-10-13 16:23:33,504 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 94/137 +[2024-10-13 16:23:33,656 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 95/137 +[2024-10-13 16:23:33,808 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 96/137 +[2024-10-13 16:23:33,961 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 97/137 +[2024-10-13 16:23:34,113 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 98/137 +[2024-10-13 16:23:34,265 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 99/137 +[2024-10-13 16:23:34,418 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 100/137 +[2024-10-13 16:23:34,570 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 101/137 +[2024-10-13 16:23:34,722 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 102/137 +[2024-10-13 16:23:34,874 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 103/137 +[2024-10-13 16:23:35,028 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 104/137 +[2024-10-13 16:23:35,184 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 105/137 +[2024-10-13 16:23:35,337 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 106/137 +[2024-10-13 16:23:35,490 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 107/137 +[2024-10-13 16:23:35,643 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 108/137 +[2024-10-13 16:23:35,796 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 109/137 +[2024-10-13 16:23:35,950 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 110/137 +[2024-10-13 16:23:36,103 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 111/137 +[2024-10-13 16:23:36,256 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 112/137 +[2024-10-13 16:23:36,409 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 113/137 +[2024-10-13 16:23:36,562 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 114/137 +[2024-10-13 16:23:36,715 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 115/137 +[2024-10-13 16:23:36,868 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 116/137 +[2024-10-13 16:23:37,020 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 117/137 +[2024-10-13 16:23:37,173 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 118/137 +[2024-10-13 16:23:37,326 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 119/137 +[2024-10-13 16:23:37,479 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 120/137 +[2024-10-13 16:23:37,631 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 121/137 +[2024-10-13 16:23:37,784 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 122/137 +[2024-10-13 16:23:37,937 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 123/137 +[2024-10-13 16:23:38,089 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 124/137 +[2024-10-13 16:23:38,242 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 125/137 +[2024-10-13 16:23:38,394 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 126/137 +[2024-10-13 16:23:38,547 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 127/137 +[2024-10-13 16:23:38,691 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 128/137 +[2024-10-13 16:23:38,834 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 129/137 +[2024-10-13 16:23:38,978 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 130/137 +[2024-10-13 16:23:39,121 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 131/137 +[2024-10-13 16:23:39,264 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 132/137 +[2024-10-13 16:23:39,407 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 133/137 +[2024-10-13 16:23:39,551 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 134/137 +[2024-10-13 16:23:39,694 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 135/137 +[2024-10-13 16:23:39,838 INFO test.py line 186 25394] Test: 169/312-scene0378_00, Batch: 136/137 +[2024-10-13 16:23:40,043 INFO test.py line 272 25394] Test: scene0378_00 [169/312]-156298 Batch 19.921 (19.299) Accuracy 0.8831 (0.4474) mIoU 0.5400 (0.3469) +[2024-10-13 16:23:40,230 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 0/125 +[2024-10-13 16:23:40,388 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 1/125 +[2024-10-13 16:23:40,546 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 2/125 +[2024-10-13 16:23:40,704 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 3/125 +[2024-10-13 16:23:40,862 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 4/125 +[2024-10-13 16:23:41,019 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 5/125 +[2024-10-13 16:23:41,178 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 6/125 +[2024-10-13 16:23:41,336 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 7/125 +[2024-10-13 16:23:41,494 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 8/125 +[2024-10-13 16:23:41,653 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 9/125 +[2024-10-13 16:23:41,811 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 10/125 +[2024-10-13 16:23:41,969 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 11/125 +[2024-10-13 16:23:42,127 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 12/125 +[2024-10-13 16:23:42,285 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 13/125 +[2024-10-13 16:23:42,444 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 14/125 +[2024-10-13 16:23:42,602 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 15/125 +[2024-10-13 16:23:42,759 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 16/125 +[2024-10-13 16:23:42,918 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 17/125 +[2024-10-13 16:23:43,076 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 18/125 +[2024-10-13 16:23:43,235 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 19/125 +[2024-10-13 16:23:43,393 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 20/125 +[2024-10-13 16:23:43,552 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 21/125 +[2024-10-13 16:23:43,711 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 22/125 +[2024-10-13 16:23:43,869 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 23/125 +[2024-10-13 16:23:44,028 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 24/125 +[2024-10-13 16:23:44,187 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 25/125 +[2024-10-13 16:23:44,373 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 26/125 +[2024-10-13 16:23:44,533 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 27/125 +[2024-10-13 16:23:44,692 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 28/125 +[2024-10-13 16:23:44,850 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 29/125 +[2024-10-13 16:23:45,008 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 30/125 +[2024-10-13 16:23:45,166 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 31/125 +[2024-10-13 16:23:45,324 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 32/125 +[2024-10-13 16:23:45,481 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 33/125 +[2024-10-13 16:23:45,639 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 34/125 +[2024-10-13 16:23:45,797 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 35/125 +[2024-10-13 16:23:45,944 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 36/125 +[2024-10-13 16:23:46,092 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 37/125 +[2024-10-13 16:23:46,239 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 38/125 +[2024-10-13 16:23:46,387 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 39/125 +[2024-10-13 16:23:46,535 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 40/125 +[2024-10-13 16:23:46,683 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 41/125 +[2024-10-13 16:23:46,830 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 42/125 +[2024-10-13 16:23:46,978 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 43/125 +[2024-10-13 16:23:47,126 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 44/125 +[2024-10-13 16:23:47,273 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 45/125 +[2024-10-13 16:23:47,421 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 46/125 +[2024-10-13 16:23:47,568 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 47/125 +[2024-10-13 16:23:47,716 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 48/125 +[2024-10-13 16:23:47,863 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 49/125 +[2024-10-13 16:23:48,011 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 50/125 +[2024-10-13 16:23:48,158 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 51/125 +[2024-10-13 16:23:48,306 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 52/125 +[2024-10-13 16:23:48,453 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 53/125 +[2024-10-13 16:23:48,601 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 54/125 +[2024-10-13 16:23:48,748 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 55/125 +[2024-10-13 16:23:48,896 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 56/125 +[2024-10-13 16:23:49,043 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 57/125 +[2024-10-13 16:23:49,191 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 58/125 +[2024-10-13 16:23:49,338 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 59/125 +[2024-10-13 16:23:49,485 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 60/125 +[2024-10-13 16:23:49,633 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 61/125 +[2024-10-13 16:23:49,780 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 62/125 +[2024-10-13 16:23:49,928 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 63/125 +[2024-10-13 16:23:50,075 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 64/125 +[2024-10-13 16:23:50,222 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 65/125 +[2024-10-13 16:23:50,370 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 66/125 +[2024-10-13 16:23:50,517 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 67/125 +[2024-10-13 16:23:50,665 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 68/125 +[2024-10-13 16:23:50,812 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 69/125 +[2024-10-13 16:23:50,959 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 70/125 +[2024-10-13 16:23:51,106 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 71/125 +[2024-10-13 16:23:51,253 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 72/125 +[2024-10-13 16:23:51,400 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 73/125 +[2024-10-13 16:23:51,547 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 74/125 +[2024-10-13 16:23:51,694 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 75/125 +[2024-10-13 16:23:51,841 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 76/125 +[2024-10-13 16:23:51,989 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 77/125 +[2024-10-13 16:23:52,136 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 78/125 +[2024-10-13 16:23:52,284 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 79/125 +[2024-10-13 16:23:52,451 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 80/125 +[2024-10-13 16:23:52,619 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 81/125 +[2024-10-13 16:23:52,787 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 82/125 +[2024-10-13 16:23:52,955 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 83/125 +[2024-10-13 16:23:53,123 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 84/125 +[2024-10-13 16:23:53,291 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 85/125 +[2024-10-13 16:23:53,459 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 86/125 +[2024-10-13 16:23:53,626 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 87/125 +[2024-10-13 16:23:53,794 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 88/125 +[2024-10-13 16:23:53,961 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 89/125 +[2024-10-13 16:23:54,128 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 90/125 +[2024-10-13 16:23:54,296 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 91/125 +[2024-10-13 16:23:54,463 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 92/125 +[2024-10-13 16:23:54,630 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 93/125 +[2024-10-13 16:23:54,798 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 94/125 +[2024-10-13 16:23:54,965 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 95/125 +[2024-10-13 16:23:55,132 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 96/125 +[2024-10-13 16:23:55,299 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 97/125 +[2024-10-13 16:23:55,467 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 98/125 +[2024-10-13 16:23:55,634 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 99/125 +[2024-10-13 16:23:55,801 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 100/125 +[2024-10-13 16:23:55,969 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 101/125 +[2024-10-13 16:23:56,137 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 102/125 +[2024-10-13 16:23:56,304 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 103/125 +[2024-10-13 16:23:56,472 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 104/125 +[2024-10-13 16:23:56,639 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 105/125 +[2024-10-13 16:23:56,806 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 106/125 +[2024-10-13 16:23:56,974 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 107/125 +[2024-10-13 16:23:57,141 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 108/125 +[2024-10-13 16:23:57,309 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 109/125 +[2024-10-13 16:23:57,477 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 110/125 +[2024-10-13 16:23:57,644 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 111/125 +[2024-10-13 16:23:57,812 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 112/125 +[2024-10-13 16:23:57,979 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 113/125 +[2024-10-13 16:23:58,147 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 114/125 +[2024-10-13 16:23:58,314 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 115/125 +[2024-10-13 16:23:58,473 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 116/125 +[2024-10-13 16:23:58,631 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 117/125 +[2024-10-13 16:23:58,790 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 118/125 +[2024-10-13 16:23:58,948 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 119/125 +[2024-10-13 16:23:59,106 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 120/125 +[2024-10-13 16:23:59,264 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 121/125 +[2024-10-13 16:23:59,423 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 122/125 +[2024-10-13 16:23:59,581 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 123/125 +[2024-10-13 16:23:59,739 INFO test.py line 186 25394] Test: 170/312-scene0474_00, Batch: 124/125 +[2024-10-13 16:23:59,971 INFO test.py line 272 25394] Test: scene0474_00 [170/312]-182281 Batch 19.928 (19.303) Accuracy 0.8687 (0.4526) mIoU 0.4407 (0.3518) +[2024-10-13 16:24:00,164 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 0/143 +[2024-10-13 16:24:00,325 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 1/143 +[2024-10-13 16:24:00,487 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 2/143 +[2024-10-13 16:24:00,649 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 3/143 +[2024-10-13 16:24:00,812 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 4/143 +[2024-10-13 16:24:00,973 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 5/143 +[2024-10-13 16:24:01,135 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 6/143 +[2024-10-13 16:24:01,297 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 7/143 +[2024-10-13 16:24:01,459 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 8/143 +[2024-10-13 16:24:01,621 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 9/143 +[2024-10-13 16:24:01,783 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 10/143 +[2024-10-13 16:24:01,945 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 11/143 +[2024-10-13 16:24:02,108 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 12/143 +[2024-10-13 16:24:02,271 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 13/143 +[2024-10-13 16:24:02,433 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 14/143 +[2024-10-13 16:24:02,596 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 15/143 +[2024-10-13 16:24:02,758 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 16/143 +[2024-10-13 16:24:02,920 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 17/143 +[2024-10-13 16:24:03,083 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 18/143 +[2024-10-13 16:24:03,246 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 19/143 +[2024-10-13 16:24:03,408 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 20/143 +[2024-10-13 16:24:03,571 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 21/143 +[2024-10-13 16:24:03,734 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 22/143 +[2024-10-13 16:24:03,897 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 23/143 +[2024-10-13 16:24:04,059 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 24/143 +[2024-10-13 16:24:04,256 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 25/143 +[2024-10-13 16:24:04,420 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 26/143 +[2024-10-13 16:24:04,583 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 27/143 +[2024-10-13 16:24:04,745 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 28/143 +[2024-10-13 16:24:04,908 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 29/143 +[2024-10-13 16:24:05,071 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 30/143 +[2024-10-13 16:24:05,233 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 31/143 +[2024-10-13 16:24:05,395 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 32/143 +[2024-10-13 16:24:05,557 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 33/143 +[2024-10-13 16:24:05,720 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 34/143 +[2024-10-13 16:24:05,882 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 35/143 +[2024-10-13 16:24:06,044 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 36/143 +[2024-10-13 16:24:06,206 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 37/143 +[2024-10-13 16:24:06,369 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 38/143 +[2024-10-13 16:24:06,532 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 39/143 +[2024-10-13 16:24:06,694 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 40/143 +[2024-10-13 16:24:06,856 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 41/143 +[2024-10-13 16:24:07,018 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 42/143 +[2024-10-13 16:24:07,181 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 43/143 +[2024-10-13 16:24:07,334 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 44/143 +[2024-10-13 16:24:07,488 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 45/143 +[2024-10-13 16:24:07,641 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 46/143 +[2024-10-13 16:24:07,795 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 47/143 +[2024-10-13 16:24:07,949 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 48/143 +[2024-10-13 16:24:08,102 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 49/143 +[2024-10-13 16:24:08,256 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 50/143 +[2024-10-13 16:24:08,410 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 51/143 +[2024-10-13 16:24:08,563 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 52/143 +[2024-10-13 16:24:08,717 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 53/143 +[2024-10-13 16:24:08,871 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 54/143 +[2024-10-13 16:24:09,025 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 55/143 +[2024-10-13 16:24:09,179 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 56/143 +[2024-10-13 16:24:09,333 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 57/143 +[2024-10-13 16:24:09,488 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 58/143 +[2024-10-13 16:24:09,642 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 59/143 +[2024-10-13 16:24:09,796 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 60/143 +[2024-10-13 16:24:09,949 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 61/143 +[2024-10-13 16:24:10,103 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 62/143 +[2024-10-13 16:24:10,257 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 63/143 +[2024-10-13 16:24:10,412 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 64/143 +[2024-10-13 16:24:10,566 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 65/143 +[2024-10-13 16:24:10,720 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 66/143 +[2024-10-13 16:24:10,874 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 67/143 +[2024-10-13 16:24:11,028 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 68/143 +[2024-10-13 16:24:11,181 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 69/143 +[2024-10-13 16:24:11,335 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 70/143 +[2024-10-13 16:24:11,489 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 71/143 +[2024-10-13 16:24:11,643 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 72/143 +[2024-10-13 16:24:11,796 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 73/143 +[2024-10-13 16:24:11,950 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 74/143 +[2024-10-13 16:24:12,104 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 75/143 +[2024-10-13 16:24:12,258 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 76/143 +[2024-10-13 16:24:12,412 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 77/143 +[2024-10-13 16:24:12,565 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 78/143 +[2024-10-13 16:24:12,719 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 79/143 +[2024-10-13 16:24:12,873 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 80/143 +[2024-10-13 16:24:13,026 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 81/143 +[2024-10-13 16:24:13,180 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 82/143 +[2024-10-13 16:24:13,334 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 83/143 +[2024-10-13 16:24:13,488 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 84/143 +[2024-10-13 16:24:13,641 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 85/143 +[2024-10-13 16:24:13,796 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 86/143 +[2024-10-13 16:24:13,949 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 87/143 +[2024-10-13 16:24:14,103 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 88/143 +[2024-10-13 16:24:14,256 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 89/143 +[2024-10-13 16:24:14,410 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 90/143 +[2024-10-13 16:24:14,564 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 91/143 +[2024-10-13 16:24:14,737 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 92/143 +[2024-10-13 16:24:14,911 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 93/143 +[2024-10-13 16:24:15,084 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 94/143 +[2024-10-13 16:24:15,257 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 95/143 +[2024-10-13 16:24:15,430 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 96/143 +[2024-10-13 16:24:15,603 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 97/143 +[2024-10-13 16:24:15,776 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 98/143 +[2024-10-13 16:24:15,949 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 99/143 +[2024-10-13 16:24:16,122 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 100/143 +[2024-10-13 16:24:16,295 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 101/143 +[2024-10-13 16:24:16,469 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 102/143 +[2024-10-13 16:24:16,642 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 103/143 +[2024-10-13 16:24:16,815 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 104/143 +[2024-10-13 16:24:16,988 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 105/143 +[2024-10-13 16:24:17,162 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 106/143 +[2024-10-13 16:24:17,335 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 107/143 +[2024-10-13 16:24:17,508 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 108/143 +[2024-10-13 16:24:17,681 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 109/143 +[2024-10-13 16:24:17,854 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 110/143 +[2024-10-13 16:24:18,028 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 111/143 +[2024-10-13 16:24:18,201 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 112/143 +[2024-10-13 16:24:18,375 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 113/143 +[2024-10-13 16:24:18,549 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 114/143 +[2024-10-13 16:24:18,723 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 115/143 +[2024-10-13 16:24:18,897 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 116/143 +[2024-10-13 16:24:19,070 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 117/143 +[2024-10-13 16:24:19,244 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 118/143 +[2024-10-13 16:24:19,418 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 119/143 +[2024-10-13 16:24:19,591 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 120/143 +[2024-10-13 16:24:19,766 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 121/143 +[2024-10-13 16:24:19,939 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 122/143 +[2024-10-13 16:24:20,112 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 123/143 +[2024-10-13 16:24:20,286 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 124/143 +[2024-10-13 16:24:20,459 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 125/143 +[2024-10-13 16:24:20,633 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 126/143 +[2024-10-13 16:24:20,807 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 127/143 +[2024-10-13 16:24:20,980 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 128/143 +[2024-10-13 16:24:21,153 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 129/143 +[2024-10-13 16:24:21,327 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 130/143 +[2024-10-13 16:24:21,500 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 131/143 +[2024-10-13 16:24:21,662 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 132/143 +[2024-10-13 16:24:21,825 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 133/143 +[2024-10-13 16:24:21,987 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 134/143 +[2024-10-13 16:24:22,150 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 135/143 +[2024-10-13 16:24:22,312 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 136/143 +[2024-10-13 16:24:22,474 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 137/143 +[2024-10-13 16:24:22,636 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 138/143 +[2024-10-13 16:24:22,799 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 139/143 +[2024-10-13 16:24:22,961 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 140/143 +[2024-10-13 16:24:23,124 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 141/143 +[2024-10-13 16:24:23,287 INFO test.py line 186 25394] Test: 171/312-scene0334_00, Batch: 142/143 +[2024-10-13 16:24:23,531 INFO test.py line 272 25394] Test: scene0334_00 [171/312]-197174 Batch 23.560 (19.327) Accuracy 0.8551 (0.4530) mIoU 0.4902 (0.3522) +[2024-10-13 16:24:23,715 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 0/130 +[2024-10-13 16:24:23,870 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 1/130 +[2024-10-13 16:24:24,025 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 2/130 +[2024-10-13 16:24:24,180 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 3/130 +[2024-10-13 16:24:24,335 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 4/130 +[2024-10-13 16:24:24,490 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 5/130 +[2024-10-13 16:24:24,645 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 6/130 +[2024-10-13 16:24:24,800 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 7/130 +[2024-10-13 16:24:24,955 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 8/130 +[2024-10-13 16:24:25,110 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 9/130 +[2024-10-13 16:24:25,265 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 10/130 +[2024-10-13 16:24:25,421 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 11/130 +[2024-10-13 16:24:25,576 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 12/130 +[2024-10-13 16:24:25,731 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 13/130 +[2024-10-13 16:24:25,887 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 14/130 +[2024-10-13 16:24:26,042 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 15/130 +[2024-10-13 16:24:26,197 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 16/130 +[2024-10-13 16:24:26,353 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 17/130 +[2024-10-13 16:24:26,508 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 18/130 +[2024-10-13 16:24:26,663 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 19/130 +[2024-10-13 16:24:26,819 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 20/130 +[2024-10-13 16:24:26,974 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 21/130 +[2024-10-13 16:24:27,129 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 22/130 +[2024-10-13 16:24:27,285 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 23/130 +[2024-10-13 16:24:27,440 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 24/130 +[2024-10-13 16:24:27,595 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 25/130 +[2024-10-13 16:24:27,750 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 26/130 +[2024-10-13 16:24:27,905 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 27/130 +[2024-10-13 16:24:28,061 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 28/130 +[2024-10-13 16:24:28,216 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 29/130 +[2024-10-13 16:24:28,370 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 30/130 +[2024-10-13 16:24:28,525 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 31/130 +[2024-10-13 16:24:28,681 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 32/130 +[2024-10-13 16:24:28,835 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 33/130 +[2024-10-13 16:24:28,991 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 34/130 +[2024-10-13 16:24:29,146 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 35/130 +[2024-10-13 16:24:29,301 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 36/130 +[2024-10-13 16:24:29,456 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 37/130 +[2024-10-13 16:24:29,611 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 38/130 +[2024-10-13 16:24:29,766 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 39/130 +[2024-10-13 16:24:29,911 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 40/130 +[2024-10-13 16:24:30,057 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 41/130 +[2024-10-13 16:24:30,202 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 42/130 +[2024-10-13 16:24:30,347 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 43/130 +[2024-10-13 16:24:30,493 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 44/130 +[2024-10-13 16:24:30,639 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 45/130 +[2024-10-13 16:24:30,784 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 46/130 +[2024-10-13 16:24:30,930 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 47/130 +[2024-10-13 16:24:31,076 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 48/130 +[2024-10-13 16:24:31,221 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 49/130 +[2024-10-13 16:24:31,367 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 50/130 +[2024-10-13 16:24:31,553 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 51/130 +[2024-10-13 16:24:31,699 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 52/130 +[2024-10-13 16:24:31,845 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 53/130 +[2024-10-13 16:24:31,992 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 54/130 +[2024-10-13 16:24:32,138 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 55/130 +[2024-10-13 16:24:32,283 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 56/130 +[2024-10-13 16:24:32,428 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 57/130 +[2024-10-13 16:24:32,574 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 58/130 +[2024-10-13 16:24:32,720 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 59/130 +[2024-10-13 16:24:32,865 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 60/130 +[2024-10-13 16:24:33,010 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 61/130 +[2024-10-13 16:24:33,155 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 62/130 +[2024-10-13 16:24:33,300 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 63/130 +[2024-10-13 16:24:33,444 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 64/130 +[2024-10-13 16:24:33,589 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 65/130 +[2024-10-13 16:24:33,733 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 66/130 +[2024-10-13 16:24:33,879 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 67/130 +[2024-10-13 16:24:34,023 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 68/130 +[2024-10-13 16:24:34,168 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 69/130 +[2024-10-13 16:24:34,313 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 70/130 +[2024-10-13 16:24:34,457 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 71/130 +[2024-10-13 16:24:34,602 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 72/130 +[2024-10-13 16:24:34,748 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 73/130 +[2024-10-13 16:24:34,894 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 74/130 +[2024-10-13 16:24:35,041 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 75/130 +[2024-10-13 16:24:35,187 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 76/130 +[2024-10-13 16:24:35,333 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 77/130 +[2024-10-13 16:24:35,480 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 78/130 +[2024-10-13 16:24:35,626 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 79/130 +[2024-10-13 16:24:35,772 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 80/130 +[2024-10-13 16:24:35,918 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 81/130 +[2024-10-13 16:24:36,064 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 82/130 +[2024-10-13 16:24:36,210 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 83/130 +[2024-10-13 16:24:36,374 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 84/130 +[2024-10-13 16:24:36,537 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 85/130 +[2024-10-13 16:24:36,701 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 86/130 +[2024-10-13 16:24:36,865 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 87/130 +[2024-10-13 16:24:37,028 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 88/130 +[2024-10-13 16:24:37,191 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 89/130 +[2024-10-13 16:24:37,354 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 90/130 +[2024-10-13 16:24:37,518 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 91/130 +[2024-10-13 16:24:37,682 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 92/130 +[2024-10-13 16:24:37,845 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 93/130 +[2024-10-13 16:24:38,008 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 94/130 +[2024-10-13 16:24:38,171 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 95/130 +[2024-10-13 16:24:38,334 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 96/130 +[2024-10-13 16:24:38,497 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 97/130 +[2024-10-13 16:24:38,660 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 98/130 +[2024-10-13 16:24:38,824 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 99/130 +[2024-10-13 16:24:38,987 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 100/130 +[2024-10-13 16:24:39,149 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 101/130 +[2024-10-13 16:24:39,313 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 102/130 +[2024-10-13 16:24:39,477 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 103/130 +[2024-10-13 16:24:39,641 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 104/130 +[2024-10-13 16:24:39,804 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 105/130 +[2024-10-13 16:24:39,967 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 106/130 +[2024-10-13 16:24:40,131 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 107/130 +[2024-10-13 16:24:40,295 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 108/130 +[2024-10-13 16:24:40,458 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 109/130 +[2024-10-13 16:24:40,622 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 110/130 +[2024-10-13 16:24:40,786 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 111/130 +[2024-10-13 16:24:40,949 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 112/130 +[2024-10-13 16:24:41,113 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 113/130 +[2024-10-13 16:24:41,277 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 114/130 +[2024-10-13 16:24:41,440 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 115/130 +[2024-10-13 16:24:41,604 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 116/130 +[2024-10-13 16:24:41,767 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 117/130 +[2024-10-13 16:24:41,930 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 118/130 +[2024-10-13 16:24:42,094 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 119/130 +[2024-10-13 16:24:42,249 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 120/130 +[2024-10-13 16:24:42,404 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 121/130 +[2024-10-13 16:24:42,559 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 122/130 +[2024-10-13 16:24:42,714 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 123/130 +[2024-10-13 16:24:42,869 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 124/130 +[2024-10-13 16:24:43,024 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 125/130 +[2024-10-13 16:24:43,179 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 126/130 +[2024-10-13 16:24:43,334 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 127/130 +[2024-10-13 16:24:43,489 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 128/130 +[2024-10-13 16:24:43,644 INFO test.py line 186 25394] Test: 172/312-scene0257_00, Batch: 129/130 +[2024-10-13 16:24:43,876 INFO test.py line 272 25394] Test: scene0257_00 [172/312]-180928 Batch 20.344 (19.333) Accuracy 0.8627 (0.4537) mIoU 0.3532 (0.3525) +[2024-10-13 16:24:44,052 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 0/134 +[2024-10-13 16:24:44,202 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 1/134 +[2024-10-13 16:24:44,352 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 2/134 +[2024-10-13 16:24:44,501 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 3/134 +[2024-10-13 16:24:44,651 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 4/134 +[2024-10-13 16:24:44,801 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 5/134 +[2024-10-13 16:24:44,951 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 6/134 +[2024-10-13 16:24:45,100 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 7/134 +[2024-10-13 16:24:45,250 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 8/134 +[2024-10-13 16:24:45,400 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 9/134 +[2024-10-13 16:24:45,549 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 10/134 +[2024-10-13 16:24:45,699 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 11/134 +[2024-10-13 16:24:45,849 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 12/134 +[2024-10-13 16:24:45,998 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 13/134 +[2024-10-13 16:24:46,147 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 14/134 +[2024-10-13 16:24:46,297 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 15/134 +[2024-10-13 16:24:46,446 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 16/134 +[2024-10-13 16:24:46,596 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 17/134 +[2024-10-13 16:24:46,745 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 18/134 +[2024-10-13 16:24:46,894 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 19/134 +[2024-10-13 16:24:47,044 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 20/134 +[2024-10-13 16:24:47,194 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 21/134 +[2024-10-13 16:24:47,344 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 22/134 +[2024-10-13 16:24:47,493 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 23/134 +[2024-10-13 16:24:47,643 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 24/134 +[2024-10-13 16:24:47,793 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 25/134 +[2024-10-13 16:24:47,943 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 26/134 +[2024-10-13 16:24:48,093 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 27/134 +[2024-10-13 16:24:48,243 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 28/134 +[2024-10-13 16:24:48,393 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 29/134 +[2024-10-13 16:24:48,542 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 30/134 +[2024-10-13 16:24:48,691 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 31/134 +[2024-10-13 16:24:48,841 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 32/134 +[2024-10-13 16:24:48,991 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 33/134 +[2024-10-13 16:24:49,140 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 34/134 +[2024-10-13 16:24:49,290 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 35/134 +[2024-10-13 16:24:49,439 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 36/134 +[2024-10-13 16:24:49,589 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 37/134 +[2024-10-13 16:24:49,740 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 38/134 +[2024-10-13 16:24:49,890 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 39/134 +[2024-10-13 16:24:50,030 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 40/134 +[2024-10-13 16:24:50,170 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 41/134 +[2024-10-13 16:24:50,310 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 42/134 +[2024-10-13 16:24:50,450 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 43/134 +[2024-10-13 16:24:50,590 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 44/134 +[2024-10-13 16:24:50,730 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 45/134 +[2024-10-13 16:24:50,871 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 46/134 +[2024-10-13 16:24:51,012 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 47/134 +[2024-10-13 16:24:51,152 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 48/134 +[2024-10-13 16:24:51,292 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 49/134 +[2024-10-13 16:24:51,432 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 50/134 +[2024-10-13 16:24:51,573 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 51/134 +[2024-10-13 16:24:51,713 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 52/134 +[2024-10-13 16:24:51,853 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 53/134 +[2024-10-13 16:24:51,993 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 54/134 +[2024-10-13 16:24:52,133 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 55/134 +[2024-10-13 16:24:52,274 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 56/134 +[2024-10-13 16:24:52,414 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 57/134 +[2024-10-13 16:24:52,554 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 58/134 +[2024-10-13 16:24:52,695 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 59/134 +[2024-10-13 16:24:52,835 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 60/134 +[2024-10-13 16:24:52,976 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 61/134 +[2024-10-13 16:24:53,116 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 62/134 +[2024-10-13 16:24:53,256 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 63/134 +[2024-10-13 16:24:53,396 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 64/134 +[2024-10-13 16:24:53,577 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 65/134 +[2024-10-13 16:24:53,717 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 66/134 +[2024-10-13 16:24:53,858 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 67/134 +[2024-10-13 16:24:53,998 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 68/134 +[2024-10-13 16:24:54,139 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 69/134 +[2024-10-13 16:24:54,279 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 70/134 +[2024-10-13 16:24:54,419 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 71/134 +[2024-10-13 16:24:54,559 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 72/134 +[2024-10-13 16:24:54,699 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 73/134 +[2024-10-13 16:24:54,839 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 74/134 +[2024-10-13 16:24:54,979 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 75/134 +[2024-10-13 16:24:55,118 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 76/134 +[2024-10-13 16:24:55,258 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 77/134 +[2024-10-13 16:24:55,398 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 78/134 +[2024-10-13 16:24:55,538 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 79/134 +[2024-10-13 16:24:55,678 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 80/134 +[2024-10-13 16:24:55,818 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 81/134 +[2024-10-13 16:24:55,958 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 82/134 +[2024-10-13 16:24:56,098 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 83/134 +[2024-10-13 16:24:56,256 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 84/134 +[2024-10-13 16:24:56,414 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 85/134 +[2024-10-13 16:24:56,573 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 86/134 +[2024-10-13 16:24:56,731 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 87/134 +[2024-10-13 16:24:56,889 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 88/134 +[2024-10-13 16:24:57,048 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 89/134 +[2024-10-13 16:24:57,206 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 90/134 +[2024-10-13 16:24:57,365 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 91/134 +[2024-10-13 16:24:57,523 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 92/134 +[2024-10-13 16:24:57,680 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 93/134 +[2024-10-13 16:24:57,838 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 94/134 +[2024-10-13 16:24:57,995 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 95/134 +[2024-10-13 16:24:58,153 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 96/134 +[2024-10-13 16:24:58,311 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 97/134 +[2024-10-13 16:24:58,469 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 98/134 +[2024-10-13 16:24:58,627 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 99/134 +[2024-10-13 16:24:58,784 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 100/134 +[2024-10-13 16:24:58,942 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 101/134 +[2024-10-13 16:24:59,100 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 102/134 +[2024-10-13 16:24:59,257 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 103/134 +[2024-10-13 16:24:59,415 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 104/134 +[2024-10-13 16:24:59,573 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 105/134 +[2024-10-13 16:24:59,732 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 106/134 +[2024-10-13 16:24:59,890 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 107/134 +[2024-10-13 16:25:00,048 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 108/134 +[2024-10-13 16:25:00,207 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 109/134 +[2024-10-13 16:25:00,365 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 110/134 +[2024-10-13 16:25:00,523 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 111/134 +[2024-10-13 16:25:00,681 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 112/134 +[2024-10-13 16:25:00,839 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 113/134 +[2024-10-13 16:25:00,997 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 114/134 +[2024-10-13 16:25:01,154 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 115/134 +[2024-10-13 16:25:01,312 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 116/134 +[2024-10-13 16:25:01,471 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 117/134 +[2024-10-13 16:25:01,629 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 118/134 +[2024-10-13 16:25:01,787 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 119/134 +[2024-10-13 16:25:01,944 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 120/134 +[2024-10-13 16:25:02,102 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 121/134 +[2024-10-13 16:25:02,260 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 122/134 +[2024-10-13 16:25:02,417 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 123/134 +[2024-10-13 16:25:02,567 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 124/134 +[2024-10-13 16:25:02,716 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 125/134 +[2024-10-13 16:25:02,866 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 126/134 +[2024-10-13 16:25:03,016 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 127/134 +[2024-10-13 16:25:03,166 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 128/134 +[2024-10-13 16:25:03,316 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 129/134 +[2024-10-13 16:25:03,466 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 130/134 +[2024-10-13 16:25:03,616 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 131/134 +[2024-10-13 16:25:03,766 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 132/134 +[2024-10-13 16:25:03,915 INFO test.py line 186 25394] Test: 173/312-scene0300_01, Batch: 133/134 +[2024-10-13 16:25:04,135 INFO test.py line 272 25394] Test: scene0300_01 [173/312]-173223 Batch 20.259 (19.339) Accuracy 0.7176 (0.4536) mIoU 0.5063 (0.3522) +[2024-10-13 16:25:04,472 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 0/125 +[2024-10-13 16:25:04,754 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 1/125 +[2024-10-13 16:25:05,036 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 2/125 +[2024-10-13 16:25:05,319 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 3/125 +[2024-10-13 16:25:05,601 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 4/125 +[2024-10-13 16:25:05,977 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 5/125 +[2024-10-13 16:25:06,261 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 6/125 +[2024-10-13 16:25:06,542 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 7/125 +[2024-10-13 16:25:06,824 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 8/125 +[2024-10-13 16:25:07,105 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 9/125 +[2024-10-13 16:25:07,386 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 10/125 +[2024-10-13 16:25:07,666 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 11/125 +[2024-10-13 16:25:07,946 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 12/125 +[2024-10-13 16:25:08,226 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 13/125 +[2024-10-13 16:25:08,506 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 14/125 +[2024-10-13 16:25:08,786 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 15/125 +[2024-10-13 16:25:09,066 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 16/125 +[2024-10-13 16:25:09,346 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 17/125 +[2024-10-13 16:25:09,626 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 18/125 +[2024-10-13 16:25:09,905 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 19/125 +[2024-10-13 16:25:10,186 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 20/125 +[2024-10-13 16:25:10,465 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 21/125 +[2024-10-13 16:25:10,745 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 22/125 +[2024-10-13 16:25:11,025 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 23/125 +[2024-10-13 16:25:11,305 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 24/125 +[2024-10-13 16:25:11,585 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 25/125 +[2024-10-13 16:25:11,865 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 26/125 +[2024-10-13 16:25:12,145 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 27/125 +[2024-10-13 16:25:12,425 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 28/125 +[2024-10-13 16:25:12,705 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 29/125 +[2024-10-13 16:25:12,986 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 30/125 +[2024-10-13 16:25:13,266 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 31/125 +[2024-10-13 16:25:13,546 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 32/125 +[2024-10-13 16:25:13,826 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 33/125 +[2024-10-13 16:25:14,107 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 34/125 +[2024-10-13 16:25:14,387 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 35/125 +[2024-10-13 16:25:14,649 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 36/125 +[2024-10-13 16:25:14,910 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 37/125 +[2024-10-13 16:25:15,171 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 38/125 +[2024-10-13 16:25:15,433 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 39/125 +[2024-10-13 16:25:15,695 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 40/125 +[2024-10-13 16:25:15,956 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 41/125 +[2024-10-13 16:25:16,217 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 42/125 +[2024-10-13 16:25:16,479 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 43/125 +[2024-10-13 16:25:16,740 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 44/125 +[2024-10-13 16:25:17,002 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 45/125 +[2024-10-13 16:25:17,264 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 46/125 +[2024-10-13 16:25:17,526 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 47/125 +[2024-10-13 16:25:17,788 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 48/125 +[2024-10-13 16:25:18,049 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 49/125 +[2024-10-13 16:25:18,310 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 50/125 +[2024-10-13 16:25:18,571 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 51/125 +[2024-10-13 16:25:18,832 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 52/125 +[2024-10-13 16:25:19,094 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 53/125 +[2024-10-13 16:25:19,355 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 54/125 +[2024-10-13 16:25:19,616 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 55/125 +[2024-10-13 16:25:19,878 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 56/125 +[2024-10-13 16:25:20,140 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 57/125 +[2024-10-13 16:25:20,402 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 58/125 +[2024-10-13 16:25:20,663 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 59/125 +[2024-10-13 16:25:20,924 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 60/125 +[2024-10-13 16:25:21,186 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 61/125 +[2024-10-13 16:25:21,448 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 62/125 +[2024-10-13 16:25:21,709 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 63/125 +[2024-10-13 16:25:21,970 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 64/125 +[2024-10-13 16:25:22,231 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 65/125 +[2024-10-13 16:25:22,493 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 66/125 +[2024-10-13 16:25:22,753 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 67/125 +[2024-10-13 16:25:23,014 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 68/125 +[2024-10-13 16:25:23,277 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 69/125 +[2024-10-13 16:25:23,538 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 70/125 +[2024-10-13 16:25:23,800 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 71/125 +[2024-10-13 16:25:24,063 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 72/125 +[2024-10-13 16:25:24,324 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 73/125 +[2024-10-13 16:25:24,586 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 74/125 +[2024-10-13 16:25:24,847 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 75/125 +[2024-10-13 16:25:25,109 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 76/125 +[2024-10-13 16:25:25,371 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 77/125 +[2024-10-13 16:25:25,633 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 78/125 +[2024-10-13 16:25:25,894 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 79/125 +[2024-10-13 16:25:26,194 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 80/125 +[2024-10-13 16:25:26,493 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 81/125 +[2024-10-13 16:25:26,793 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 82/125 +[2024-10-13 16:25:27,093 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 83/125 +[2024-10-13 16:25:27,393 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 84/125 +[2024-10-13 16:25:27,692 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 85/125 +[2024-10-13 16:25:27,991 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 86/125 +[2024-10-13 16:25:28,291 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 87/125 +[2024-10-13 16:25:28,592 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 88/125 +[2024-10-13 16:25:28,892 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 89/125 +[2024-10-13 16:25:29,191 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 90/125 +[2024-10-13 16:25:29,492 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 91/125 +[2024-10-13 16:25:29,791 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 92/125 +[2024-10-13 16:25:30,091 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 93/125 +[2024-10-13 16:25:30,390 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 94/125 +[2024-10-13 16:25:30,690 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 95/125 +[2024-10-13 16:25:30,990 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 96/125 +[2024-10-13 16:25:31,289 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 97/125 +[2024-10-13 16:25:31,588 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 98/125 +[2024-10-13 16:25:31,888 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 99/125 +[2024-10-13 16:25:32,188 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 100/125 +[2024-10-13 16:25:32,488 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 101/125 +[2024-10-13 16:25:32,788 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 102/125 +[2024-10-13 16:25:33,088 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 103/125 +[2024-10-13 16:25:33,388 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 104/125 +[2024-10-13 16:25:33,688 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 105/125 +[2024-10-13 16:25:33,988 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 106/125 +[2024-10-13 16:25:34,289 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 107/125 +[2024-10-13 16:25:34,588 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 108/125 +[2024-10-13 16:25:34,887 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 109/125 +[2024-10-13 16:25:35,187 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 110/125 +[2024-10-13 16:25:35,487 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 111/125 +[2024-10-13 16:25:35,787 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 112/125 +[2024-10-13 16:25:36,087 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 113/125 +[2024-10-13 16:25:36,387 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 114/125 +[2024-10-13 16:25:36,687 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 115/125 +[2024-10-13 16:25:36,969 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 116/125 +[2024-10-13 16:25:37,249 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 117/125 +[2024-10-13 16:25:37,529 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 118/125 +[2024-10-13 16:25:37,810 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 119/125 +[2024-10-13 16:25:38,091 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 120/125 +[2024-10-13 16:25:38,371 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 121/125 +[2024-10-13 16:25:38,651 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 122/125 +[2024-10-13 16:25:38,931 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 123/125 +[2024-10-13 16:25:39,212 INFO test.py line 186 25394] Test: 174/312-scene0329_00, Batch: 124/125 +[2024-10-13 16:25:39,660 INFO test.py line 272 25394] Test: scene0329_00 [174/312]-355413 Batch 35.524 (19.432) Accuracy 0.9096 (0.4534) mIoU 0.3327 (0.3516) +[2024-10-13 16:25:39,999 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 0/156 +[2024-10-13 16:25:40,285 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 1/156 +[2024-10-13 16:25:40,570 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 2/156 +[2024-10-13 16:25:40,854 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 3/156 +[2024-10-13 16:25:41,139 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 4/156 +[2024-10-13 16:25:41,424 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 5/156 +[2024-10-13 16:25:41,709 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 6/156 +[2024-10-13 16:25:41,994 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 7/156 +[2024-10-13 16:25:42,279 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 8/156 +[2024-10-13 16:25:42,563 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 9/156 +[2024-10-13 16:25:42,848 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 10/156 +[2024-10-13 16:25:43,134 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 11/156 +[2024-10-13 16:25:43,418 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 12/156 +[2024-10-13 16:25:43,703 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 13/156 +[2024-10-13 16:25:43,988 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 14/156 +[2024-10-13 16:25:44,273 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 15/156 +[2024-10-13 16:25:44,558 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 16/156 +[2024-10-13 16:25:44,844 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 17/156 +[2024-10-13 16:25:45,130 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 18/156 +[2024-10-13 16:25:45,415 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 19/156 +[2024-10-13 16:25:45,699 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 20/156 +[2024-10-13 16:25:45,984 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 21/156 +[2024-10-13 16:25:46,269 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 22/156 +[2024-10-13 16:25:46,555 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 23/156 +[2024-10-13 16:25:46,839 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 24/156 +[2024-10-13 16:25:47,124 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 25/156 +[2024-10-13 16:25:47,409 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 26/156 +[2024-10-13 16:25:47,693 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 27/156 +[2024-10-13 16:25:47,979 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 28/156 +[2024-10-13 16:25:48,262 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 29/156 +[2024-10-13 16:25:48,547 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 30/156 +[2024-10-13 16:25:48,831 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 31/156 +[2024-10-13 16:25:49,115 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 32/156 +[2024-10-13 16:25:49,399 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 33/156 +[2024-10-13 16:25:49,682 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 34/156 +[2024-10-13 16:25:49,966 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 35/156 +[2024-10-13 16:25:50,251 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 36/156 +[2024-10-13 16:25:50,536 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 37/156 +[2024-10-13 16:25:50,821 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 38/156 +[2024-10-13 16:25:51,107 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 39/156 +[2024-10-13 16:25:51,391 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 40/156 +[2024-10-13 16:25:51,676 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 41/156 +[2024-10-13 16:25:51,960 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 42/156 +[2024-10-13 16:25:52,246 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 43/156 +[2024-10-13 16:25:52,531 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 44/156 +[2024-10-13 16:25:52,817 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 45/156 +[2024-10-13 16:25:53,102 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 46/156 +[2024-10-13 16:25:53,387 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 47/156 +[2024-10-13 16:25:53,654 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 48/156 +[2024-10-13 16:25:53,920 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 49/156 +[2024-10-13 16:25:54,187 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 50/156 +[2024-10-13 16:25:54,453 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 51/156 +[2024-10-13 16:25:54,720 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 52/156 +[2024-10-13 16:25:54,986 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 53/156 +[2024-10-13 16:25:55,253 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 54/156 +[2024-10-13 16:25:55,519 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 55/156 +[2024-10-13 16:25:55,785 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 56/156 +[2024-10-13 16:25:56,052 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 57/156 +[2024-10-13 16:25:56,318 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 58/156 +[2024-10-13 16:25:56,584 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 59/156 +[2024-10-13 16:25:56,851 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 60/156 +[2024-10-13 16:25:57,118 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 61/156 +[2024-10-13 16:25:57,384 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 62/156 +[2024-10-13 16:25:57,651 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 63/156 +[2024-10-13 16:25:57,917 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 64/156 +[2024-10-13 16:25:58,184 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 65/156 +[2024-10-13 16:25:58,450 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 66/156 +[2024-10-13 16:25:58,717 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 67/156 +[2024-10-13 16:25:58,983 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 68/156 +[2024-10-13 16:25:59,249 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 69/156 +[2024-10-13 16:25:59,516 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 70/156 +[2024-10-13 16:25:59,783 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 71/156 +[2024-10-13 16:26:00,049 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 72/156 +[2024-10-13 16:26:00,316 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 73/156 +[2024-10-13 16:26:00,583 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 74/156 +[2024-10-13 16:26:00,849 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 75/156 +[2024-10-13 16:26:01,116 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 76/156 +[2024-10-13 16:26:01,382 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 77/156 +[2024-10-13 16:26:01,648 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 78/156 +[2024-10-13 16:26:01,916 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 79/156 +[2024-10-13 16:26:02,182 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 80/156 +[2024-10-13 16:26:02,448 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 81/156 +[2024-10-13 16:26:02,715 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 82/156 +[2024-10-13 16:26:02,981 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 83/156 +[2024-10-13 16:26:03,246 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 84/156 +[2024-10-13 16:26:03,513 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 85/156 +[2024-10-13 16:26:03,779 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 86/156 +[2024-10-13 16:26:04,045 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 87/156 +[2024-10-13 16:26:04,311 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 88/156 +[2024-10-13 16:26:04,577 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 89/156 +[2024-10-13 16:26:04,843 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 90/156 +[2024-10-13 16:26:05,109 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 91/156 +[2024-10-13 16:26:05,375 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 92/156 +[2024-10-13 16:26:05,641 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 93/156 +[2024-10-13 16:26:05,906 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 94/156 +[2024-10-13 16:26:06,172 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 95/156 +[2024-10-13 16:26:06,437 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 96/156 +[2024-10-13 16:26:06,703 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 97/156 +[2024-10-13 16:26:06,969 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 98/156 +[2024-10-13 16:26:07,235 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 99/156 +[2024-10-13 16:26:07,540 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 100/156 +[2024-10-13 16:26:07,845 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 101/156 +[2024-10-13 16:26:08,150 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 102/156 +[2024-10-13 16:26:08,456 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 103/156 +[2024-10-13 16:26:08,761 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 104/156 +[2024-10-13 16:26:09,066 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 105/156 +[2024-10-13 16:26:09,372 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 106/156 +[2024-10-13 16:26:09,678 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 107/156 +[2024-10-13 16:26:09,983 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 108/156 +[2024-10-13 16:26:10,288 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 109/156 +[2024-10-13 16:26:10,593 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 110/156 +[2024-10-13 16:26:10,899 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 111/156 +[2024-10-13 16:26:11,203 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 112/156 +[2024-10-13 16:26:11,508 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 113/156 +[2024-10-13 16:26:11,814 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 114/156 +[2024-10-13 16:26:12,119 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 115/156 +[2024-10-13 16:26:12,423 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 116/156 +[2024-10-13 16:26:12,728 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 117/156 +[2024-10-13 16:26:13,034 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 118/156 +[2024-10-13 16:26:13,339 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 119/156 +[2024-10-13 16:26:13,643 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 120/156 +[2024-10-13 16:26:13,948 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 121/156 +[2024-10-13 16:26:14,254 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 122/156 +[2024-10-13 16:26:14,559 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 123/156 +[2024-10-13 16:26:14,863 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 124/156 +[2024-10-13 16:26:15,168 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 125/156 +[2024-10-13 16:26:15,474 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 126/156 +[2024-10-13 16:26:15,779 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 127/156 +[2024-10-13 16:26:16,083 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 128/156 +[2024-10-13 16:26:16,390 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 129/156 +[2024-10-13 16:26:16,696 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 130/156 +[2024-10-13 16:26:17,001 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 131/156 +[2024-10-13 16:26:17,307 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 132/156 +[2024-10-13 16:26:17,614 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 133/156 +[2024-10-13 16:26:17,919 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 134/156 +[2024-10-13 16:26:18,224 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 135/156 +[2024-10-13 16:26:18,530 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 136/156 +[2024-10-13 16:26:18,836 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 137/156 +[2024-10-13 16:26:19,142 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 138/156 +[2024-10-13 16:26:19,447 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 139/156 +[2024-10-13 16:26:19,754 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 140/156 +[2024-10-13 16:26:20,060 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 141/156 +[2024-10-13 16:26:20,366 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 142/156 +[2024-10-13 16:26:20,671 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 143/156 +[2024-10-13 16:26:20,955 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 144/156 +[2024-10-13 16:26:21,240 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 145/156 +[2024-10-13 16:26:21,525 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 146/156 +[2024-10-13 16:26:21,809 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 147/156 +[2024-10-13 16:26:22,093 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 148/156 +[2024-10-13 16:26:22,378 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 149/156 +[2024-10-13 16:26:22,662 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 150/156 +[2024-10-13 16:26:22,946 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 151/156 +[2024-10-13 16:26:23,231 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 152/156 +[2024-10-13 16:26:23,515 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 153/156 +[2024-10-13 16:26:23,801 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 154/156 +[2024-10-13 16:26:24,085 INFO test.py line 186 25394] Test: 175/312-scene0645_00, Batch: 155/156 +[2024-10-13 16:26:24,537 INFO test.py line 272 25394] Test: scene0645_00 [175/312]-352477 Batch 44.876 (19.577) Accuracy 0.9327 (0.4554) mIoU 0.5545 (0.3526) +[2024-10-13 16:26:24,652 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 0/108 +[2024-10-13 16:26:24,744 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 1/108 +[2024-10-13 16:26:24,837 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 2/108 +[2024-10-13 16:26:24,929 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 3/108 +[2024-10-13 16:26:25,022 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 4/108 +[2024-10-13 16:26:25,114 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 5/108 +[2024-10-13 16:26:25,207 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 6/108 +[2024-10-13 16:26:25,300 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 7/108 +[2024-10-13 16:26:25,392 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 8/108 +[2024-10-13 16:26:25,485 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 9/108 +[2024-10-13 16:26:25,578 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 10/108 +[2024-10-13 16:26:25,670 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 11/108 +[2024-10-13 16:26:25,763 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 12/108 +[2024-10-13 16:26:25,855 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 13/108 +[2024-10-13 16:26:25,947 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 14/108 +[2024-10-13 16:26:26,040 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 15/108 +[2024-10-13 16:26:26,132 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 16/108 +[2024-10-13 16:26:26,225 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 17/108 +[2024-10-13 16:26:26,317 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 18/108 +[2024-10-13 16:26:26,409 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 19/108 +[2024-10-13 16:26:26,501 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 20/108 +[2024-10-13 16:26:26,593 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 21/108 +[2024-10-13 16:26:26,685 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 22/108 +[2024-10-13 16:26:26,777 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 23/108 +[2024-10-13 16:26:26,869 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 24/108 +[2024-10-13 16:26:26,962 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 25/108 +[2024-10-13 16:26:27,055 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 26/108 +[2024-10-13 16:26:27,148 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 27/108 +[2024-10-13 16:26:27,240 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 28/108 +[2024-10-13 16:26:27,333 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 29/108 +[2024-10-13 16:26:27,425 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 30/108 +[2024-10-13 16:26:27,518 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 31/108 +[2024-10-13 16:26:27,608 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 32/108 +[2024-10-13 16:26:27,696 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 33/108 +[2024-10-13 16:26:27,785 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 34/108 +[2024-10-13 16:26:27,873 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 35/108 +[2024-10-13 16:26:27,962 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 36/108 +[2024-10-13 16:26:28,093 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 37/108 +[2024-10-13 16:26:28,181 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 38/108 +[2024-10-13 16:26:28,270 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 39/108 +[2024-10-13 16:26:28,360 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 40/108 +[2024-10-13 16:26:28,449 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 41/108 +[2024-10-13 16:26:28,538 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 42/108 +[2024-10-13 16:26:28,626 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 43/108 +[2024-10-13 16:26:28,714 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 44/108 +[2024-10-13 16:26:28,803 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 45/108 +[2024-10-13 16:26:28,891 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 46/108 +[2024-10-13 16:26:28,979 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 47/108 +[2024-10-13 16:26:29,068 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 48/108 +[2024-10-13 16:26:29,157 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 49/108 +[2024-10-13 16:26:29,245 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 50/108 +[2024-10-13 16:26:29,333 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 51/108 +[2024-10-13 16:26:29,421 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 52/108 +[2024-10-13 16:26:29,509 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 53/108 +[2024-10-13 16:26:29,597 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 54/108 +[2024-10-13 16:26:29,685 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 55/108 +[2024-10-13 16:26:29,774 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 56/108 +[2024-10-13 16:26:29,862 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 57/108 +[2024-10-13 16:26:29,950 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 58/108 +[2024-10-13 16:26:30,039 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 59/108 +[2024-10-13 16:26:30,127 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 60/108 +[2024-10-13 16:26:30,216 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 61/108 +[2024-10-13 16:26:30,304 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 62/108 +[2024-10-13 16:26:30,392 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 63/108 +[2024-10-13 16:26:30,480 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 64/108 +[2024-10-13 16:26:30,569 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 65/108 +[2024-10-13 16:26:30,657 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 66/108 +[2024-10-13 16:26:30,746 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 67/108 +[2024-10-13 16:26:30,834 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 68/108 +[2024-10-13 16:26:30,922 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 69/108 +[2024-10-13 16:26:31,011 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 70/108 +[2024-10-13 16:26:31,100 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 71/108 +[2024-10-13 16:26:31,198 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 72/108 +[2024-10-13 16:26:31,296 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 73/108 +[2024-10-13 16:26:31,394 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 74/108 +[2024-10-13 16:26:31,492 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 75/108 +[2024-10-13 16:26:31,590 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 76/108 +[2024-10-13 16:26:31,688 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 77/108 +[2024-10-13 16:26:31,786 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 78/108 +[2024-10-13 16:26:31,884 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 79/108 +[2024-10-13 16:26:31,980 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 80/108 +[2024-10-13 16:26:32,077 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 81/108 +[2024-10-13 16:26:32,174 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 82/108 +[2024-10-13 16:26:32,270 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 83/108 +[2024-10-13 16:26:32,367 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 84/108 +[2024-10-13 16:26:32,463 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 85/108 +[2024-10-13 16:26:32,560 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 86/108 +[2024-10-13 16:26:32,656 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 87/108 +[2024-10-13 16:26:32,752 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 88/108 +[2024-10-13 16:26:32,849 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 89/108 +[2024-10-13 16:26:32,945 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 90/108 +[2024-10-13 16:26:33,041 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 91/108 +[2024-10-13 16:26:33,137 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 92/108 +[2024-10-13 16:26:33,234 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 93/108 +[2024-10-13 16:26:33,331 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 94/108 +[2024-10-13 16:26:33,428 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 95/108 +[2024-10-13 16:26:33,524 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 96/108 +[2024-10-13 16:26:33,621 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 97/108 +[2024-10-13 16:26:33,718 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 98/108 +[2024-10-13 16:26:33,814 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 99/108 +[2024-10-13 16:26:33,907 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 100/108 +[2024-10-13 16:26:34,000 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 101/108 +[2024-10-13 16:26:34,092 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 102/108 +[2024-10-13 16:26:34,184 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 103/108 +[2024-10-13 16:26:34,276 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 104/108 +[2024-10-13 16:26:34,369 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 105/108 +[2024-10-13 16:26:34,462 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 106/108 +[2024-10-13 16:26:34,554 INFO test.py line 186 25394] Test: 176/312-scene0256_02, Batch: 107/108 +[2024-10-13 16:26:34,677 INFO test.py line 272 25394] Test: scene0256_02 [176/312]-92069 Batch 10.140 (19.524) Accuracy 0.7824 (0.4541) mIoU 0.1905 (0.3512) +[2024-10-13 16:26:34,885 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 0/139 +[2024-10-13 16:26:35,049 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 1/139 +[2024-10-13 16:26:35,212 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 2/139 +[2024-10-13 16:26:35,376 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 3/139 +[2024-10-13 16:26:35,539 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 4/139 +[2024-10-13 16:26:35,701 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 5/139 +[2024-10-13 16:26:35,864 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 6/139 +[2024-10-13 16:26:36,027 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 7/139 +[2024-10-13 16:26:36,190 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 8/139 +[2024-10-13 16:26:36,353 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 9/139 +[2024-10-13 16:26:36,516 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 10/139 +[2024-10-13 16:26:36,679 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 11/139 +[2024-10-13 16:26:36,843 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 12/139 +[2024-10-13 16:26:37,007 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 13/139 +[2024-10-13 16:26:37,169 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 14/139 +[2024-10-13 16:26:37,331 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 15/139 +[2024-10-13 16:26:37,494 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 16/139 +[2024-10-13 16:26:37,656 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 17/139 +[2024-10-13 16:26:37,820 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 18/139 +[2024-10-13 16:26:37,984 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 19/139 +[2024-10-13 16:26:38,146 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 20/139 +[2024-10-13 16:26:38,310 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 21/139 +[2024-10-13 16:26:38,474 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 22/139 +[2024-10-13 16:26:38,636 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 23/139 +[2024-10-13 16:26:38,798 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 24/139 +[2024-10-13 16:26:38,963 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 25/139 +[2024-10-13 16:26:39,125 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 26/139 +[2024-10-13 16:26:39,288 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 27/139 +[2024-10-13 16:26:39,450 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 28/139 +[2024-10-13 16:26:39,611 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 29/139 +[2024-10-13 16:26:39,774 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 30/139 +[2024-10-13 16:26:39,936 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 31/139 +[2024-10-13 16:26:40,098 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 32/139 +[2024-10-13 16:26:40,261 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 33/139 +[2024-10-13 16:26:40,424 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 34/139 +[2024-10-13 16:26:40,587 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 35/139 +[2024-10-13 16:26:40,749 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 36/139 +[2024-10-13 16:26:40,912 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 37/139 +[2024-10-13 16:26:41,081 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 38/139 +[2024-10-13 16:26:41,244 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 39/139 +[2024-10-13 16:26:41,407 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 40/139 +[2024-10-13 16:26:41,572 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 41/139 +[2024-10-13 16:26:41,734 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 42/139 +[2024-10-13 16:26:41,898 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 43/139 +[2024-10-13 16:26:42,054 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 44/139 +[2024-10-13 16:26:42,208 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 45/139 +[2024-10-13 16:26:42,363 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 46/139 +[2024-10-13 16:26:42,518 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 47/139 +[2024-10-13 16:26:42,673 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 48/139 +[2024-10-13 16:26:42,827 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 49/139 +[2024-10-13 16:26:42,982 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 50/139 +[2024-10-13 16:26:43,137 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 51/139 +[2024-10-13 16:26:43,291 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 52/139 +[2024-10-13 16:26:43,446 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 53/139 +[2024-10-13 16:26:43,601 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 54/139 +[2024-10-13 16:26:43,756 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 55/139 +[2024-10-13 16:26:43,910 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 56/139 +[2024-10-13 16:26:44,065 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 57/139 +[2024-10-13 16:26:44,220 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 58/139 +[2024-10-13 16:26:44,375 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 59/139 +[2024-10-13 16:26:44,531 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 60/139 +[2024-10-13 16:26:44,685 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 61/139 +[2024-10-13 16:26:44,839 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 62/139 +[2024-10-13 16:26:44,996 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 63/139 +[2024-10-13 16:26:45,150 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 64/139 +[2024-10-13 16:26:45,305 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 65/139 +[2024-10-13 16:26:45,461 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 66/139 +[2024-10-13 16:26:45,615 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 67/139 +[2024-10-13 16:26:45,771 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 68/139 +[2024-10-13 16:26:45,925 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 69/139 +[2024-10-13 16:26:46,079 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 70/139 +[2024-10-13 16:26:46,233 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 71/139 +[2024-10-13 16:26:46,388 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 72/139 +[2024-10-13 16:26:46,542 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 73/139 +[2024-10-13 16:26:46,697 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 74/139 +[2024-10-13 16:26:46,851 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 75/139 +[2024-10-13 16:26:47,005 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 76/139 +[2024-10-13 16:26:47,159 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 77/139 +[2024-10-13 16:26:47,312 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 78/139 +[2024-10-13 16:26:47,467 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 79/139 +[2024-10-13 16:26:47,620 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 80/139 +[2024-10-13 16:26:47,774 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 81/139 +[2024-10-13 16:26:47,929 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 82/139 +[2024-10-13 16:26:48,083 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 83/139 +[2024-10-13 16:26:48,236 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 84/139 +[2024-10-13 16:26:48,391 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 85/139 +[2024-10-13 16:26:48,545 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 86/139 +[2024-10-13 16:26:48,698 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 87/139 +[2024-10-13 16:26:48,871 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 88/139 +[2024-10-13 16:26:49,043 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 89/139 +[2024-10-13 16:26:49,215 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 90/139 +[2024-10-13 16:26:49,391 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 91/139 +[2024-10-13 16:26:49,563 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 92/139 +[2024-10-13 16:26:49,735 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 93/139 +[2024-10-13 16:26:49,907 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 94/139 +[2024-10-13 16:26:50,080 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 95/139 +[2024-10-13 16:26:50,252 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 96/139 +[2024-10-13 16:26:50,424 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 97/139 +[2024-10-13 16:26:50,597 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 98/139 +[2024-10-13 16:26:50,769 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 99/139 +[2024-10-13 16:26:50,942 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 100/139 +[2024-10-13 16:26:51,114 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 101/139 +[2024-10-13 16:26:51,286 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 102/139 +[2024-10-13 16:26:51,461 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 103/139 +[2024-10-13 16:26:51,632 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 104/139 +[2024-10-13 16:26:51,805 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 105/139 +[2024-10-13 16:26:51,978 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 106/139 +[2024-10-13 16:26:52,149 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 107/139 +[2024-10-13 16:26:52,325 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 108/139 +[2024-10-13 16:26:52,498 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 109/139 +[2024-10-13 16:26:52,672 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 110/139 +[2024-10-13 16:26:52,844 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 111/139 +[2024-10-13 16:26:53,017 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 112/139 +[2024-10-13 16:26:53,189 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 113/139 +[2024-10-13 16:26:53,363 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 114/139 +[2024-10-13 16:26:53,536 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 115/139 +[2024-10-13 16:26:53,708 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 116/139 +[2024-10-13 16:26:53,881 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 117/139 +[2024-10-13 16:26:54,054 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 118/139 +[2024-10-13 16:26:54,227 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 119/139 +[2024-10-13 16:26:54,400 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 120/139 +[2024-10-13 16:26:54,572 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 121/139 +[2024-10-13 16:26:54,745 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 122/139 +[2024-10-13 16:26:54,920 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 123/139 +[2024-10-13 16:26:55,094 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 124/139 +[2024-10-13 16:26:55,268 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 125/139 +[2024-10-13 16:26:55,441 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 126/139 +[2024-10-13 16:26:55,613 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 127/139 +[2024-10-13 16:26:55,776 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 128/139 +[2024-10-13 16:26:55,939 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 129/139 +[2024-10-13 16:26:56,102 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 130/139 +[2024-10-13 16:26:56,264 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 131/139 +[2024-10-13 16:26:56,425 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 132/139 +[2024-10-13 16:26:56,588 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 133/139 +[2024-10-13 16:26:56,750 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 134/139 +[2024-10-13 16:26:56,913 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 135/139 +[2024-10-13 16:26:57,075 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 136/139 +[2024-10-13 16:26:57,237 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 137/139 +[2024-10-13 16:26:57,399 INFO test.py line 186 25394] Test: 177/312-scene0496_00, Batch: 138/139 +[2024-10-13 16:26:57,649 INFO test.py line 272 25394] Test: scene0496_00 [177/312]-192962 Batch 22.972 (19.543) Accuracy 0.8619 (0.4532) mIoU 0.4544 (0.3502) +[2024-10-13 16:26:57,803 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 0/126 +[2024-10-13 16:26:57,932 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 1/126 +[2024-10-13 16:26:58,060 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 2/126 +[2024-10-13 16:26:58,189 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 3/126 +[2024-10-13 16:26:58,318 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 4/126 +[2024-10-13 16:26:58,447 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 5/126 +[2024-10-13 16:26:58,575 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 6/126 +[2024-10-13 16:26:58,705 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 7/126 +[2024-10-13 16:26:58,833 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 8/126 +[2024-10-13 16:26:58,961 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 9/126 +[2024-10-13 16:26:59,091 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 10/126 +[2024-10-13 16:26:59,220 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 11/126 +[2024-10-13 16:26:59,349 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 12/126 +[2024-10-13 16:26:59,477 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 13/126 +[2024-10-13 16:26:59,607 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 14/126 +[2024-10-13 16:26:59,736 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 15/126 +[2024-10-13 16:26:59,865 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 16/126 +[2024-10-13 16:26:59,994 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 17/126 +[2024-10-13 16:27:00,123 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 18/126 +[2024-10-13 16:27:00,290 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 19/126 +[2024-10-13 16:27:00,421 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 20/126 +[2024-10-13 16:27:00,550 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 21/126 +[2024-10-13 16:27:00,679 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 22/126 +[2024-10-13 16:27:00,808 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 23/126 +[2024-10-13 16:27:00,937 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 24/126 +[2024-10-13 16:27:01,066 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 25/126 +[2024-10-13 16:27:01,194 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 26/126 +[2024-10-13 16:27:01,324 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 27/126 +[2024-10-13 16:27:01,452 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 28/126 +[2024-10-13 16:27:01,581 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 29/126 +[2024-10-13 16:27:01,710 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 30/126 +[2024-10-13 16:27:01,840 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 31/126 +[2024-10-13 16:27:01,969 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 32/126 +[2024-10-13 16:27:02,097 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 33/126 +[2024-10-13 16:27:02,227 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 34/126 +[2024-10-13 16:27:02,356 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 35/126 +[2024-10-13 16:27:02,484 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 36/126 +[2024-10-13 16:27:02,613 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 37/126 +[2024-10-13 16:27:02,743 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 38/126 +[2024-10-13 16:27:02,872 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 39/126 +[2024-10-13 16:27:02,996 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 40/126 +[2024-10-13 16:27:03,118 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 41/126 +[2024-10-13 16:27:03,240 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 42/126 +[2024-10-13 16:27:03,361 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 43/126 +[2024-10-13 16:27:03,485 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 44/126 +[2024-10-13 16:27:03,606 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 45/126 +[2024-10-13 16:27:03,728 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 46/126 +[2024-10-13 16:27:03,850 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 47/126 +[2024-10-13 16:27:03,971 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 48/126 +[2024-10-13 16:27:04,093 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 49/126 +[2024-10-13 16:27:04,214 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 50/126 +[2024-10-13 16:27:04,336 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 51/126 +[2024-10-13 16:27:04,457 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 52/126 +[2024-10-13 16:27:04,579 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 53/126 +[2024-10-13 16:27:04,700 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 54/126 +[2024-10-13 16:27:04,822 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 55/126 +[2024-10-13 16:27:04,943 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 56/126 +[2024-10-13 16:27:05,065 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 57/126 +[2024-10-13 16:27:05,187 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 58/126 +[2024-10-13 16:27:05,310 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 59/126 +[2024-10-13 16:27:05,431 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 60/126 +[2024-10-13 16:27:05,553 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 61/126 +[2024-10-13 16:27:05,676 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 62/126 +[2024-10-13 16:27:05,798 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 63/126 +[2024-10-13 16:27:05,920 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 64/126 +[2024-10-13 16:27:06,042 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 65/126 +[2024-10-13 16:27:06,165 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 66/126 +[2024-10-13 16:27:06,286 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 67/126 +[2024-10-13 16:27:06,408 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 68/126 +[2024-10-13 16:27:06,531 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 69/126 +[2024-10-13 16:27:06,652 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 70/126 +[2024-10-13 16:27:06,774 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 71/126 +[2024-10-13 16:27:06,896 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 72/126 +[2024-10-13 16:27:07,018 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 73/126 +[2024-10-13 16:27:07,140 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 74/126 +[2024-10-13 16:27:07,261 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 75/126 +[2024-10-13 16:27:07,383 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 76/126 +[2024-10-13 16:27:07,505 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 77/126 +[2024-10-13 16:27:07,627 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 78/126 +[2024-10-13 16:27:07,749 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 79/126 +[2024-10-13 16:27:07,886 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 80/126 +[2024-10-13 16:27:08,023 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 81/126 +[2024-10-13 16:27:08,159 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 82/126 +[2024-10-13 16:27:08,296 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 83/126 +[2024-10-13 16:27:08,433 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 84/126 +[2024-10-13 16:27:08,569 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 85/126 +[2024-10-13 16:27:08,708 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 86/126 +[2024-10-13 16:27:08,844 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 87/126 +[2024-10-13 16:27:08,981 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 88/126 +[2024-10-13 16:27:09,119 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 89/126 +[2024-10-13 16:27:09,256 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 90/126 +[2024-10-13 16:27:09,393 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 91/126 +[2024-10-13 16:27:09,531 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 92/126 +[2024-10-13 16:27:09,667 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 93/126 +[2024-10-13 16:27:09,804 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 94/126 +[2024-10-13 16:27:09,942 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 95/126 +[2024-10-13 16:27:10,080 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 96/126 +[2024-10-13 16:27:10,216 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 97/126 +[2024-10-13 16:27:10,353 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 98/126 +[2024-10-13 16:27:10,490 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 99/126 +[2024-10-13 16:27:10,626 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 100/126 +[2024-10-13 16:27:10,763 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 101/126 +[2024-10-13 16:27:10,900 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 102/126 +[2024-10-13 16:27:11,036 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 103/126 +[2024-10-13 16:27:11,173 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 104/126 +[2024-10-13 16:27:11,309 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 105/126 +[2024-10-13 16:27:11,446 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 106/126 +[2024-10-13 16:27:11,582 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 107/126 +[2024-10-13 16:27:11,719 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 108/126 +[2024-10-13 16:27:11,856 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 109/126 +[2024-10-13 16:27:11,993 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 110/126 +[2024-10-13 16:27:12,131 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 111/126 +[2024-10-13 16:27:12,268 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 112/126 +[2024-10-13 16:27:12,404 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 113/126 +[2024-10-13 16:27:12,541 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 114/126 +[2024-10-13 16:27:12,678 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 115/126 +[2024-10-13 16:27:12,807 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 116/126 +[2024-10-13 16:27:12,937 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 117/126 +[2024-10-13 16:27:13,066 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 118/126 +[2024-10-13 16:27:13,194 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 119/126 +[2024-10-13 16:27:13,323 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 120/126 +[2024-10-13 16:27:13,453 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 121/126 +[2024-10-13 16:27:13,582 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 122/126 +[2024-10-13 16:27:13,712 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 123/126 +[2024-10-13 16:27:13,841 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 124/126 +[2024-10-13 16:27:13,971 INFO test.py line 186 25394] Test: 178/312-scene0598_00, Batch: 125/126 +[2024-10-13 16:27:14,154 INFO test.py line 272 25394] Test: scene0598_00 [178/312]-145562 Batch 16.505 (19.526) Accuracy 0.4414 (0.4518) mIoU 0.3920 (0.3499) +[2024-10-13 16:27:14,295 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 0/135 +[2024-10-13 16:27:14,418 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 1/135 +[2024-10-13 16:27:14,543 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 2/135 +[2024-10-13 16:27:14,666 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 3/135 +[2024-10-13 16:27:14,789 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 4/135 +[2024-10-13 16:27:14,912 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 5/135 +[2024-10-13 16:27:15,034 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 6/135 +[2024-10-13 16:27:15,157 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 7/135 +[2024-10-13 16:27:15,280 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 8/135 +[2024-10-13 16:27:15,402 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 9/135 +[2024-10-13 16:27:15,525 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 10/135 +[2024-10-13 16:27:15,648 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 11/135 +[2024-10-13 16:27:15,770 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 12/135 +[2024-10-13 16:27:15,893 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 13/135 +[2024-10-13 16:27:16,017 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 14/135 +[2024-10-13 16:27:16,139 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 15/135 +[2024-10-13 16:27:16,261 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 16/135 +[2024-10-13 16:27:16,385 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 17/135 +[2024-10-13 16:27:16,508 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 18/135 +[2024-10-13 16:27:16,630 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 19/135 +[2024-10-13 16:27:16,754 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 20/135 +[2024-10-13 16:27:16,877 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 21/135 +[2024-10-13 16:27:17,000 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 22/135 +[2024-10-13 16:27:17,123 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 23/135 +[2024-10-13 16:27:17,246 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 24/135 +[2024-10-13 16:27:17,368 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 25/135 +[2024-10-13 16:27:17,492 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 26/135 +[2024-10-13 16:27:17,615 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 27/135 +[2024-10-13 16:27:17,738 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 28/135 +[2024-10-13 16:27:17,860 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 29/135 +[2024-10-13 16:27:17,984 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 30/135 +[2024-10-13 16:27:18,107 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 31/135 +[2024-10-13 16:27:18,230 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 32/135 +[2024-10-13 16:27:18,352 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 33/135 +[2024-10-13 16:27:18,475 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 34/135 +[2024-10-13 16:27:18,597 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 35/135 +[2024-10-13 16:27:18,719 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 36/135 +[2024-10-13 16:27:18,842 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 37/135 +[2024-10-13 16:27:18,965 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 38/135 +[2024-10-13 16:27:19,091 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 39/135 +[2024-10-13 16:27:19,248 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 40/135 +[2024-10-13 16:27:19,372 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 41/135 +[2024-10-13 16:27:19,496 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 42/135 +[2024-10-13 16:27:19,618 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 43/135 +[2024-10-13 16:27:19,733 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 44/135 +[2024-10-13 16:27:19,849 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 45/135 +[2024-10-13 16:27:19,964 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 46/135 +[2024-10-13 16:27:20,079 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 47/135 +[2024-10-13 16:27:20,194 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 48/135 +[2024-10-13 16:27:20,309 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 49/135 +[2024-10-13 16:27:20,424 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 50/135 +[2024-10-13 16:27:20,539 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 51/135 +[2024-10-13 16:27:20,654 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 52/135 +[2024-10-13 16:27:20,769 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 53/135 +[2024-10-13 16:27:20,884 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 54/135 +[2024-10-13 16:27:20,999 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 55/135 +[2024-10-13 16:27:21,114 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 56/135 +[2024-10-13 16:27:21,229 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 57/135 +[2024-10-13 16:27:21,344 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 58/135 +[2024-10-13 16:27:21,459 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 59/135 +[2024-10-13 16:27:21,574 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 60/135 +[2024-10-13 16:27:21,689 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 61/135 +[2024-10-13 16:27:21,804 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 62/135 +[2024-10-13 16:27:21,918 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 63/135 +[2024-10-13 16:27:22,033 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 64/135 +[2024-10-13 16:27:22,148 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 65/135 +[2024-10-13 16:27:22,263 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 66/135 +[2024-10-13 16:27:22,377 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 67/135 +[2024-10-13 16:27:22,492 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 68/135 +[2024-10-13 16:27:22,607 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 69/135 +[2024-10-13 16:27:22,722 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 70/135 +[2024-10-13 16:27:22,837 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 71/135 +[2024-10-13 16:27:22,951 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 72/135 +[2024-10-13 16:27:23,066 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 73/135 +[2024-10-13 16:27:23,181 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 74/135 +[2024-10-13 16:27:23,296 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 75/135 +[2024-10-13 16:27:23,411 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 76/135 +[2024-10-13 16:27:23,525 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 77/135 +[2024-10-13 16:27:23,640 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 78/135 +[2024-10-13 16:27:23,755 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 79/135 +[2024-10-13 16:27:23,869 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 80/135 +[2024-10-13 16:27:23,984 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 81/135 +[2024-10-13 16:27:24,099 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 82/135 +[2024-10-13 16:27:24,214 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 83/135 +[2024-10-13 16:27:24,329 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 84/135 +[2024-10-13 16:27:24,443 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 85/135 +[2024-10-13 16:27:24,558 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 86/135 +[2024-10-13 16:27:24,673 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 87/135 +[2024-10-13 16:27:24,802 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 88/135 +[2024-10-13 16:27:24,930 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 89/135 +[2024-10-13 16:27:25,059 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 90/135 +[2024-10-13 16:27:25,188 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 91/135 +[2024-10-13 16:27:25,316 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 92/135 +[2024-10-13 16:27:25,444 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 93/135 +[2024-10-13 16:27:25,573 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 94/135 +[2024-10-13 16:27:25,701 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 95/135 +[2024-10-13 16:27:25,830 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 96/135 +[2024-10-13 16:27:25,959 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 97/135 +[2024-10-13 16:27:26,088 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 98/135 +[2024-10-13 16:27:26,218 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 99/135 +[2024-10-13 16:27:26,347 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 100/135 +[2024-10-13 16:27:26,476 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 101/135 +[2024-10-13 16:27:26,605 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 102/135 +[2024-10-13 16:27:26,734 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 103/135 +[2024-10-13 16:27:26,863 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 104/135 +[2024-10-13 16:27:26,992 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 105/135 +[2024-10-13 16:27:27,121 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 106/135 +[2024-10-13 16:27:27,249 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 107/135 +[2024-10-13 16:27:27,378 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 108/135 +[2024-10-13 16:27:27,506 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 109/135 +[2024-10-13 16:27:27,635 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 110/135 +[2024-10-13 16:27:27,763 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 111/135 +[2024-10-13 16:27:27,892 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 112/135 +[2024-10-13 16:27:28,020 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 113/135 +[2024-10-13 16:27:28,149 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 114/135 +[2024-10-13 16:27:28,278 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 115/135 +[2024-10-13 16:27:28,406 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 116/135 +[2024-10-13 16:27:28,535 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 117/135 +[2024-10-13 16:27:28,663 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 118/135 +[2024-10-13 16:27:28,792 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 119/135 +[2024-10-13 16:27:28,920 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 120/135 +[2024-10-13 16:27:29,049 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 121/135 +[2024-10-13 16:27:29,178 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 122/135 +[2024-10-13 16:27:29,306 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 123/135 +[2024-10-13 16:27:29,429 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 124/135 +[2024-10-13 16:27:29,552 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 125/135 +[2024-10-13 16:27:29,674 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 126/135 +[2024-10-13 16:27:29,797 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 127/135 +[2024-10-13 16:27:29,920 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 128/135 +[2024-10-13 16:27:30,042 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 129/135 +[2024-10-13 16:27:30,165 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 130/135 +[2024-10-13 16:27:30,288 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 131/135 +[2024-10-13 16:27:30,411 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 132/135 +[2024-10-13 16:27:30,533 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 133/135 +[2024-10-13 16:27:30,656 INFO test.py line 186 25394] Test: 179/312-scene0685_00, Batch: 134/135 +[2024-10-13 16:27:30,829 INFO test.py line 272 25394] Test: scene0685_00 [179/312]-132720 Batch 16.674 (19.510) Accuracy 0.8731 (0.4520) mIoU 0.3276 (0.3499) +[2024-10-13 16:27:30,938 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 0/143 +[2024-10-13 16:27:31,034 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 1/143 +[2024-10-13 16:27:31,129 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 2/143 +[2024-10-13 16:27:31,225 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 3/143 +[2024-10-13 16:27:31,321 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 4/143 +[2024-10-13 16:27:31,416 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 5/143 +[2024-10-13 16:27:31,512 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 6/143 +[2024-10-13 16:27:31,608 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 7/143 +[2024-10-13 16:27:31,703 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 8/143 +[2024-10-13 16:27:31,798 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 9/143 +[2024-10-13 16:27:31,894 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 10/143 +[2024-10-13 16:27:31,989 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 11/143 +[2024-10-13 16:27:32,085 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 12/143 +[2024-10-13 16:27:32,180 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 13/143 +[2024-10-13 16:27:32,275 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 14/143 +[2024-10-13 16:27:32,371 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 15/143 +[2024-10-13 16:27:32,466 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 16/143 +[2024-10-13 16:27:32,562 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 17/143 +[2024-10-13 16:27:32,657 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 18/143 +[2024-10-13 16:27:32,753 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 19/143 +[2024-10-13 16:27:32,848 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 20/143 +[2024-10-13 16:27:32,943 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 21/143 +[2024-10-13 16:27:33,038 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 22/143 +[2024-10-13 16:27:33,133 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 23/143 +[2024-10-13 16:27:33,229 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 24/143 +[2024-10-13 16:27:33,324 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 25/143 +[2024-10-13 16:27:33,420 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 26/143 +[2024-10-13 16:27:33,515 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 27/143 +[2024-10-13 16:27:33,611 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 28/143 +[2024-10-13 16:27:33,706 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 29/143 +[2024-10-13 16:27:33,802 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 30/143 +[2024-10-13 16:27:33,898 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 31/143 +[2024-10-13 16:27:33,993 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 32/143 +[2024-10-13 16:27:34,089 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 33/143 +[2024-10-13 16:27:34,184 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 34/143 +[2024-10-13 16:27:34,279 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 35/143 +[2024-10-13 16:27:34,375 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 36/143 +[2024-10-13 16:27:34,470 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 37/143 +[2024-10-13 16:27:34,566 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 38/143 +[2024-10-13 16:27:34,661 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 39/143 +[2024-10-13 16:27:34,757 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 40/143 +[2024-10-13 16:27:34,852 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 41/143 +[2024-10-13 16:27:34,947 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 42/143 +[2024-10-13 16:27:35,043 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 43/143 +[2024-10-13 16:27:35,133 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 44/143 +[2024-10-13 16:27:35,223 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 45/143 +[2024-10-13 16:27:35,312 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 46/143 +[2024-10-13 16:27:35,402 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 47/143 +[2024-10-13 16:27:35,492 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 48/143 +[2024-10-13 16:27:35,582 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 49/143 +[2024-10-13 16:27:35,672 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 50/143 +[2024-10-13 16:27:35,762 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 51/143 +[2024-10-13 16:27:35,852 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 52/143 +[2024-10-13 16:27:35,942 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 53/143 +[2024-10-13 16:27:36,032 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 54/143 +[2024-10-13 16:27:36,122 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 55/143 +[2024-10-13 16:27:36,212 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 56/143 +[2024-10-13 16:27:36,302 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 57/143 +[2024-10-13 16:27:36,392 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 58/143 +[2024-10-13 16:27:36,482 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 59/143 +[2024-10-13 16:27:36,572 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 60/143 +[2024-10-13 16:27:36,662 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 61/143 +[2024-10-13 16:27:36,752 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 62/143 +[2024-10-13 16:27:36,842 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 63/143 +[2024-10-13 16:27:36,932 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 64/143 +[2024-10-13 16:27:37,022 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 65/143 +[2024-10-13 16:27:37,112 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 66/143 +[2024-10-13 16:27:37,202 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 67/143 +[2024-10-13 16:27:37,292 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 68/143 +[2024-10-13 16:27:37,382 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 69/143 +[2024-10-13 16:27:37,472 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 70/143 +[2024-10-13 16:27:37,561 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 71/143 +[2024-10-13 16:27:37,651 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 72/143 +[2024-10-13 16:27:37,782 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 73/143 +[2024-10-13 16:27:37,873 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 74/143 +[2024-10-13 16:27:37,963 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 75/143 +[2024-10-13 16:27:38,054 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 76/143 +[2024-10-13 16:27:38,144 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 77/143 +[2024-10-13 16:27:38,235 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 78/143 +[2024-10-13 16:27:38,325 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 79/143 +[2024-10-13 16:27:38,414 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 80/143 +[2024-10-13 16:27:38,504 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 81/143 +[2024-10-13 16:27:38,594 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 82/143 +[2024-10-13 16:27:38,683 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 83/143 +[2024-10-13 16:27:38,773 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 84/143 +[2024-10-13 16:27:38,863 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 85/143 +[2024-10-13 16:27:38,953 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 86/143 +[2024-10-13 16:27:39,042 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 87/143 +[2024-10-13 16:27:39,143 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 88/143 +[2024-10-13 16:27:39,243 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 89/143 +[2024-10-13 16:27:39,344 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 90/143 +[2024-10-13 16:27:39,445 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 91/143 +[2024-10-13 16:27:39,546 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 92/143 +[2024-10-13 16:27:39,646 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 93/143 +[2024-10-13 16:27:39,748 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 94/143 +[2024-10-13 16:27:39,848 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 95/143 +[2024-10-13 16:27:39,949 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 96/143 +[2024-10-13 16:27:40,050 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 97/143 +[2024-10-13 16:27:40,150 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 98/143 +[2024-10-13 16:27:40,251 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 99/143 +[2024-10-13 16:27:40,351 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 100/143 +[2024-10-13 16:27:40,452 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 101/143 +[2024-10-13 16:27:40,552 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 102/143 +[2024-10-13 16:27:40,653 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 103/143 +[2024-10-13 16:27:40,754 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 104/143 +[2024-10-13 16:27:40,855 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 105/143 +[2024-10-13 16:27:40,955 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 106/143 +[2024-10-13 16:27:41,056 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 107/143 +[2024-10-13 16:27:41,157 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 108/143 +[2024-10-13 16:27:41,257 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 109/143 +[2024-10-13 16:27:41,358 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 110/143 +[2024-10-13 16:27:41,458 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 111/143 +[2024-10-13 16:27:41,559 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 112/143 +[2024-10-13 16:27:41,659 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 113/143 +[2024-10-13 16:27:41,760 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 114/143 +[2024-10-13 16:27:41,861 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 115/143 +[2024-10-13 16:27:41,962 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 116/143 +[2024-10-13 16:27:42,062 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 117/143 +[2024-10-13 16:27:42,163 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 118/143 +[2024-10-13 16:27:42,263 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 119/143 +[2024-10-13 16:27:42,364 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 120/143 +[2024-10-13 16:27:42,464 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 121/143 +[2024-10-13 16:27:42,565 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 122/143 +[2024-10-13 16:27:42,666 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 123/143 +[2024-10-13 16:27:42,767 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 124/143 +[2024-10-13 16:27:42,867 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 125/143 +[2024-10-13 16:27:42,967 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 126/143 +[2024-10-13 16:27:43,068 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 127/143 +[2024-10-13 16:27:43,168 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 128/143 +[2024-10-13 16:27:43,269 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 129/143 +[2024-10-13 16:27:43,369 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 130/143 +[2024-10-13 16:27:43,470 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 131/143 +[2024-10-13 16:27:43,565 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 132/143 +[2024-10-13 16:27:43,661 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 133/143 +[2024-10-13 16:27:43,756 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 134/143 +[2024-10-13 16:27:43,852 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 135/143 +[2024-10-13 16:27:43,947 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 136/143 +[2024-10-13 16:27:44,043 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 137/143 +[2024-10-13 16:27:44,138 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 138/143 +[2024-10-13 16:27:44,233 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 139/143 +[2024-10-13 16:27:44,329 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 140/143 +[2024-10-13 16:27:44,424 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 141/143 +[2024-10-13 16:27:44,519 INFO test.py line 186 25394] Test: 180/312-scene0356_01, Batch: 142/143 +[2024-10-13 16:27:44,645 INFO test.py line 272 25394] Test: scene0356_01 [180/312]-96610 Batch 13.817 (19.478) Accuracy 0.9395 (0.4525) mIoU 0.6338 (0.3503) +[2024-10-13 16:27:44,817 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 0/155 +[2024-10-13 16:27:44,963 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 1/155 +[2024-10-13 16:27:45,108 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 2/155 +[2024-10-13 16:27:45,254 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 3/155 +[2024-10-13 16:27:45,400 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 4/155 +[2024-10-13 16:27:45,546 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 5/155 +[2024-10-13 16:27:45,691 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 6/155 +[2024-10-13 16:27:45,836 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 7/155 +[2024-10-13 16:27:45,982 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 8/155 +[2024-10-13 16:27:46,127 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 9/155 +[2024-10-13 16:27:46,273 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 10/155 +[2024-10-13 16:27:46,418 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 11/155 +[2024-10-13 16:27:46,564 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 12/155 +[2024-10-13 16:27:46,710 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 13/155 +[2024-10-13 16:27:46,889 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 14/155 +[2024-10-13 16:27:47,037 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 15/155 +[2024-10-13 16:27:47,182 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 16/155 +[2024-10-13 16:27:47,327 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 17/155 +[2024-10-13 16:27:47,472 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 18/155 +[2024-10-13 16:27:47,618 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 19/155 +[2024-10-13 16:27:47,763 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 20/155 +[2024-10-13 16:27:47,908 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 21/155 +[2024-10-13 16:27:48,053 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 22/155 +[2024-10-13 16:27:48,198 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 23/155 +[2024-10-13 16:27:48,343 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 24/155 +[2024-10-13 16:27:48,487 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 25/155 +[2024-10-13 16:27:48,632 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 26/155 +[2024-10-13 16:27:48,777 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 27/155 +[2024-10-13 16:27:48,922 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 28/155 +[2024-10-13 16:27:49,067 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 29/155 +[2024-10-13 16:27:49,212 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 30/155 +[2024-10-13 16:27:49,357 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 31/155 +[2024-10-13 16:27:49,502 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 32/155 +[2024-10-13 16:27:49,647 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 33/155 +[2024-10-13 16:27:49,793 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 34/155 +[2024-10-13 16:27:49,939 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 35/155 +[2024-10-13 16:27:50,084 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 36/155 +[2024-10-13 16:27:50,230 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 37/155 +[2024-10-13 16:27:50,376 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 38/155 +[2024-10-13 16:27:50,521 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 39/155 +[2024-10-13 16:27:50,667 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 40/155 +[2024-10-13 16:27:50,813 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 41/155 +[2024-10-13 16:27:50,959 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 42/155 +[2024-10-13 16:27:51,104 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 43/155 +[2024-10-13 16:27:51,241 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 44/155 +[2024-10-13 16:27:51,378 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 45/155 +[2024-10-13 16:27:51,514 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 46/155 +[2024-10-13 16:27:51,651 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 47/155 +[2024-10-13 16:27:51,788 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 48/155 +[2024-10-13 16:27:51,925 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 49/155 +[2024-10-13 16:27:52,063 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 50/155 +[2024-10-13 16:27:52,199 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 51/155 +[2024-10-13 16:27:52,336 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 52/155 +[2024-10-13 16:27:52,472 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 53/155 +[2024-10-13 16:27:52,609 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 54/155 +[2024-10-13 16:27:52,746 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 55/155 +[2024-10-13 16:27:52,883 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 56/155 +[2024-10-13 16:27:53,020 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 57/155 +[2024-10-13 16:27:53,158 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 58/155 +[2024-10-13 16:27:53,295 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 59/155 +[2024-10-13 16:27:53,432 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 60/155 +[2024-10-13 16:27:53,569 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 61/155 +[2024-10-13 16:27:53,706 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 62/155 +[2024-10-13 16:27:53,843 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 63/155 +[2024-10-13 16:27:53,980 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 64/155 +[2024-10-13 16:27:54,118 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 65/155 +[2024-10-13 16:27:54,255 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 66/155 +[2024-10-13 16:27:54,392 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 67/155 +[2024-10-13 16:27:54,529 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 68/155 +[2024-10-13 16:27:54,666 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 69/155 +[2024-10-13 16:27:54,803 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 70/155 +[2024-10-13 16:27:54,940 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 71/155 +[2024-10-13 16:27:55,077 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 72/155 +[2024-10-13 16:27:55,213 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 73/155 +[2024-10-13 16:27:55,350 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 74/155 +[2024-10-13 16:27:55,487 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 75/155 +[2024-10-13 16:27:55,624 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 76/155 +[2024-10-13 16:27:55,761 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 77/155 +[2024-10-13 16:27:55,897 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 78/155 +[2024-10-13 16:27:56,034 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 79/155 +[2024-10-13 16:27:56,171 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 80/155 +[2024-10-13 16:27:56,308 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 81/155 +[2024-10-13 16:27:56,445 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 82/155 +[2024-10-13 16:27:56,583 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 83/155 +[2024-10-13 16:27:56,720 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 84/155 +[2024-10-13 16:27:56,858 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 85/155 +[2024-10-13 16:27:56,996 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 86/155 +[2024-10-13 16:27:57,133 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 87/155 +[2024-10-13 16:27:57,271 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 88/155 +[2024-10-13 16:27:57,408 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 89/155 +[2024-10-13 16:27:57,546 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 90/155 +[2024-10-13 16:27:57,684 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 91/155 +[2024-10-13 16:27:57,822 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 92/155 +[2024-10-13 16:27:57,959 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 93/155 +[2024-10-13 16:27:58,096 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 94/155 +[2024-10-13 16:27:58,234 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 95/155 +[2024-10-13 16:27:58,387 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 96/155 +[2024-10-13 16:27:58,542 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 97/155 +[2024-10-13 16:27:58,696 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 98/155 +[2024-10-13 16:27:58,849 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 99/155 +[2024-10-13 16:27:59,002 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 100/155 +[2024-10-13 16:27:59,156 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 101/155 +[2024-10-13 16:27:59,309 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 102/155 +[2024-10-13 16:27:59,462 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 103/155 +[2024-10-13 16:27:59,616 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 104/155 +[2024-10-13 16:27:59,769 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 105/155 +[2024-10-13 16:27:59,923 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 106/155 +[2024-10-13 16:28:00,077 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 107/155 +[2024-10-13 16:28:00,230 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 108/155 +[2024-10-13 16:28:00,383 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 109/155 +[2024-10-13 16:28:00,536 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 110/155 +[2024-10-13 16:28:00,689 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 111/155 +[2024-10-13 16:28:00,842 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 112/155 +[2024-10-13 16:28:00,995 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 113/155 +[2024-10-13 16:28:01,148 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 114/155 +[2024-10-13 16:28:01,301 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 115/155 +[2024-10-13 16:28:01,454 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 116/155 +[2024-10-13 16:28:01,607 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 117/155 +[2024-10-13 16:28:01,760 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 118/155 +[2024-10-13 16:28:01,913 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 119/155 +[2024-10-13 16:28:02,067 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 120/155 +[2024-10-13 16:28:02,220 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 121/155 +[2024-10-13 16:28:02,374 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 122/155 +[2024-10-13 16:28:02,527 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 123/155 +[2024-10-13 16:28:02,680 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 124/155 +[2024-10-13 16:28:02,834 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 125/155 +[2024-10-13 16:28:02,987 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 126/155 +[2024-10-13 16:28:03,140 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 127/155 +[2024-10-13 16:28:03,294 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 128/155 +[2024-10-13 16:28:03,447 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 129/155 +[2024-10-13 16:28:03,601 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 130/155 +[2024-10-13 16:28:03,754 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 131/155 +[2024-10-13 16:28:03,907 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 132/155 +[2024-10-13 16:28:04,061 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 133/155 +[2024-10-13 16:28:04,214 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 134/155 +[2024-10-13 16:28:04,368 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 135/155 +[2024-10-13 16:28:04,521 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 136/155 +[2024-10-13 16:28:04,674 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 137/155 +[2024-10-13 16:28:04,828 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 138/155 +[2024-10-13 16:28:04,981 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 139/155 +[2024-10-13 16:28:05,134 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 140/155 +[2024-10-13 16:28:05,288 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 141/155 +[2024-10-13 16:28:05,441 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 142/155 +[2024-10-13 16:28:05,595 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 143/155 +[2024-10-13 16:28:05,739 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 144/155 +[2024-10-13 16:28:05,885 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 145/155 +[2024-10-13 16:28:06,029 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 146/155 +[2024-10-13 16:28:06,174 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 147/155 +[2024-10-13 16:28:06,320 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 148/155 +[2024-10-13 16:28:06,465 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 149/155 +[2024-10-13 16:28:06,610 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 150/155 +[2024-10-13 16:28:06,755 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 151/155 +[2024-10-13 16:28:06,900 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 152/155 +[2024-10-13 16:28:07,045 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 153/155 +[2024-10-13 16:28:07,190 INFO test.py line 186 25394] Test: 181/312-scene0088_00, Batch: 154/155 +[2024-10-13 16:28:07,401 INFO test.py line 272 25394] Test: scene0088_00 [181/312]-166872 Batch 22.755 (19.496) Accuracy 0.6786 (0.4524) mIoU 0.4401 (0.3500) +[2024-10-13 16:28:07,683 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 0/130 +[2024-10-13 16:28:07,918 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 1/130 +[2024-10-13 16:28:08,152 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 2/130 +[2024-10-13 16:28:08,388 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 3/130 +[2024-10-13 16:28:08,623 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 4/130 +[2024-10-13 16:28:08,859 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 5/130 +[2024-10-13 16:28:09,094 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 6/130 +[2024-10-13 16:28:09,328 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 7/130 +[2024-10-13 16:28:09,562 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 8/130 +[2024-10-13 16:28:09,797 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 9/130 +[2024-10-13 16:28:10,031 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 10/130 +[2024-10-13 16:28:10,265 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 11/130 +[2024-10-13 16:28:10,500 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 12/130 +[2024-10-13 16:28:10,733 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 13/130 +[2024-10-13 16:28:10,967 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 14/130 +[2024-10-13 16:28:11,200 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 15/130 +[2024-10-13 16:28:11,434 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 16/130 +[2024-10-13 16:28:11,667 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 17/130 +[2024-10-13 16:28:11,901 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 18/130 +[2024-10-13 16:28:12,134 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 19/130 +[2024-10-13 16:28:12,368 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 20/130 +[2024-10-13 16:28:12,601 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 21/130 +[2024-10-13 16:28:12,835 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 22/130 +[2024-10-13 16:28:13,070 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 23/130 +[2024-10-13 16:28:13,304 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 24/130 +[2024-10-13 16:28:13,538 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 25/130 +[2024-10-13 16:28:13,772 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 26/130 +[2024-10-13 16:28:14,006 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 27/130 +[2024-10-13 16:28:14,239 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 28/130 +[2024-10-13 16:28:14,473 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 29/130 +[2024-10-13 16:28:14,707 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 30/130 +[2024-10-13 16:28:14,941 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 31/130 +[2024-10-13 16:28:15,175 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 32/130 +[2024-10-13 16:28:15,409 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 33/130 +[2024-10-13 16:28:15,643 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 34/130 +[2024-10-13 16:28:15,878 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 35/130 +[2024-10-13 16:28:16,112 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 36/130 +[2024-10-13 16:28:16,346 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 37/130 +[2024-10-13 16:28:16,580 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 38/130 +[2024-10-13 16:28:16,814 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 39/130 +[2024-10-13 16:28:17,033 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 40/130 +[2024-10-13 16:28:17,253 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 41/130 +[2024-10-13 16:28:17,472 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 42/130 +[2024-10-13 16:28:17,691 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 43/130 +[2024-10-13 16:28:17,911 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 44/130 +[2024-10-13 16:28:18,130 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 45/130 +[2024-10-13 16:28:18,349 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 46/130 +[2024-10-13 16:28:18,569 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 47/130 +[2024-10-13 16:28:18,788 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 48/130 +[2024-10-13 16:28:19,008 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 49/130 +[2024-10-13 16:28:19,228 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 50/130 +[2024-10-13 16:28:19,448 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 51/130 +[2024-10-13 16:28:19,669 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 52/130 +[2024-10-13 16:28:19,889 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 53/130 +[2024-10-13 16:28:20,109 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 54/130 +[2024-10-13 16:28:20,328 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 55/130 +[2024-10-13 16:28:20,548 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 56/130 +[2024-10-13 16:28:20,767 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 57/130 +[2024-10-13 16:28:20,987 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 58/130 +[2024-10-13 16:28:21,207 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 59/130 +[2024-10-13 16:28:21,427 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 60/130 +[2024-10-13 16:28:21,647 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 61/130 +[2024-10-13 16:28:21,868 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 62/130 +[2024-10-13 16:28:22,087 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 63/130 +[2024-10-13 16:28:22,308 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 64/130 +[2024-10-13 16:28:22,527 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 65/130 +[2024-10-13 16:28:22,747 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 66/130 +[2024-10-13 16:28:22,967 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 67/130 +[2024-10-13 16:28:23,187 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 68/130 +[2024-10-13 16:28:23,407 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 69/130 +[2024-10-13 16:28:23,627 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 70/130 +[2024-10-13 16:28:23,847 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 71/130 +[2024-10-13 16:28:24,067 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 72/130 +[2024-10-13 16:28:24,286 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 73/130 +[2024-10-13 16:28:24,507 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 74/130 +[2024-10-13 16:28:24,727 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 75/130 +[2024-10-13 16:28:24,946 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 76/130 +[2024-10-13 16:28:25,166 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 77/130 +[2024-10-13 16:28:25,386 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 78/130 +[2024-10-13 16:28:25,606 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 79/130 +[2024-10-13 16:28:25,826 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 80/130 +[2024-10-13 16:28:26,046 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 81/130 +[2024-10-13 16:28:26,266 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 82/130 +[2024-10-13 16:28:26,486 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 83/130 +[2024-10-13 16:28:26,736 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 84/130 +[2024-10-13 16:28:26,986 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 85/130 +[2024-10-13 16:28:27,236 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 86/130 +[2024-10-13 16:28:27,486 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 87/130 +[2024-10-13 16:28:27,736 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 88/130 +[2024-10-13 16:28:27,986 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 89/130 +[2024-10-13 16:28:28,236 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 90/130 +[2024-10-13 16:28:28,487 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 91/130 +[2024-10-13 16:28:28,737 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 92/130 +[2024-10-13 16:28:28,987 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 93/130 +[2024-10-13 16:28:29,238 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 94/130 +[2024-10-13 16:28:29,487 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 95/130 +[2024-10-13 16:28:29,738 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 96/130 +[2024-10-13 16:28:29,989 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 97/130 +[2024-10-13 16:28:30,239 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 98/130 +[2024-10-13 16:28:30,489 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 99/130 +[2024-10-13 16:28:30,740 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 100/130 +[2024-10-13 16:28:30,990 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 101/130 +[2024-10-13 16:28:31,240 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 102/130 +[2024-10-13 16:28:31,490 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 103/130 +[2024-10-13 16:28:31,740 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 104/130 +[2024-10-13 16:28:31,990 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 105/130 +[2024-10-13 16:28:32,241 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 106/130 +[2024-10-13 16:28:32,490 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 107/130 +[2024-10-13 16:28:32,740 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 108/130 +[2024-10-13 16:28:32,990 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 109/130 +[2024-10-13 16:28:33,240 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 110/130 +[2024-10-13 16:28:33,490 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 111/130 +[2024-10-13 16:28:33,740 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 112/130 +[2024-10-13 16:28:33,990 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 113/130 +[2024-10-13 16:28:34,240 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 114/130 +[2024-10-13 16:28:34,490 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 115/130 +[2024-10-13 16:28:34,740 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 116/130 +[2024-10-13 16:28:34,990 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 117/130 +[2024-10-13 16:28:35,240 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 118/130 +[2024-10-13 16:28:35,490 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 119/130 +[2024-10-13 16:28:35,724 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 120/130 +[2024-10-13 16:28:35,958 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 121/130 +[2024-10-13 16:28:36,193 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 122/130 +[2024-10-13 16:28:36,428 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 123/130 +[2024-10-13 16:28:36,662 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 124/130 +[2024-10-13 16:28:36,895 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 125/130 +[2024-10-13 16:28:37,130 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 126/130 +[2024-10-13 16:28:37,364 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 127/130 +[2024-10-13 16:28:37,597 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 128/130 +[2024-10-13 16:28:37,832 INFO test.py line 186 25394] Test: 182/312-scene0030_00, Batch: 129/130 +[2024-10-13 16:28:38,205 INFO test.py line 272 25394] Test: scene0030_00 [182/312]-293811 Batch 30.804 (19.559) Accuracy 0.8819 (0.4527) mIoU 0.3912 (0.3502) +[2024-10-13 16:28:38,304 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 0/152 +[2024-10-13 16:28:38,391 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 1/152 +[2024-10-13 16:28:38,478 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 2/152 +[2024-10-13 16:28:38,565 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 3/152 +[2024-10-13 16:28:38,652 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 4/152 +[2024-10-13 16:28:38,740 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 5/152 +[2024-10-13 16:28:38,827 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 6/152 +[2024-10-13 16:28:38,914 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 7/152 +[2024-10-13 16:28:39,000 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 8/152 +[2024-10-13 16:28:39,087 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 9/152 +[2024-10-13 16:28:39,174 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 10/152 +[2024-10-13 16:28:39,261 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 11/152 +[2024-10-13 16:28:39,348 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 12/152 +[2024-10-13 16:28:39,435 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 13/152 +[2024-10-13 16:28:39,522 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 14/152 +[2024-10-13 16:28:39,608 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 15/152 +[2024-10-13 16:28:39,695 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 16/152 +[2024-10-13 16:28:39,782 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 17/152 +[2024-10-13 16:28:39,869 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 18/152 +[2024-10-13 16:28:39,956 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 19/152 +[2024-10-13 16:28:40,043 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 20/152 +[2024-10-13 16:28:40,130 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 21/152 +[2024-10-13 16:28:40,217 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 22/152 +[2024-10-13 16:28:40,304 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 23/152 +[2024-10-13 16:28:40,390 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 24/152 +[2024-10-13 16:28:40,477 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 25/152 +[2024-10-13 16:28:40,563 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 26/152 +[2024-10-13 16:28:40,650 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 27/152 +[2024-10-13 16:28:40,737 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 28/152 +[2024-10-13 16:28:40,823 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 29/152 +[2024-10-13 16:28:40,910 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 30/152 +[2024-10-13 16:28:40,997 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 31/152 +[2024-10-13 16:28:41,083 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 32/152 +[2024-10-13 16:28:41,170 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 33/152 +[2024-10-13 16:28:41,257 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 34/152 +[2024-10-13 16:28:41,343 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 35/152 +[2024-10-13 16:28:41,431 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 36/152 +[2024-10-13 16:28:41,520 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 37/152 +[2024-10-13 16:28:41,651 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 38/152 +[2024-10-13 16:28:41,745 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 39/152 +[2024-10-13 16:28:41,833 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 40/152 +[2024-10-13 16:28:41,922 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 41/152 +[2024-10-13 16:28:42,009 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 42/152 +[2024-10-13 16:28:42,096 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 43/152 +[2024-10-13 16:28:42,183 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 44/152 +[2024-10-13 16:28:42,269 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 45/152 +[2024-10-13 16:28:42,356 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 46/152 +[2024-10-13 16:28:42,443 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 47/152 +[2024-10-13 16:28:42,526 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 48/152 +[2024-10-13 16:28:42,609 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 49/152 +[2024-10-13 16:28:42,693 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 50/152 +[2024-10-13 16:28:42,776 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 51/152 +[2024-10-13 16:28:42,859 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 52/152 +[2024-10-13 16:28:42,942 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 53/152 +[2024-10-13 16:28:43,025 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 54/152 +[2024-10-13 16:28:43,108 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 55/152 +[2024-10-13 16:28:43,191 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 56/152 +[2024-10-13 16:28:43,275 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 57/152 +[2024-10-13 16:28:43,358 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 58/152 +[2024-10-13 16:28:43,441 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 59/152 +[2024-10-13 16:28:43,524 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 60/152 +[2024-10-13 16:28:43,607 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 61/152 +[2024-10-13 16:28:43,690 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 62/152 +[2024-10-13 16:28:43,774 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 63/152 +[2024-10-13 16:28:43,857 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 64/152 +[2024-10-13 16:28:43,940 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 65/152 +[2024-10-13 16:28:44,023 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 66/152 +[2024-10-13 16:28:44,106 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 67/152 +[2024-10-13 16:28:44,190 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 68/152 +[2024-10-13 16:28:44,273 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 69/152 +[2024-10-13 16:28:44,357 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 70/152 +[2024-10-13 16:28:44,440 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 71/152 +[2024-10-13 16:28:44,523 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 72/152 +[2024-10-13 16:28:44,606 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 73/152 +[2024-10-13 16:28:44,690 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 74/152 +[2024-10-13 16:28:44,774 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 75/152 +[2024-10-13 16:28:44,858 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 76/152 +[2024-10-13 16:28:44,941 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 77/152 +[2024-10-13 16:28:45,024 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 78/152 +[2024-10-13 16:28:45,108 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 79/152 +[2024-10-13 16:28:45,191 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 80/152 +[2024-10-13 16:28:45,275 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 81/152 +[2024-10-13 16:28:45,358 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 82/152 +[2024-10-13 16:28:45,442 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 83/152 +[2024-10-13 16:28:45,525 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 84/152 +[2024-10-13 16:28:45,609 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 85/152 +[2024-10-13 16:28:45,692 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 86/152 +[2024-10-13 16:28:45,775 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 87/152 +[2024-10-13 16:28:45,859 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 88/152 +[2024-10-13 16:28:45,942 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 89/152 +[2024-10-13 16:28:46,025 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 90/152 +[2024-10-13 16:28:46,109 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 91/152 +[2024-10-13 16:28:46,192 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 92/152 +[2024-10-13 16:28:46,276 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 93/152 +[2024-10-13 16:28:46,359 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 94/152 +[2024-10-13 16:28:46,442 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 95/152 +[2024-10-13 16:28:46,525 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 96/152 +[2024-10-13 16:28:46,609 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 97/152 +[2024-10-13 16:28:46,692 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 98/152 +[2024-10-13 16:28:46,775 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 99/152 +[2024-10-13 16:28:46,865 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 100/152 +[2024-10-13 16:28:46,955 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 101/152 +[2024-10-13 16:28:47,045 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 102/152 +[2024-10-13 16:28:47,135 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 103/152 +[2024-10-13 16:28:47,225 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 104/152 +[2024-10-13 16:28:47,315 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 105/152 +[2024-10-13 16:28:47,405 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 106/152 +[2024-10-13 16:28:47,496 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 107/152 +[2024-10-13 16:28:47,586 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 108/152 +[2024-10-13 16:28:47,676 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 109/152 +[2024-10-13 16:28:47,766 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 110/152 +[2024-10-13 16:28:47,856 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 111/152 +[2024-10-13 16:28:47,946 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 112/152 +[2024-10-13 16:28:48,037 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 113/152 +[2024-10-13 16:28:48,127 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 114/152 +[2024-10-13 16:28:48,217 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 115/152 +[2024-10-13 16:28:48,307 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 116/152 +[2024-10-13 16:28:48,397 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 117/152 +[2024-10-13 16:28:48,488 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 118/152 +[2024-10-13 16:28:48,578 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 119/152 +[2024-10-13 16:28:48,668 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 120/152 +[2024-10-13 16:28:48,758 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 121/152 +[2024-10-13 16:28:48,848 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 122/152 +[2024-10-13 16:28:48,939 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 123/152 +[2024-10-13 16:28:49,029 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 124/152 +[2024-10-13 16:28:49,119 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 125/152 +[2024-10-13 16:28:49,209 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 126/152 +[2024-10-13 16:28:49,299 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 127/152 +[2024-10-13 16:28:49,389 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 128/152 +[2024-10-13 16:28:49,479 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 129/152 +[2024-10-13 16:28:49,569 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 130/152 +[2024-10-13 16:28:49,659 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 131/152 +[2024-10-13 16:28:49,750 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 132/152 +[2024-10-13 16:28:49,839 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 133/152 +[2024-10-13 16:28:49,929 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 134/152 +[2024-10-13 16:28:50,019 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 135/152 +[2024-10-13 16:28:50,109 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 136/152 +[2024-10-13 16:28:50,199 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 137/152 +[2024-10-13 16:28:50,289 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 138/152 +[2024-10-13 16:28:50,379 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 139/152 +[2024-10-13 16:28:50,466 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 140/152 +[2024-10-13 16:28:50,552 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 141/152 +[2024-10-13 16:28:50,639 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 142/152 +[2024-10-13 16:28:50,726 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 143/152 +[2024-10-13 16:28:50,812 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 144/152 +[2024-10-13 16:28:50,900 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 145/152 +[2024-10-13 16:28:50,986 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 146/152 +[2024-10-13 16:28:51,073 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 147/152 +[2024-10-13 16:28:51,160 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 148/152 +[2024-10-13 16:28:51,247 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 149/152 +[2024-10-13 16:28:51,334 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 150/152 +[2024-10-13 16:28:51,421 INFO test.py line 186 25394] Test: 183/312-scene0356_00, Batch: 151/152 +[2024-10-13 16:28:51,527 INFO test.py line 272 25394] Test: scene0356_00 [183/312]-81172 Batch 13.322 (19.525) Accuracy 0.9260 (0.4531) mIoU 0.6832 (0.3507) +[2024-10-13 16:28:51,593 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 0/90 +[2024-10-13 16:28:51,651 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 1/90 +[2024-10-13 16:28:51,709 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 2/90 +[2024-10-13 16:28:51,767 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 3/90 +[2024-10-13 16:28:51,825 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 4/90 +[2024-10-13 16:28:51,883 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 5/90 +[2024-10-13 16:28:51,941 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 6/90 +[2024-10-13 16:28:52,000 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 7/90 +[2024-10-13 16:28:52,057 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 8/90 +[2024-10-13 16:28:52,115 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 9/90 +[2024-10-13 16:28:52,173 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 10/90 +[2024-10-13 16:28:52,231 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 11/90 +[2024-10-13 16:28:52,288 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 12/90 +[2024-10-13 16:28:52,346 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 13/90 +[2024-10-13 16:28:52,404 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 14/90 +[2024-10-13 16:28:52,462 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 15/90 +[2024-10-13 16:28:52,520 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 16/90 +[2024-10-13 16:28:52,578 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 17/90 +[2024-10-13 16:28:52,636 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 18/90 +[2024-10-13 16:28:52,694 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 19/90 +[2024-10-13 16:28:52,752 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 20/90 +[2024-10-13 16:28:52,809 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 21/90 +[2024-10-13 16:28:52,867 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 22/90 +[2024-10-13 16:28:52,925 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 23/90 +[2024-10-13 16:28:52,981 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 24/90 +[2024-10-13 16:28:53,038 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 25/90 +[2024-10-13 16:28:53,095 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 26/90 +[2024-10-13 16:28:53,152 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 27/90 +[2024-10-13 16:28:53,208 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 28/90 +[2024-10-13 16:28:53,265 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 29/90 +[2024-10-13 16:28:53,321 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 30/90 +[2024-10-13 16:28:53,378 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 31/90 +[2024-10-13 16:28:53,434 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 32/90 +[2024-10-13 16:28:53,491 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 33/90 +[2024-10-13 16:28:53,548 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 34/90 +[2024-10-13 16:28:53,605 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 35/90 +[2024-10-13 16:28:53,661 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 36/90 +[2024-10-13 16:28:53,717 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 37/90 +[2024-10-13 16:28:53,774 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 38/90 +[2024-10-13 16:28:53,831 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 39/90 +[2024-10-13 16:28:53,887 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 40/90 +[2024-10-13 16:28:53,944 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 41/90 +[2024-10-13 16:28:54,001 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 42/90 +[2024-10-13 16:28:54,058 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 43/90 +[2024-10-13 16:28:54,115 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 44/90 +[2024-10-13 16:28:54,171 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 45/90 +[2024-10-13 16:28:54,228 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 46/90 +[2024-10-13 16:28:54,285 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 47/90 +[2024-10-13 16:28:54,342 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 48/90 +[2024-10-13 16:28:54,398 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 49/90 +[2024-10-13 16:28:54,455 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 50/90 +[2024-10-13 16:28:54,512 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 51/90 +[2024-10-13 16:28:54,568 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 52/90 +[2024-10-13 16:28:54,625 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 53/90 +[2024-10-13 16:28:54,682 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 54/90 +[2024-10-13 16:28:54,738 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 55/90 +[2024-10-13 16:28:54,795 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 56/90 +[2024-10-13 16:28:54,851 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 57/90 +[2024-10-13 16:28:54,908 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 58/90 +[2024-10-13 16:28:54,964 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 59/90 +[2024-10-13 16:28:55,024 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 60/90 +[2024-10-13 16:28:55,083 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 61/90 +[2024-10-13 16:28:55,142 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 62/90 +[2024-10-13 16:28:55,201 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 63/90 +[2024-10-13 16:28:55,260 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 64/90 +[2024-10-13 16:28:55,319 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 65/90 +[2024-10-13 16:28:55,379 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 66/90 +[2024-10-13 16:28:55,438 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 67/90 +[2024-10-13 16:28:55,497 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 68/90 +[2024-10-13 16:28:55,556 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 69/90 +[2024-10-13 16:28:55,616 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 70/90 +[2024-10-13 16:28:55,675 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 71/90 +[2024-10-13 16:28:55,734 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 72/90 +[2024-10-13 16:28:55,794 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 73/90 +[2024-10-13 16:28:55,853 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 74/90 +[2024-10-13 16:28:55,912 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 75/90 +[2024-10-13 16:28:55,972 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 76/90 +[2024-10-13 16:28:56,031 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 77/90 +[2024-10-13 16:28:56,091 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 78/90 +[2024-10-13 16:28:56,150 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 79/90 +[2024-10-13 16:28:56,210 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 80/90 +[2024-10-13 16:28:56,269 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 81/90 +[2024-10-13 16:28:56,329 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 82/90 +[2024-10-13 16:28:56,388 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 83/90 +[2024-10-13 16:28:56,446 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 84/90 +[2024-10-13 16:28:56,504 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 85/90 +[2024-10-13 16:28:56,562 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 86/90 +[2024-10-13 16:28:56,620 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 87/90 +[2024-10-13 16:28:56,678 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 88/90 +[2024-10-13 16:28:56,738 INFO test.py line 186 25394] Test: 184/312-scene0693_00, Batch: 89/90 +[2024-10-13 16:28:56,809 INFO test.py line 272 25394] Test: scene0693_00 [184/312]-41327 Batch 5.282 (19.447) Accuracy 0.5634 (0.4537) mIoU 0.3423 (0.3510) +[2024-10-13 16:28:56,979 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 0/140 +[2024-10-13 16:28:57,107 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 1/140 +[2024-10-13 16:28:57,232 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 2/140 +[2024-10-13 16:28:57,357 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 3/140 +[2024-10-13 16:28:57,481 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 4/140 +[2024-10-13 16:28:57,606 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 5/140 +[2024-10-13 16:28:57,730 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 6/140 +[2024-10-13 16:28:57,883 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 7/140 +[2024-10-13 16:28:58,008 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 8/140 +[2024-10-13 16:28:58,132 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 9/140 +[2024-10-13 16:28:58,256 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 10/140 +[2024-10-13 16:28:58,382 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 11/140 +[2024-10-13 16:28:58,505 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 12/140 +[2024-10-13 16:28:58,628 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 13/140 +[2024-10-13 16:28:58,751 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 14/140 +[2024-10-13 16:28:58,875 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 15/140 +[2024-10-13 16:28:58,998 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 16/140 +[2024-10-13 16:28:59,122 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 17/140 +[2024-10-13 16:28:59,247 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 18/140 +[2024-10-13 16:28:59,370 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 19/140 +[2024-10-13 16:28:59,493 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 20/140 +[2024-10-13 16:28:59,617 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 21/140 +[2024-10-13 16:28:59,740 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 22/140 +[2024-10-13 16:28:59,863 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 23/140 +[2024-10-13 16:28:59,986 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 24/140 +[2024-10-13 16:29:00,110 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 25/140 +[2024-10-13 16:29:00,233 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 26/140 +[2024-10-13 16:29:00,357 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 27/140 +[2024-10-13 16:29:00,480 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 28/140 +[2024-10-13 16:29:00,604 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 29/140 +[2024-10-13 16:29:00,727 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 30/140 +[2024-10-13 16:29:00,851 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 31/140 +[2024-10-13 16:29:00,974 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 32/140 +[2024-10-13 16:29:01,098 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 33/140 +[2024-10-13 16:29:01,222 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 34/140 +[2024-10-13 16:29:01,347 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 35/140 +[2024-10-13 16:29:01,470 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 36/140 +[2024-10-13 16:29:01,594 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 37/140 +[2024-10-13 16:29:01,718 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 38/140 +[2024-10-13 16:29:01,842 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 39/140 +[2024-10-13 16:29:01,966 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 40/140 +[2024-10-13 16:29:02,090 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 41/140 +[2024-10-13 16:29:02,214 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 42/140 +[2024-10-13 16:29:02,338 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 43/140 +[2024-10-13 16:29:02,462 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 44/140 +[2024-10-13 16:29:02,585 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 45/140 +[2024-10-13 16:29:02,709 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 46/140 +[2024-10-13 16:29:02,833 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 47/140 +[2024-10-13 16:29:02,950 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 48/140 +[2024-10-13 16:29:03,067 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 49/140 +[2024-10-13 16:29:03,184 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 50/140 +[2024-10-13 16:29:03,300 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 51/140 +[2024-10-13 16:29:03,417 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 52/140 +[2024-10-13 16:29:03,533 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 53/140 +[2024-10-13 16:29:03,650 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 54/140 +[2024-10-13 16:29:03,766 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 55/140 +[2024-10-13 16:29:03,883 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 56/140 +[2024-10-13 16:29:04,000 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 57/140 +[2024-10-13 16:29:04,117 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 58/140 +[2024-10-13 16:29:04,232 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 59/140 +[2024-10-13 16:29:04,348 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 60/140 +[2024-10-13 16:29:04,464 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 61/140 +[2024-10-13 16:29:04,580 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 62/140 +[2024-10-13 16:29:04,696 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 63/140 +[2024-10-13 16:29:04,812 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 64/140 +[2024-10-13 16:29:04,928 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 65/140 +[2024-10-13 16:29:05,044 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 66/140 +[2024-10-13 16:29:05,161 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 67/140 +[2024-10-13 16:29:05,277 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 68/140 +[2024-10-13 16:29:05,393 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 69/140 +[2024-10-13 16:29:05,509 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 70/140 +[2024-10-13 16:29:05,625 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 71/140 +[2024-10-13 16:29:05,741 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 72/140 +[2024-10-13 16:29:05,858 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 73/140 +[2024-10-13 16:29:05,974 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 74/140 +[2024-10-13 16:29:06,090 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 75/140 +[2024-10-13 16:29:06,206 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 76/140 +[2024-10-13 16:29:06,322 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 77/140 +[2024-10-13 16:29:06,439 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 78/140 +[2024-10-13 16:29:06,555 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 79/140 +[2024-10-13 16:29:06,671 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 80/140 +[2024-10-13 16:29:06,788 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 81/140 +[2024-10-13 16:29:06,905 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 82/140 +[2024-10-13 16:29:07,021 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 83/140 +[2024-10-13 16:29:07,137 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 84/140 +[2024-10-13 16:29:07,253 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 85/140 +[2024-10-13 16:29:07,369 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 86/140 +[2024-10-13 16:29:07,485 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 87/140 +[2024-10-13 16:29:07,601 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 88/140 +[2024-10-13 16:29:07,717 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 89/140 +[2024-10-13 16:29:07,833 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 90/140 +[2024-10-13 16:29:07,949 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 91/140 +[2024-10-13 16:29:08,080 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 92/140 +[2024-10-13 16:29:08,210 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 93/140 +[2024-10-13 16:29:08,341 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 94/140 +[2024-10-13 16:29:08,472 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 95/140 +[2024-10-13 16:29:08,602 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 96/140 +[2024-10-13 16:29:08,732 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 97/140 +[2024-10-13 16:29:08,862 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 98/140 +[2024-10-13 16:29:08,993 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 99/140 +[2024-10-13 16:29:09,123 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 100/140 +[2024-10-13 16:29:09,253 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 101/140 +[2024-10-13 16:29:09,383 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 102/140 +[2024-10-13 16:29:09,513 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 103/140 +[2024-10-13 16:29:09,643 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 104/140 +[2024-10-13 16:29:09,772 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 105/140 +[2024-10-13 16:29:09,902 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 106/140 +[2024-10-13 16:29:10,033 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 107/140 +[2024-10-13 16:29:10,163 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 108/140 +[2024-10-13 16:29:10,293 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 109/140 +[2024-10-13 16:29:10,423 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 110/140 +[2024-10-13 16:29:10,553 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 111/140 +[2024-10-13 16:29:10,684 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 112/140 +[2024-10-13 16:29:10,815 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 113/140 +[2024-10-13 16:29:10,946 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 114/140 +[2024-10-13 16:29:11,076 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 115/140 +[2024-10-13 16:29:11,208 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 116/140 +[2024-10-13 16:29:11,338 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 117/140 +[2024-10-13 16:29:11,469 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 118/140 +[2024-10-13 16:29:11,599 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 119/140 +[2024-10-13 16:29:11,728 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 120/140 +[2024-10-13 16:29:11,859 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 121/140 +[2024-10-13 16:29:11,989 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 122/140 +[2024-10-13 16:29:12,119 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 123/140 +[2024-10-13 16:29:12,249 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 124/140 +[2024-10-13 16:29:12,380 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 125/140 +[2024-10-13 16:29:12,510 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 126/140 +[2024-10-13 16:29:12,640 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 127/140 +[2024-10-13 16:29:12,764 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 128/140 +[2024-10-13 16:29:12,887 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 129/140 +[2024-10-13 16:29:13,011 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 130/140 +[2024-10-13 16:29:13,135 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 131/140 +[2024-10-13 16:29:13,259 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 132/140 +[2024-10-13 16:29:13,382 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 133/140 +[2024-10-13 16:29:13,505 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 134/140 +[2024-10-13 16:29:13,629 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 135/140 +[2024-10-13 16:29:13,752 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 136/140 +[2024-10-13 16:29:13,875 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 137/140 +[2024-10-13 16:29:13,998 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 138/140 +[2024-10-13 16:29:14,122 INFO test.py line 186 25394] Test: 185/312-scene0355_00, Batch: 139/140 +[2024-10-13 16:29:14,297 INFO test.py line 272 25394] Test: scene0355_00 [185/312]-136135 Batch 17.488 (19.437) Accuracy 0.9639 (0.4537) mIoU 0.6835 (0.3511) +[2024-10-13 16:29:14,503 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 0/143 +[2024-10-13 16:29:14,673 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 1/143 +[2024-10-13 16:29:14,844 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 2/143 +[2024-10-13 16:29:15,016 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 3/143 +[2024-10-13 16:29:15,186 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 4/143 +[2024-10-13 16:29:15,357 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 5/143 +[2024-10-13 16:29:15,528 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 6/143 +[2024-10-13 16:29:15,699 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 7/143 +[2024-10-13 16:29:15,870 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 8/143 +[2024-10-13 16:29:16,040 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 9/143 +[2024-10-13 16:29:16,211 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 10/143 +[2024-10-13 16:29:16,382 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 11/143 +[2024-10-13 16:29:16,553 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 12/143 +[2024-10-13 16:29:16,723 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 13/143 +[2024-10-13 16:29:16,895 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 14/143 +[2024-10-13 16:29:17,065 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 15/143 +[2024-10-13 16:29:17,236 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 16/143 +[2024-10-13 16:29:17,407 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 17/143 +[2024-10-13 16:29:17,578 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 18/143 +[2024-10-13 16:29:17,748 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 19/143 +[2024-10-13 16:29:17,919 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 20/143 +[2024-10-13 16:29:18,089 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 21/143 +[2024-10-13 16:29:18,260 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 22/143 +[2024-10-13 16:29:18,431 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 23/143 +[2024-10-13 16:29:18,602 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 24/143 +[2024-10-13 16:29:18,773 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 25/143 +[2024-10-13 16:29:18,943 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 26/143 +[2024-10-13 16:29:19,113 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 27/143 +[2024-10-13 16:29:19,283 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 28/143 +[2024-10-13 16:29:19,454 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 29/143 +[2024-10-13 16:29:19,624 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 30/143 +[2024-10-13 16:29:19,795 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 31/143 +[2024-10-13 16:29:19,966 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 32/143 +[2024-10-13 16:29:20,136 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 33/143 +[2024-10-13 16:29:20,307 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 34/143 +[2024-10-13 16:29:20,477 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 35/143 +[2024-10-13 16:29:20,648 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 36/143 +[2024-10-13 16:29:20,818 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 37/143 +[2024-10-13 16:29:20,988 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 38/143 +[2024-10-13 16:29:21,158 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 39/143 +[2024-10-13 16:29:21,327 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 40/143 +[2024-10-13 16:29:21,498 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 41/143 +[2024-10-13 16:29:21,668 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 42/143 +[2024-10-13 16:29:21,838 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 43/143 +[2024-10-13 16:29:21,998 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 44/143 +[2024-10-13 16:29:22,159 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 45/143 +[2024-10-13 16:29:22,319 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 46/143 +[2024-10-13 16:29:22,479 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 47/143 +[2024-10-13 16:29:22,639 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 48/143 +[2024-10-13 16:29:22,800 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 49/143 +[2024-10-13 16:29:22,962 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 50/143 +[2024-10-13 16:29:23,122 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 51/143 +[2024-10-13 16:29:23,283 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 52/143 +[2024-10-13 16:29:23,444 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 53/143 +[2024-10-13 16:29:23,606 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 54/143 +[2024-10-13 16:29:23,766 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 55/143 +[2024-10-13 16:29:23,928 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 56/143 +[2024-10-13 16:29:24,091 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 57/143 +[2024-10-13 16:29:24,257 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 58/143 +[2024-10-13 16:29:24,417 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 59/143 +[2024-10-13 16:29:24,577 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 60/143 +[2024-10-13 16:29:24,737 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 61/143 +[2024-10-13 16:29:24,898 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 62/143 +[2024-10-13 16:29:25,057 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 63/143 +[2024-10-13 16:29:25,218 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 64/143 +[2024-10-13 16:29:25,378 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 65/143 +[2024-10-13 16:29:25,538 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 66/143 +[2024-10-13 16:29:25,698 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 67/143 +[2024-10-13 16:29:25,857 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 68/143 +[2024-10-13 16:29:26,018 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 69/143 +[2024-10-13 16:29:26,177 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 70/143 +[2024-10-13 16:29:26,338 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 71/143 +[2024-10-13 16:29:26,498 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 72/143 +[2024-10-13 16:29:26,658 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 73/143 +[2024-10-13 16:29:26,818 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 74/143 +[2024-10-13 16:29:26,980 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 75/143 +[2024-10-13 16:29:27,140 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 76/143 +[2024-10-13 16:29:27,301 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 77/143 +[2024-10-13 16:29:27,461 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 78/143 +[2024-10-13 16:29:27,621 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 79/143 +[2024-10-13 16:29:27,781 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 80/143 +[2024-10-13 16:29:27,940 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 81/143 +[2024-10-13 16:29:28,100 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 82/143 +[2024-10-13 16:29:28,260 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 83/143 +[2024-10-13 16:29:28,420 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 84/143 +[2024-10-13 16:29:28,581 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 85/143 +[2024-10-13 16:29:28,741 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 86/143 +[2024-10-13 16:29:28,900 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 87/143 +[2024-10-13 16:29:29,060 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 88/143 +[2024-10-13 16:29:29,220 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 89/143 +[2024-10-13 16:29:29,380 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 90/143 +[2024-10-13 16:29:29,540 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 91/143 +[2024-10-13 16:29:29,721 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 92/143 +[2024-10-13 16:29:29,902 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 93/143 +[2024-10-13 16:29:30,082 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 94/143 +[2024-10-13 16:29:30,265 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 95/143 +[2024-10-13 16:29:30,445 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 96/143 +[2024-10-13 16:29:30,626 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 97/143 +[2024-10-13 16:29:30,807 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 98/143 +[2024-10-13 16:29:30,988 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 99/143 +[2024-10-13 16:29:31,169 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 100/143 +[2024-10-13 16:29:31,351 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 101/143 +[2024-10-13 16:29:31,532 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 102/143 +[2024-10-13 16:29:31,713 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 103/143 +[2024-10-13 16:29:31,893 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 104/143 +[2024-10-13 16:29:32,073 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 105/143 +[2024-10-13 16:29:32,254 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 106/143 +[2024-10-13 16:29:32,434 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 107/143 +[2024-10-13 16:29:32,614 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 108/143 +[2024-10-13 16:29:32,794 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 109/143 +[2024-10-13 16:29:32,974 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 110/143 +[2024-10-13 16:29:33,155 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 111/143 +[2024-10-13 16:29:33,335 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 112/143 +[2024-10-13 16:29:33,516 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 113/143 +[2024-10-13 16:29:33,698 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 114/143 +[2024-10-13 16:29:33,878 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 115/143 +[2024-10-13 16:29:34,059 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 116/143 +[2024-10-13 16:29:34,239 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 117/143 +[2024-10-13 16:29:34,420 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 118/143 +[2024-10-13 16:29:34,600 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 119/143 +[2024-10-13 16:29:34,781 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 120/143 +[2024-10-13 16:29:34,961 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 121/143 +[2024-10-13 16:29:35,141 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 122/143 +[2024-10-13 16:29:35,321 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 123/143 +[2024-10-13 16:29:35,502 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 124/143 +[2024-10-13 16:29:35,682 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 125/143 +[2024-10-13 16:29:35,863 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 126/143 +[2024-10-13 16:29:36,043 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 127/143 +[2024-10-13 16:29:36,223 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 128/143 +[2024-10-13 16:29:36,403 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 129/143 +[2024-10-13 16:29:36,584 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 130/143 +[2024-10-13 16:29:36,764 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 131/143 +[2024-10-13 16:29:36,935 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 132/143 +[2024-10-13 16:29:37,107 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 133/143 +[2024-10-13 16:29:37,277 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 134/143 +[2024-10-13 16:29:37,447 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 135/143 +[2024-10-13 16:29:37,618 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 136/143 +[2024-10-13 16:29:37,788 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 137/143 +[2024-10-13 16:29:37,959 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 138/143 +[2024-10-13 16:29:38,130 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 139/143 +[2024-10-13 16:29:38,301 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 140/143 +[2024-10-13 16:29:38,472 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 141/143 +[2024-10-13 16:29:38,643 INFO test.py line 186 25394] Test: 186/312-scene0575_02, Batch: 142/143 +[2024-10-13 16:29:38,899 INFO test.py line 272 25394] Test: scene0575_02 [186/312]-202882 Batch 24.602 (19.464) Accuracy 0.7485 (0.4535) mIoU 0.5824 (0.3510) +[2024-10-13 16:29:38,970 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 0/104 +[2024-10-13 16:29:39,031 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 1/104 +[2024-10-13 16:29:39,092 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 2/104 +[2024-10-13 16:29:39,153 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 3/104 +[2024-10-13 16:29:39,214 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 4/104 +[2024-10-13 16:29:39,276 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 5/104 +[2024-10-13 16:29:39,337 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 6/104 +[2024-10-13 16:29:39,398 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 7/104 +[2024-10-13 16:29:39,459 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 8/104 +[2024-10-13 16:29:39,520 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 9/104 +[2024-10-13 16:29:39,581 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 10/104 +[2024-10-13 16:29:39,642 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 11/104 +[2024-10-13 16:29:39,703 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 12/104 +[2024-10-13 16:29:39,764 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 13/104 +[2024-10-13 16:29:39,825 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 14/104 +[2024-10-13 16:29:39,886 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 15/104 +[2024-10-13 16:29:39,946 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 16/104 +[2024-10-13 16:29:40,007 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 17/104 +[2024-10-13 16:29:40,068 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 18/104 +[2024-10-13 16:29:40,129 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 19/104 +[2024-10-13 16:29:40,190 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 20/104 +[2024-10-13 16:29:40,251 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 21/104 +[2024-10-13 16:29:40,312 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 22/104 +[2024-10-13 16:29:40,372 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 23/104 +[2024-10-13 16:29:40,434 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 24/104 +[2024-10-13 16:29:40,495 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 25/104 +[2024-10-13 16:29:40,557 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 26/104 +[2024-10-13 16:29:40,619 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 27/104 +[2024-10-13 16:29:40,681 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 28/104 +[2024-10-13 16:29:40,742 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 29/104 +[2024-10-13 16:29:40,804 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 30/104 +[2024-10-13 16:29:40,866 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 31/104 +[2024-10-13 16:29:40,924 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 32/104 +[2024-10-13 16:29:40,982 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 33/104 +[2024-10-13 16:29:41,041 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 34/104 +[2024-10-13 16:29:41,099 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 35/104 +[2024-10-13 16:29:41,157 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 36/104 +[2024-10-13 16:29:41,216 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 37/104 +[2024-10-13 16:29:41,274 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 38/104 +[2024-10-13 16:29:41,332 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 39/104 +[2024-10-13 16:29:41,391 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 40/104 +[2024-10-13 16:29:41,450 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 41/104 +[2024-10-13 16:29:41,508 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 42/104 +[2024-10-13 16:29:41,566 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 43/104 +[2024-10-13 16:29:41,625 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 44/104 +[2024-10-13 16:29:41,683 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 45/104 +[2024-10-13 16:29:41,742 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 46/104 +[2024-10-13 16:29:41,800 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 47/104 +[2024-10-13 16:29:41,859 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 48/104 +[2024-10-13 16:29:41,917 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 49/104 +[2024-10-13 16:29:41,976 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 50/104 +[2024-10-13 16:29:42,034 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 51/104 +[2024-10-13 16:29:42,092 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 52/104 +[2024-10-13 16:29:42,151 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 53/104 +[2024-10-13 16:29:42,209 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 54/104 +[2024-10-13 16:29:42,268 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 55/104 +[2024-10-13 16:29:42,326 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 56/104 +[2024-10-13 16:29:42,385 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 57/104 +[2024-10-13 16:29:42,444 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 58/104 +[2024-10-13 16:29:42,503 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 59/104 +[2024-10-13 16:29:42,561 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 60/104 +[2024-10-13 16:29:42,620 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 61/104 +[2024-10-13 16:29:42,679 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 62/104 +[2024-10-13 16:29:42,738 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 63/104 +[2024-10-13 16:29:42,803 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 64/104 +[2024-10-13 16:29:42,914 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 65/104 +[2024-10-13 16:29:42,985 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 66/104 +[2024-10-13 16:29:43,050 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 67/104 +[2024-10-13 16:29:43,116 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 68/104 +[2024-10-13 16:29:43,182 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 69/104 +[2024-10-13 16:29:43,248 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 70/104 +[2024-10-13 16:29:43,313 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 71/104 +[2024-10-13 16:29:43,377 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 72/104 +[2024-10-13 16:29:43,442 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 73/104 +[2024-10-13 16:29:43,506 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 74/104 +[2024-10-13 16:29:43,570 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 75/104 +[2024-10-13 16:29:43,635 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 76/104 +[2024-10-13 16:29:43,699 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 77/104 +[2024-10-13 16:29:43,763 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 78/104 +[2024-10-13 16:29:43,828 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 79/104 +[2024-10-13 16:29:43,892 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 80/104 +[2024-10-13 16:29:43,957 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 81/104 +[2024-10-13 16:29:44,021 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 82/104 +[2024-10-13 16:29:44,085 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 83/104 +[2024-10-13 16:29:44,150 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 84/104 +[2024-10-13 16:29:44,214 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 85/104 +[2024-10-13 16:29:44,278 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 86/104 +[2024-10-13 16:29:44,342 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 87/104 +[2024-10-13 16:29:44,406 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 88/104 +[2024-10-13 16:29:44,471 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 89/104 +[2024-10-13 16:29:44,535 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 90/104 +[2024-10-13 16:29:44,599 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 91/104 +[2024-10-13 16:29:44,663 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 92/104 +[2024-10-13 16:29:44,728 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 93/104 +[2024-10-13 16:29:44,792 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 94/104 +[2024-10-13 16:29:44,857 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 95/104 +[2024-10-13 16:29:44,918 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 96/104 +[2024-10-13 16:29:44,979 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 97/104 +[2024-10-13 16:29:45,040 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 98/104 +[2024-10-13 16:29:45,101 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 99/104 +[2024-10-13 16:29:45,161 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 100/104 +[2024-10-13 16:29:45,222 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 101/104 +[2024-10-13 16:29:45,283 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 102/104 +[2024-10-13 16:29:45,344 INFO test.py line 186 25394] Test: 187/312-scene0664_01, Batch: 103/104 +[2024-10-13 16:29:45,409 INFO test.py line 272 25394] Test: scene0664_01 [187/312]-45436 Batch 6.509 (19.395) Accuracy 0.6741 (0.4532) mIoU 0.5140 (0.3506) +[2024-10-13 16:29:45,730 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 0/152 +[2024-10-13 16:29:45,996 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 1/152 +[2024-10-13 16:29:46,262 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 2/152 +[2024-10-13 16:29:46,528 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 3/152 +[2024-10-13 16:29:46,794 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 4/152 +[2024-10-13 16:29:47,061 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 5/152 +[2024-10-13 16:29:47,327 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 6/152 +[2024-10-13 16:29:47,608 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 7/152 +[2024-10-13 16:29:47,873 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 8/152 +[2024-10-13 16:29:48,139 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 9/152 +[2024-10-13 16:29:48,405 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 10/152 +[2024-10-13 16:29:48,672 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 11/152 +[2024-10-13 16:29:48,938 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 12/152 +[2024-10-13 16:29:49,206 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 13/152 +[2024-10-13 16:29:49,472 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 14/152 +[2024-10-13 16:29:49,738 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 15/152 +[2024-10-13 16:29:50,005 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 16/152 +[2024-10-13 16:29:50,271 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 17/152 +[2024-10-13 16:29:50,538 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 18/152 +[2024-10-13 16:29:50,804 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 19/152 +[2024-10-13 16:29:51,071 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 20/152 +[2024-10-13 16:29:51,337 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 21/152 +[2024-10-13 16:29:51,604 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 22/152 +[2024-10-13 16:29:51,870 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 23/152 +[2024-10-13 16:29:52,136 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 24/152 +[2024-10-13 16:29:52,403 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 25/152 +[2024-10-13 16:29:52,670 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 26/152 +[2024-10-13 16:29:52,937 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 27/152 +[2024-10-13 16:29:53,203 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 28/152 +[2024-10-13 16:29:53,471 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 29/152 +[2024-10-13 16:29:53,738 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 30/152 +[2024-10-13 16:29:54,005 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 31/152 +[2024-10-13 16:29:54,271 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 32/152 +[2024-10-13 16:29:54,537 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 33/152 +[2024-10-13 16:29:54,805 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 34/152 +[2024-10-13 16:29:55,071 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 35/152 +[2024-10-13 16:29:55,336 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 36/152 +[2024-10-13 16:29:55,603 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 37/152 +[2024-10-13 16:29:55,869 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 38/152 +[2024-10-13 16:29:56,134 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 39/152 +[2024-10-13 16:29:56,401 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 40/152 +[2024-10-13 16:29:56,667 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 41/152 +[2024-10-13 16:29:56,933 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 42/152 +[2024-10-13 16:29:57,199 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 43/152 +[2024-10-13 16:29:57,465 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 44/152 +[2024-10-13 16:29:57,730 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 45/152 +[2024-10-13 16:29:57,996 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 46/152 +[2024-10-13 16:29:58,262 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 47/152 +[2024-10-13 16:29:58,511 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 48/152 +[2024-10-13 16:29:58,761 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 49/152 +[2024-10-13 16:29:59,012 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 50/152 +[2024-10-13 16:29:59,261 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 51/152 +[2024-10-13 16:29:59,511 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 52/152 +[2024-10-13 16:29:59,759 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 53/152 +[2024-10-13 16:30:00,010 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 54/152 +[2024-10-13 16:30:00,261 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 55/152 +[2024-10-13 16:30:00,511 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 56/152 +[2024-10-13 16:30:00,760 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 57/152 +[2024-10-13 16:30:01,011 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 58/152 +[2024-10-13 16:30:01,261 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 59/152 +[2024-10-13 16:30:01,511 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 60/152 +[2024-10-13 16:30:01,761 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 61/152 +[2024-10-13 16:30:02,011 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 62/152 +[2024-10-13 16:30:02,260 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 63/152 +[2024-10-13 16:30:02,511 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 64/152 +[2024-10-13 16:30:02,760 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 65/152 +[2024-10-13 16:30:03,010 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 66/152 +[2024-10-13 16:30:03,259 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 67/152 +[2024-10-13 16:30:03,509 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 68/152 +[2024-10-13 16:30:03,758 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 69/152 +[2024-10-13 16:30:04,007 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 70/152 +[2024-10-13 16:30:04,256 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 71/152 +[2024-10-13 16:30:04,504 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 72/152 +[2024-10-13 16:30:04,754 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 73/152 +[2024-10-13 16:30:05,002 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 74/152 +[2024-10-13 16:30:05,251 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 75/152 +[2024-10-13 16:30:05,500 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 76/152 +[2024-10-13 16:30:05,750 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 77/152 +[2024-10-13 16:30:06,000 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 78/152 +[2024-10-13 16:30:06,250 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 79/152 +[2024-10-13 16:30:06,498 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 80/152 +[2024-10-13 16:30:06,748 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 81/152 +[2024-10-13 16:30:06,998 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 82/152 +[2024-10-13 16:30:07,248 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 83/152 +[2024-10-13 16:30:07,498 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 84/152 +[2024-10-13 16:30:07,747 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 85/152 +[2024-10-13 16:30:07,996 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 86/152 +[2024-10-13 16:30:08,246 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 87/152 +[2024-10-13 16:30:08,496 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 88/152 +[2024-10-13 16:30:08,745 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 89/152 +[2024-10-13 16:30:08,994 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 90/152 +[2024-10-13 16:30:09,245 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 91/152 +[2024-10-13 16:30:09,494 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 92/152 +[2024-10-13 16:30:09,743 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 93/152 +[2024-10-13 16:30:09,992 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 94/152 +[2024-10-13 16:30:10,241 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 95/152 +[2024-10-13 16:30:10,523 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 96/152 +[2024-10-13 16:30:10,806 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 97/152 +[2024-10-13 16:30:11,089 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 98/152 +[2024-10-13 16:30:11,372 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 99/152 +[2024-10-13 16:30:11,656 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 100/152 +[2024-10-13 16:30:11,938 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 101/152 +[2024-10-13 16:30:12,224 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 102/152 +[2024-10-13 16:30:12,509 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 103/152 +[2024-10-13 16:30:12,792 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 104/152 +[2024-10-13 16:30:13,075 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 105/152 +[2024-10-13 16:30:13,357 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 106/152 +[2024-10-13 16:30:13,639 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 107/152 +[2024-10-13 16:30:13,923 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 108/152 +[2024-10-13 16:30:14,205 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 109/152 +[2024-10-13 16:30:14,488 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 110/152 +[2024-10-13 16:30:14,770 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 111/152 +[2024-10-13 16:30:15,053 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 112/152 +[2024-10-13 16:30:15,336 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 113/152 +[2024-10-13 16:30:15,618 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 114/152 +[2024-10-13 16:30:15,900 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 115/152 +[2024-10-13 16:30:16,183 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 116/152 +[2024-10-13 16:30:16,466 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 117/152 +[2024-10-13 16:30:16,751 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 118/152 +[2024-10-13 16:30:17,035 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 119/152 +[2024-10-13 16:30:17,319 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 120/152 +[2024-10-13 16:30:17,603 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 121/152 +[2024-10-13 16:30:17,887 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 122/152 +[2024-10-13 16:30:18,170 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 123/152 +[2024-10-13 16:30:18,452 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 124/152 +[2024-10-13 16:30:18,736 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 125/152 +[2024-10-13 16:30:19,019 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 126/152 +[2024-10-13 16:30:19,302 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 127/152 +[2024-10-13 16:30:19,586 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 128/152 +[2024-10-13 16:30:19,869 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 129/152 +[2024-10-13 16:30:20,152 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 130/152 +[2024-10-13 16:30:20,435 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 131/152 +[2024-10-13 16:30:20,717 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 132/152 +[2024-10-13 16:30:21,000 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 133/152 +[2024-10-13 16:30:21,283 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 134/152 +[2024-10-13 16:30:21,566 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 135/152 +[2024-10-13 16:30:21,849 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 136/152 +[2024-10-13 16:30:22,132 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 137/152 +[2024-10-13 16:30:22,414 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 138/152 +[2024-10-13 16:30:22,697 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 139/152 +[2024-10-13 16:30:22,963 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 140/152 +[2024-10-13 16:30:23,230 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 141/152 +[2024-10-13 16:30:23,496 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 142/152 +[2024-10-13 16:30:23,762 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 143/152 +[2024-10-13 16:30:24,028 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 144/152 +[2024-10-13 16:30:24,295 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 145/152 +[2024-10-13 16:30:24,563 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 146/152 +[2024-10-13 16:30:24,830 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 147/152 +[2024-10-13 16:30:25,097 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 148/152 +[2024-10-13 16:30:25,363 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 149/152 +[2024-10-13 16:30:25,630 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 150/152 +[2024-10-13 16:30:25,896 INFO test.py line 186 25394] Test: 188/312-scene0645_01, Batch: 151/152 +[2024-10-13 16:30:26,313 INFO test.py line 272 25394] Test: scene0645_01 [188/312]-330321 Batch 40.904 (19.509) Accuracy 0.9312 (0.4551) mIoU 0.5862 (0.3526) +[2024-10-13 16:30:26,470 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 0/144 +[2024-10-13 16:30:26,602 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 1/144 +[2024-10-13 16:30:26,733 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 2/144 +[2024-10-13 16:30:26,865 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 3/144 +[2024-10-13 16:30:26,996 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 4/144 +[2024-10-13 16:30:27,127 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 5/144 +[2024-10-13 16:30:27,261 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 6/144 +[2024-10-13 16:30:27,392 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 7/144 +[2024-10-13 16:30:27,523 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 8/144 +[2024-10-13 16:30:27,655 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 9/144 +[2024-10-13 16:30:27,786 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 10/144 +[2024-10-13 16:30:27,917 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 11/144 +[2024-10-13 16:30:28,049 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 12/144 +[2024-10-13 16:30:28,180 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 13/144 +[2024-10-13 16:30:28,312 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 14/144 +[2024-10-13 16:30:28,444 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 15/144 +[2024-10-13 16:30:28,575 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 16/144 +[2024-10-13 16:30:28,707 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 17/144 +[2024-10-13 16:30:28,838 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 18/144 +[2024-10-13 16:30:28,970 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 19/144 +[2024-10-13 16:30:29,101 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 20/144 +[2024-10-13 16:30:29,233 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 21/144 +[2024-10-13 16:30:29,365 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 22/144 +[2024-10-13 16:30:29,496 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 23/144 +[2024-10-13 16:30:29,628 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 24/144 +[2024-10-13 16:30:29,760 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 25/144 +[2024-10-13 16:30:29,892 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 26/144 +[2024-10-13 16:30:30,024 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 27/144 +[2024-10-13 16:30:30,157 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 28/144 +[2024-10-13 16:30:30,289 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 29/144 +[2024-10-13 16:30:30,420 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 30/144 +[2024-10-13 16:30:30,552 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 31/144 +[2024-10-13 16:30:30,684 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 32/144 +[2024-10-13 16:30:30,817 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 33/144 +[2024-10-13 16:30:30,949 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 34/144 +[2024-10-13 16:30:31,081 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 35/144 +[2024-10-13 16:30:31,212 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 36/144 +[2024-10-13 16:30:31,344 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 37/144 +[2024-10-13 16:30:31,476 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 38/144 +[2024-10-13 16:30:31,607 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 39/144 +[2024-10-13 16:30:31,739 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 40/144 +[2024-10-13 16:30:31,870 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 41/144 +[2024-10-13 16:30:32,002 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 42/144 +[2024-10-13 16:30:32,133 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 43/144 +[2024-10-13 16:30:32,265 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 44/144 +[2024-10-13 16:30:32,397 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 45/144 +[2024-10-13 16:30:32,528 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 46/144 +[2024-10-13 16:30:32,660 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 47/144 +[2024-10-13 16:30:32,785 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 48/144 +[2024-10-13 16:30:32,910 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 49/144 +[2024-10-13 16:30:33,034 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 50/144 +[2024-10-13 16:30:33,159 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 51/144 +[2024-10-13 16:30:33,283 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 52/144 +[2024-10-13 16:30:33,408 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 53/144 +[2024-10-13 16:30:33,532 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 54/144 +[2024-10-13 16:30:33,657 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 55/144 +[2024-10-13 16:30:33,781 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 56/144 +[2024-10-13 16:30:33,906 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 57/144 +[2024-10-13 16:30:34,030 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 58/144 +[2024-10-13 16:30:34,155 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 59/144 +[2024-10-13 16:30:34,280 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 60/144 +[2024-10-13 16:30:34,405 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 61/144 +[2024-10-13 16:30:34,530 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 62/144 +[2024-10-13 16:30:34,654 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 63/144 +[2024-10-13 16:30:34,779 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 64/144 +[2024-10-13 16:30:34,904 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 65/144 +[2024-10-13 16:30:35,029 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 66/144 +[2024-10-13 16:30:35,154 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 67/144 +[2024-10-13 16:30:35,279 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 68/144 +[2024-10-13 16:30:35,404 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 69/144 +[2024-10-13 16:30:35,528 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 70/144 +[2024-10-13 16:30:35,652 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 71/144 +[2024-10-13 16:30:35,776 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 72/144 +[2024-10-13 16:30:35,900 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 73/144 +[2024-10-13 16:30:36,025 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 74/144 +[2024-10-13 16:30:36,149 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 75/144 +[2024-10-13 16:30:36,273 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 76/144 +[2024-10-13 16:30:36,398 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 77/144 +[2024-10-13 16:30:36,521 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 78/144 +[2024-10-13 16:30:36,645 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 79/144 +[2024-10-13 16:30:36,770 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 80/144 +[2024-10-13 16:30:36,894 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 81/144 +[2024-10-13 16:30:37,019 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 82/144 +[2024-10-13 16:30:37,143 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 83/144 +[2024-10-13 16:30:37,267 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 84/144 +[2024-10-13 16:30:37,392 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 85/144 +[2024-10-13 16:30:37,516 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 86/144 +[2024-10-13 16:30:37,640 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 87/144 +[2024-10-13 16:30:37,765 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 88/144 +[2024-10-13 16:30:37,890 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 89/144 +[2024-10-13 16:30:38,014 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 90/144 +[2024-10-13 16:30:38,138 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 91/144 +[2024-10-13 16:30:38,278 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 92/144 +[2024-10-13 16:30:38,418 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 93/144 +[2024-10-13 16:30:38,557 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 94/144 +[2024-10-13 16:30:38,698 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 95/144 +[2024-10-13 16:30:38,837 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 96/144 +[2024-10-13 16:30:38,977 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 97/144 +[2024-10-13 16:30:39,116 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 98/144 +[2024-10-13 16:30:39,256 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 99/144 +[2024-10-13 16:30:39,396 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 100/144 +[2024-10-13 16:30:39,537 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 101/144 +[2024-10-13 16:30:39,677 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 102/144 +[2024-10-13 16:30:39,816 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 103/144 +[2024-10-13 16:30:39,956 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 104/144 +[2024-10-13 16:30:40,096 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 105/144 +[2024-10-13 16:30:40,236 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 106/144 +[2024-10-13 16:30:40,376 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 107/144 +[2024-10-13 16:30:40,515 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 108/144 +[2024-10-13 16:30:40,655 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 109/144 +[2024-10-13 16:30:40,795 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 110/144 +[2024-10-13 16:30:40,935 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 111/144 +[2024-10-13 16:30:41,074 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 112/144 +[2024-10-13 16:30:41,214 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 113/144 +[2024-10-13 16:30:41,354 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 114/144 +[2024-10-13 16:30:41,493 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 115/144 +[2024-10-13 16:30:41,632 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 116/144 +[2024-10-13 16:30:41,771 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 117/144 +[2024-10-13 16:30:41,910 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 118/144 +[2024-10-13 16:30:42,049 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 119/144 +[2024-10-13 16:30:42,189 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 120/144 +[2024-10-13 16:30:42,327 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 121/144 +[2024-10-13 16:30:42,466 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 122/144 +[2024-10-13 16:30:42,605 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 123/144 +[2024-10-13 16:30:42,744 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 124/144 +[2024-10-13 16:30:42,883 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 125/144 +[2024-10-13 16:30:43,022 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 126/144 +[2024-10-13 16:30:43,161 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 127/144 +[2024-10-13 16:30:43,301 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 128/144 +[2024-10-13 16:30:43,440 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 129/144 +[2024-10-13 16:30:43,579 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 130/144 +[2024-10-13 16:30:43,718 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 131/144 +[2024-10-13 16:30:43,851 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 132/144 +[2024-10-13 16:30:43,983 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 133/144 +[2024-10-13 16:30:44,116 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 134/144 +[2024-10-13 16:30:44,248 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 135/144 +[2024-10-13 16:30:44,380 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 136/144 +[2024-10-13 16:30:44,512 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 137/144 +[2024-10-13 16:30:44,644 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 138/144 +[2024-10-13 16:30:44,776 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 139/144 +[2024-10-13 16:30:44,907 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 140/144 +[2024-10-13 16:30:45,039 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 141/144 +[2024-10-13 16:30:45,171 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 142/144 +[2024-10-13 16:30:45,303 INFO test.py line 186 25394] Test: 189/312-scene0583_00, Batch: 143/144 +[2024-10-13 16:30:45,503 INFO test.py line 272 25394] Test: scene0583_00 [189/312]-146782 Batch 19.190 (19.508) Accuracy 0.8083 (0.4541) mIoU 0.4703 (0.3519) +[2024-10-13 16:30:45,611 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 0/126 +[2024-10-13 16:30:45,704 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 1/126 +[2024-10-13 16:30:45,797 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 2/126 +[2024-10-13 16:30:45,890 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 3/126 +[2024-10-13 16:30:45,983 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 4/126 +[2024-10-13 16:30:46,076 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 5/126 +[2024-10-13 16:30:46,169 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 6/126 +[2024-10-13 16:30:46,262 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 7/126 +[2024-10-13 16:30:46,355 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 8/126 +[2024-10-13 16:30:46,448 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 9/126 +[2024-10-13 16:30:46,541 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 10/126 +[2024-10-13 16:30:46,635 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 11/126 +[2024-10-13 16:30:46,728 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 12/126 +[2024-10-13 16:30:46,822 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 13/126 +[2024-10-13 16:30:46,915 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 14/126 +[2024-10-13 16:30:47,008 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 15/126 +[2024-10-13 16:30:47,101 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 16/126 +[2024-10-13 16:30:47,195 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 17/126 +[2024-10-13 16:30:47,288 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 18/126 +[2024-10-13 16:30:47,381 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 19/126 +[2024-10-13 16:30:47,474 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 20/126 +[2024-10-13 16:30:47,567 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 21/126 +[2024-10-13 16:30:47,661 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 22/126 +[2024-10-13 16:30:47,754 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 23/126 +[2024-10-13 16:30:47,847 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 24/126 +[2024-10-13 16:30:47,940 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 25/126 +[2024-10-13 16:30:48,034 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 26/126 +[2024-10-13 16:30:48,127 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 27/126 +[2024-10-13 16:30:48,220 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 28/126 +[2024-10-13 16:30:48,313 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 29/126 +[2024-10-13 16:30:48,406 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 30/126 +[2024-10-13 16:30:48,500 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 31/126 +[2024-10-13 16:30:48,594 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 32/126 +[2024-10-13 16:30:48,687 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 33/126 +[2024-10-13 16:30:48,780 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 34/126 +[2024-10-13 16:30:48,873 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 35/126 +[2024-10-13 16:30:48,966 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 36/126 +[2024-10-13 16:30:49,059 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 37/126 +[2024-10-13 16:30:49,152 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 38/126 +[2024-10-13 16:30:49,246 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 39/126 +[2024-10-13 16:30:49,335 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 40/126 +[2024-10-13 16:30:49,425 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 41/126 +[2024-10-13 16:30:49,514 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 42/126 +[2024-10-13 16:30:49,603 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 43/126 +[2024-10-13 16:30:49,692 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 44/126 +[2024-10-13 16:30:49,781 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 45/126 +[2024-10-13 16:30:49,870 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 46/126 +[2024-10-13 16:30:49,959 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 47/126 +[2024-10-13 16:30:50,048 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 48/126 +[2024-10-13 16:30:50,138 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 49/126 +[2024-10-13 16:30:50,228 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 50/126 +[2024-10-13 16:30:50,317 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 51/126 +[2024-10-13 16:30:50,407 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 52/126 +[2024-10-13 16:30:50,496 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 53/126 +[2024-10-13 16:30:50,585 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 54/126 +[2024-10-13 16:30:50,674 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 55/126 +[2024-10-13 16:30:50,764 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 56/126 +[2024-10-13 16:30:50,853 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 57/126 +[2024-10-13 16:30:50,942 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 58/126 +[2024-10-13 16:30:51,032 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 59/126 +[2024-10-13 16:30:51,121 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 60/126 +[2024-10-13 16:30:51,210 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 61/126 +[2024-10-13 16:30:51,299 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 62/126 +[2024-10-13 16:30:51,388 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 63/126 +[2024-10-13 16:30:51,478 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 64/126 +[2024-10-13 16:30:51,567 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 65/126 +[2024-10-13 16:30:51,657 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 66/126 +[2024-10-13 16:30:51,746 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 67/126 +[2024-10-13 16:30:51,835 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 68/126 +[2024-10-13 16:30:51,924 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 69/126 +[2024-10-13 16:30:52,014 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 70/126 +[2024-10-13 16:30:52,102 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 71/126 +[2024-10-13 16:30:52,192 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 72/126 +[2024-10-13 16:30:52,281 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 73/126 +[2024-10-13 16:30:52,370 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 74/126 +[2024-10-13 16:30:52,459 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 75/126 +[2024-10-13 16:30:52,549 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 76/126 +[2024-10-13 16:30:52,638 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 77/126 +[2024-10-13 16:30:52,728 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 78/126 +[2024-10-13 16:30:52,818 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 79/126 +[2024-10-13 16:30:52,907 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 80/126 +[2024-10-13 16:30:52,997 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 81/126 +[2024-10-13 16:30:53,087 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 82/126 +[2024-10-13 16:30:53,176 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 83/126 +[2024-10-13 16:30:53,275 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 84/126 +[2024-10-13 16:30:53,374 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 85/126 +[2024-10-13 16:30:53,516 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 86/126 +[2024-10-13 16:30:53,616 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 87/126 +[2024-10-13 16:30:53,715 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 88/126 +[2024-10-13 16:30:53,814 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 89/126 +[2024-10-13 16:30:53,914 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 90/126 +[2024-10-13 16:30:54,014 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 91/126 +[2024-10-13 16:30:54,112 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 92/126 +[2024-10-13 16:30:54,210 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 93/126 +[2024-10-13 16:30:54,309 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 94/126 +[2024-10-13 16:30:54,408 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 95/126 +[2024-10-13 16:30:54,506 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 96/126 +[2024-10-13 16:30:54,605 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 97/126 +[2024-10-13 16:30:54,703 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 98/126 +[2024-10-13 16:30:54,802 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 99/126 +[2024-10-13 16:30:54,901 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 100/126 +[2024-10-13 16:30:55,000 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 101/126 +[2024-10-13 16:30:55,099 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 102/126 +[2024-10-13 16:30:55,198 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 103/126 +[2024-10-13 16:30:55,297 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 104/126 +[2024-10-13 16:30:55,397 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 105/126 +[2024-10-13 16:30:55,496 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 106/126 +[2024-10-13 16:30:55,595 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 107/126 +[2024-10-13 16:30:55,694 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 108/126 +[2024-10-13 16:30:55,792 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 109/126 +[2024-10-13 16:30:55,891 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 110/126 +[2024-10-13 16:30:55,989 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 111/126 +[2024-10-13 16:30:56,087 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 112/126 +[2024-10-13 16:30:56,186 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 113/126 +[2024-10-13 16:30:56,285 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 114/126 +[2024-10-13 16:30:56,384 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 115/126 +[2024-10-13 16:30:56,477 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 116/126 +[2024-10-13 16:30:56,571 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 117/126 +[2024-10-13 16:30:56,664 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 118/126 +[2024-10-13 16:30:56,757 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 119/126 +[2024-10-13 16:30:56,850 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 120/126 +[2024-10-13 16:30:56,943 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 121/126 +[2024-10-13 16:30:57,036 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 122/126 +[2024-10-13 16:30:57,130 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 123/126 +[2024-10-13 16:30:57,223 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 124/126 +[2024-10-13 16:30:57,316 INFO test.py line 186 25394] Test: 190/312-scene0552_01, Batch: 125/126 +[2024-10-13 16:30:57,443 INFO test.py line 272 25394] Test: scene0552_01 [190/312]-91978 Batch 11.939 (19.468) Accuracy 0.8659 (0.4535) mIoU 0.4815 (0.3517) +[2024-10-13 16:30:57,503 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 0/125 +[2024-10-13 16:30:57,558 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 1/125 +[2024-10-13 16:30:57,611 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 2/125 +[2024-10-13 16:30:57,665 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 3/125 +[2024-10-13 16:30:57,719 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 4/125 +[2024-10-13 16:30:57,772 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 5/125 +[2024-10-13 16:30:57,825 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 6/125 +[2024-10-13 16:30:57,879 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 7/125 +[2024-10-13 16:30:57,932 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 8/125 +[2024-10-13 16:30:57,985 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 9/125 +[2024-10-13 16:30:58,038 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 10/125 +[2024-10-13 16:30:58,091 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 11/125 +[2024-10-13 16:30:58,144 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 12/125 +[2024-10-13 16:30:58,197 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 13/125 +[2024-10-13 16:30:58,250 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 14/125 +[2024-10-13 16:30:58,304 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 15/125 +[2024-10-13 16:30:58,357 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 16/125 +[2024-10-13 16:30:58,410 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 17/125 +[2024-10-13 16:30:58,463 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 18/125 +[2024-10-13 16:30:58,517 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 19/125 +[2024-10-13 16:30:58,570 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 20/125 +[2024-10-13 16:30:58,623 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 21/125 +[2024-10-13 16:30:58,676 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 22/125 +[2024-10-13 16:30:58,730 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 23/125 +[2024-10-13 16:30:58,783 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 24/125 +[2024-10-13 16:30:58,836 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 25/125 +[2024-10-13 16:30:58,889 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 26/125 +[2024-10-13 16:30:58,943 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 27/125 +[2024-10-13 16:30:58,996 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 28/125 +[2024-10-13 16:30:59,049 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 29/125 +[2024-10-13 16:30:59,102 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 30/125 +[2024-10-13 16:30:59,155 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 31/125 +[2024-10-13 16:30:59,209 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 32/125 +[2024-10-13 16:30:59,262 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 33/125 +[2024-10-13 16:30:59,315 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 34/125 +[2024-10-13 16:30:59,368 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 35/125 +[2024-10-13 16:30:59,421 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 36/125 +[2024-10-13 16:30:59,474 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 37/125 +[2024-10-13 16:30:59,527 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 38/125 +[2024-10-13 16:30:59,580 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 39/125 +[2024-10-13 16:30:59,633 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 40/125 +[2024-10-13 16:30:59,686 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 41/125 +[2024-10-13 16:30:59,739 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 42/125 +[2024-10-13 16:30:59,792 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 43/125 +[2024-10-13 16:30:59,844 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 44/125 +[2024-10-13 16:30:59,897 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 45/125 +[2024-10-13 16:30:59,949 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 46/125 +[2024-10-13 16:31:00,002 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 47/125 +[2024-10-13 16:31:00,055 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 48/125 +[2024-10-13 16:31:00,108 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 49/125 +[2024-10-13 16:31:00,161 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 50/125 +[2024-10-13 16:31:00,214 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 51/125 +[2024-10-13 16:31:00,266 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 52/125 +[2024-10-13 16:31:00,319 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 53/125 +[2024-10-13 16:31:00,372 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 54/125 +[2024-10-13 16:31:00,425 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 55/125 +[2024-10-13 16:31:00,477 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 56/125 +[2024-10-13 16:31:00,530 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 57/125 +[2024-10-13 16:31:00,583 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 58/125 +[2024-10-13 16:31:00,635 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 59/125 +[2024-10-13 16:31:00,688 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 60/125 +[2024-10-13 16:31:00,741 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 61/125 +[2024-10-13 16:31:00,793 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 62/125 +[2024-10-13 16:31:00,846 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 63/125 +[2024-10-13 16:31:00,899 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 64/125 +[2024-10-13 16:31:00,951 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 65/125 +[2024-10-13 16:31:01,004 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 66/125 +[2024-10-13 16:31:01,056 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 67/125 +[2024-10-13 16:31:01,109 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 68/125 +[2024-10-13 16:31:01,162 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 69/125 +[2024-10-13 16:31:01,215 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 70/125 +[2024-10-13 16:31:01,268 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 71/125 +[2024-10-13 16:31:01,321 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 72/125 +[2024-10-13 16:31:01,373 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 73/125 +[2024-10-13 16:31:01,426 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 74/125 +[2024-10-13 16:31:01,479 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 75/125 +[2024-10-13 16:31:01,533 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 76/125 +[2024-10-13 16:31:01,587 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 77/125 +[2024-10-13 16:31:01,641 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 78/125 +[2024-10-13 16:31:01,696 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 79/125 +[2024-10-13 16:31:01,750 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 80/125 +[2024-10-13 16:31:01,804 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 81/125 +[2024-10-13 16:31:01,859 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 82/125 +[2024-10-13 16:31:01,913 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 83/125 +[2024-10-13 16:31:01,967 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 84/125 +[2024-10-13 16:31:02,021 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 85/125 +[2024-10-13 16:31:02,076 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 86/125 +[2024-10-13 16:31:02,130 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 87/125 +[2024-10-13 16:31:02,184 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 88/125 +[2024-10-13 16:31:02,238 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 89/125 +[2024-10-13 16:31:02,341 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 90/125 +[2024-10-13 16:31:02,397 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 91/125 +[2024-10-13 16:31:02,453 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 92/125 +[2024-10-13 16:31:02,508 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 93/125 +[2024-10-13 16:31:02,564 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 94/125 +[2024-10-13 16:31:02,621 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 95/125 +[2024-10-13 16:31:02,677 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 96/125 +[2024-10-13 16:31:02,731 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 97/125 +[2024-10-13 16:31:02,786 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 98/125 +[2024-10-13 16:31:02,840 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 99/125 +[2024-10-13 16:31:02,894 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 100/125 +[2024-10-13 16:31:02,948 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 101/125 +[2024-10-13 16:31:03,002 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 102/125 +[2024-10-13 16:31:03,057 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 103/125 +[2024-10-13 16:31:03,111 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 104/125 +[2024-10-13 16:31:03,165 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 105/125 +[2024-10-13 16:31:03,220 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 106/125 +[2024-10-13 16:31:03,274 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 107/125 +[2024-10-13 16:31:03,329 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 108/125 +[2024-10-13 16:31:03,383 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 109/125 +[2024-10-13 16:31:03,437 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 110/125 +[2024-10-13 16:31:03,491 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 111/125 +[2024-10-13 16:31:03,546 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 112/125 +[2024-10-13 16:31:03,600 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 113/125 +[2024-10-13 16:31:03,654 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 114/125 +[2024-10-13 16:31:03,709 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 115/125 +[2024-10-13 16:31:03,762 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 116/125 +[2024-10-13 16:31:03,815 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 117/125 +[2024-10-13 16:31:03,869 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 118/125 +[2024-10-13 16:31:03,922 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 119/125 +[2024-10-13 16:31:03,975 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 120/125 +[2024-10-13 16:31:04,028 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 121/125 +[2024-10-13 16:31:04,082 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 122/125 +[2024-10-13 16:31:04,135 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 123/125 +[2024-10-13 16:31:04,189 INFO test.py line 186 25394] Test: 191/312-scene0702_02, Batch: 124/125 +[2024-10-13 16:31:04,255 INFO test.py line 272 25394] Test: scene0702_02 [191/312]-32788 Batch 6.812 (19.402) Accuracy 0.8868 (0.4544) mIoU 0.7131 (0.3524) +[2024-10-13 16:31:04,522 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 0/155 +[2024-10-13 16:31:04,745 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 1/155 +[2024-10-13 16:31:04,968 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 2/155 +[2024-10-13 16:31:05,191 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 3/155 +[2024-10-13 16:31:05,414 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 4/155 +[2024-10-13 16:31:05,637 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 5/155 +[2024-10-13 16:31:05,899 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 6/155 +[2024-10-13 16:31:06,121 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 7/155 +[2024-10-13 16:31:06,343 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 8/155 +[2024-10-13 16:31:06,565 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 9/155 +[2024-10-13 16:31:06,787 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 10/155 +[2024-10-13 16:31:07,008 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 11/155 +[2024-10-13 16:31:07,230 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 12/155 +[2024-10-13 16:31:07,451 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 13/155 +[2024-10-13 16:31:07,674 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 14/155 +[2024-10-13 16:31:07,895 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 15/155 +[2024-10-13 16:31:08,119 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 16/155 +[2024-10-13 16:31:08,340 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 17/155 +[2024-10-13 16:31:08,561 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 18/155 +[2024-10-13 16:31:08,782 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 19/155 +[2024-10-13 16:31:09,004 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 20/155 +[2024-10-13 16:31:09,226 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 21/155 +[2024-10-13 16:31:09,449 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 22/155 +[2024-10-13 16:31:09,670 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 23/155 +[2024-10-13 16:31:09,893 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 24/155 +[2024-10-13 16:31:10,115 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 25/155 +[2024-10-13 16:31:10,337 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 26/155 +[2024-10-13 16:31:10,558 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 27/155 +[2024-10-13 16:31:10,780 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 28/155 +[2024-10-13 16:31:11,002 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 29/155 +[2024-10-13 16:31:11,226 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 30/155 +[2024-10-13 16:31:11,447 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 31/155 +[2024-10-13 16:31:11,669 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 32/155 +[2024-10-13 16:31:11,890 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 33/155 +[2024-10-13 16:31:12,112 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 34/155 +[2024-10-13 16:31:12,335 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 35/155 +[2024-10-13 16:31:12,557 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 36/155 +[2024-10-13 16:31:12,778 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 37/155 +[2024-10-13 16:31:13,000 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 38/155 +[2024-10-13 16:31:13,221 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 39/155 +[2024-10-13 16:31:13,445 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 40/155 +[2024-10-13 16:31:13,667 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 41/155 +[2024-10-13 16:31:13,889 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 42/155 +[2024-10-13 16:31:14,111 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 43/155 +[2024-10-13 16:31:14,319 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 44/155 +[2024-10-13 16:31:14,528 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 45/155 +[2024-10-13 16:31:14,737 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 46/155 +[2024-10-13 16:31:14,947 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 47/155 +[2024-10-13 16:31:15,155 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 48/155 +[2024-10-13 16:31:15,364 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 49/155 +[2024-10-13 16:31:15,572 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 50/155 +[2024-10-13 16:31:15,781 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 51/155 +[2024-10-13 16:31:15,989 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 52/155 +[2024-10-13 16:31:16,198 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 53/155 +[2024-10-13 16:31:16,407 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 54/155 +[2024-10-13 16:31:16,615 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 55/155 +[2024-10-13 16:31:16,824 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 56/155 +[2024-10-13 16:31:17,032 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 57/155 +[2024-10-13 16:31:17,240 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 58/155 +[2024-10-13 16:31:17,447 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 59/155 +[2024-10-13 16:31:17,655 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 60/155 +[2024-10-13 16:31:17,863 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 61/155 +[2024-10-13 16:31:18,071 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 62/155 +[2024-10-13 16:31:18,279 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 63/155 +[2024-10-13 16:31:18,486 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 64/155 +[2024-10-13 16:31:18,695 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 65/155 +[2024-10-13 16:31:18,902 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 66/155 +[2024-10-13 16:31:19,109 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 67/155 +[2024-10-13 16:31:19,317 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 68/155 +[2024-10-13 16:31:19,525 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 69/155 +[2024-10-13 16:31:19,731 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 70/155 +[2024-10-13 16:31:19,940 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 71/155 +[2024-10-13 16:31:20,146 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 72/155 +[2024-10-13 16:31:20,354 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 73/155 +[2024-10-13 16:31:20,561 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 74/155 +[2024-10-13 16:31:20,770 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 75/155 +[2024-10-13 16:31:20,978 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 76/155 +[2024-10-13 16:31:21,186 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 77/155 +[2024-10-13 16:31:21,394 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 78/155 +[2024-10-13 16:31:21,602 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 79/155 +[2024-10-13 16:31:21,810 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 80/155 +[2024-10-13 16:31:22,017 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 81/155 +[2024-10-13 16:31:22,225 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 82/155 +[2024-10-13 16:31:22,434 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 83/155 +[2024-10-13 16:31:22,642 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 84/155 +[2024-10-13 16:31:22,850 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 85/155 +[2024-10-13 16:31:23,059 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 86/155 +[2024-10-13 16:31:23,268 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 87/155 +[2024-10-13 16:31:23,478 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 88/155 +[2024-10-13 16:31:23,687 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 89/155 +[2024-10-13 16:31:23,895 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 90/155 +[2024-10-13 16:31:24,105 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 91/155 +[2024-10-13 16:31:24,313 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 92/155 +[2024-10-13 16:31:24,522 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 93/155 +[2024-10-13 16:31:24,730 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 94/155 +[2024-10-13 16:31:24,939 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 95/155 +[2024-10-13 16:31:25,176 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 96/155 +[2024-10-13 16:31:25,414 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 97/155 +[2024-10-13 16:31:25,652 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 98/155 +[2024-10-13 16:31:25,889 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 99/155 +[2024-10-13 16:31:26,126 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 100/155 +[2024-10-13 16:31:26,363 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 101/155 +[2024-10-13 16:31:26,600 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 102/155 +[2024-10-13 16:31:26,838 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 103/155 +[2024-10-13 16:31:27,077 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 104/155 +[2024-10-13 16:31:27,314 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 105/155 +[2024-10-13 16:31:27,551 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 106/155 +[2024-10-13 16:31:27,788 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 107/155 +[2024-10-13 16:31:28,026 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 108/155 +[2024-10-13 16:31:28,263 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 109/155 +[2024-10-13 16:31:28,500 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 110/155 +[2024-10-13 16:31:28,738 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 111/155 +[2024-10-13 16:31:28,976 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 112/155 +[2024-10-13 16:31:29,213 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 113/155 +[2024-10-13 16:31:29,450 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 114/155 +[2024-10-13 16:31:29,687 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 115/155 +[2024-10-13 16:31:29,924 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 116/155 +[2024-10-13 16:31:30,162 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 117/155 +[2024-10-13 16:31:30,399 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 118/155 +[2024-10-13 16:31:30,637 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 119/155 +[2024-10-13 16:31:30,875 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 120/155 +[2024-10-13 16:31:31,113 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 121/155 +[2024-10-13 16:31:31,352 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 122/155 +[2024-10-13 16:31:31,590 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 123/155 +[2024-10-13 16:31:31,828 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 124/155 +[2024-10-13 16:31:32,065 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 125/155 +[2024-10-13 16:31:32,302 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 126/155 +[2024-10-13 16:31:32,540 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 127/155 +[2024-10-13 16:31:32,778 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 128/155 +[2024-10-13 16:31:33,016 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 129/155 +[2024-10-13 16:31:33,255 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 130/155 +[2024-10-13 16:31:33,493 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 131/155 +[2024-10-13 16:31:33,729 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 132/155 +[2024-10-13 16:31:33,966 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 133/155 +[2024-10-13 16:31:34,204 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 134/155 +[2024-10-13 16:31:34,441 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 135/155 +[2024-10-13 16:31:34,679 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 136/155 +[2024-10-13 16:31:34,917 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 137/155 +[2024-10-13 16:31:35,154 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 138/155 +[2024-10-13 16:31:35,392 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 139/155 +[2024-10-13 16:31:35,629 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 140/155 +[2024-10-13 16:31:35,866 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 141/155 +[2024-10-13 16:31:36,103 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 142/155 +[2024-10-13 16:31:36,340 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 143/155 +[2024-10-13 16:31:36,563 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 144/155 +[2024-10-13 16:31:36,784 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 145/155 +[2024-10-13 16:31:37,006 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 146/155 +[2024-10-13 16:31:37,228 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 147/155 +[2024-10-13 16:31:37,450 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 148/155 +[2024-10-13 16:31:37,671 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 149/155 +[2024-10-13 16:31:37,895 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 150/155 +[2024-10-13 16:31:38,117 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 151/155 +[2024-10-13 16:31:38,338 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 152/155 +[2024-10-13 16:31:38,560 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 153/155 +[2024-10-13 16:31:38,781 INFO test.py line 186 25394] Test: 192/312-scene0645_02, Batch: 154/155 +[2024-10-13 16:31:39,128 INFO test.py line 272 25394] Test: scene0645_02 [192/312]-269529 Batch 34.873 (19.482) Accuracy 0.9110 (0.4546) mIoU 0.5557 (0.3528) +[2024-10-13 16:31:39,326 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 0/138 +[2024-10-13 16:31:39,491 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 1/138 +[2024-10-13 16:31:39,656 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 2/138 +[2024-10-13 16:31:39,820 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 3/138 +[2024-10-13 16:31:39,986 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 4/138 +[2024-10-13 16:31:40,150 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 5/138 +[2024-10-13 16:31:40,315 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 6/138 +[2024-10-13 16:31:40,480 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 7/138 +[2024-10-13 16:31:40,645 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 8/138 +[2024-10-13 16:31:40,810 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 9/138 +[2024-10-13 16:31:40,975 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 10/138 +[2024-10-13 16:31:41,140 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 11/138 +[2024-10-13 16:31:41,305 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 12/138 +[2024-10-13 16:31:41,470 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 13/138 +[2024-10-13 16:31:41,635 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 14/138 +[2024-10-13 16:31:41,801 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 15/138 +[2024-10-13 16:31:41,968 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 16/138 +[2024-10-13 16:31:42,134 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 17/138 +[2024-10-13 16:31:42,299 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 18/138 +[2024-10-13 16:31:42,464 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 19/138 +[2024-10-13 16:31:42,630 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 20/138 +[2024-10-13 16:31:42,794 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 21/138 +[2024-10-13 16:31:42,959 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 22/138 +[2024-10-13 16:31:43,127 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 23/138 +[2024-10-13 16:31:43,292 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 24/138 +[2024-10-13 16:31:43,457 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 25/138 +[2024-10-13 16:31:43,622 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 26/138 +[2024-10-13 16:31:43,787 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 27/138 +[2024-10-13 16:31:43,953 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 28/138 +[2024-10-13 16:31:44,120 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 29/138 +[2024-10-13 16:31:44,285 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 30/138 +[2024-10-13 16:31:44,451 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 31/138 +[2024-10-13 16:31:44,616 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 32/138 +[2024-10-13 16:31:44,781 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 33/138 +[2024-10-13 16:31:44,946 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 34/138 +[2024-10-13 16:31:45,111 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 35/138 +[2024-10-13 16:31:45,276 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 36/138 +[2024-10-13 16:31:45,440 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 37/138 +[2024-10-13 16:31:45,606 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 38/138 +[2024-10-13 16:31:45,771 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 39/138 +[2024-10-13 16:31:45,927 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 40/138 +[2024-10-13 16:31:46,081 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 41/138 +[2024-10-13 16:31:46,236 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 42/138 +[2024-10-13 16:31:46,390 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 43/138 +[2024-10-13 16:31:46,545 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 44/138 +[2024-10-13 16:31:46,699 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 45/138 +[2024-10-13 16:31:46,853 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 46/138 +[2024-10-13 16:31:47,007 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 47/138 +[2024-10-13 16:31:47,161 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 48/138 +[2024-10-13 16:31:47,315 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 49/138 +[2024-10-13 16:31:47,469 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 50/138 +[2024-10-13 16:31:47,623 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 51/138 +[2024-10-13 16:31:47,777 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 52/138 +[2024-10-13 16:31:47,932 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 53/138 +[2024-10-13 16:31:48,086 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 54/138 +[2024-10-13 16:31:48,242 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 55/138 +[2024-10-13 16:31:48,396 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 56/138 +[2024-10-13 16:31:48,550 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 57/138 +[2024-10-13 16:31:48,705 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 58/138 +[2024-10-13 16:31:48,860 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 59/138 +[2024-10-13 16:31:49,014 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 60/138 +[2024-10-13 16:31:49,168 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 61/138 +[2024-10-13 16:31:49,323 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 62/138 +[2024-10-13 16:31:49,477 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 63/138 +[2024-10-13 16:31:49,631 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 64/138 +[2024-10-13 16:31:49,785 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 65/138 +[2024-10-13 16:31:49,939 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 66/138 +[2024-10-13 16:31:50,094 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 67/138 +[2024-10-13 16:31:50,247 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 68/138 +[2024-10-13 16:31:50,401 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 69/138 +[2024-10-13 16:31:50,556 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 70/138 +[2024-10-13 16:31:50,709 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 71/138 +[2024-10-13 16:31:50,864 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 72/138 +[2024-10-13 16:31:51,019 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 73/138 +[2024-10-13 16:31:51,172 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 74/138 +[2024-10-13 16:31:51,326 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 75/138 +[2024-10-13 16:31:51,482 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 76/138 +[2024-10-13 16:31:51,635 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 77/138 +[2024-10-13 16:31:51,789 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 78/138 +[2024-10-13 16:31:51,943 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 79/138 +[2024-10-13 16:31:52,098 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 80/138 +[2024-10-13 16:31:52,252 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 81/138 +[2024-10-13 16:31:52,405 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 82/138 +[2024-10-13 16:31:52,559 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 83/138 +[2024-10-13 16:31:52,715 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 84/138 +[2024-10-13 16:31:52,868 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 85/138 +[2024-10-13 16:31:53,023 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 86/138 +[2024-10-13 16:31:53,177 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 87/138 +[2024-10-13 16:31:53,351 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 88/138 +[2024-10-13 16:31:53,526 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 89/138 +[2024-10-13 16:31:53,701 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 90/138 +[2024-10-13 16:31:53,875 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 91/138 +[2024-10-13 16:31:54,049 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 92/138 +[2024-10-13 16:31:54,224 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 93/138 +[2024-10-13 16:31:54,398 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 94/138 +[2024-10-13 16:31:54,572 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 95/138 +[2024-10-13 16:31:54,746 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 96/138 +[2024-10-13 16:31:54,920 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 97/138 +[2024-10-13 16:31:55,094 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 98/138 +[2024-10-13 16:31:55,268 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 99/138 +[2024-10-13 16:31:55,442 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 100/138 +[2024-10-13 16:31:55,616 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 101/138 +[2024-10-13 16:31:55,790 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 102/138 +[2024-10-13 16:31:55,966 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 103/138 +[2024-10-13 16:31:56,141 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 104/138 +[2024-10-13 16:31:56,316 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 105/138 +[2024-10-13 16:31:56,490 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 106/138 +[2024-10-13 16:31:56,664 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 107/138 +[2024-10-13 16:31:56,838 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 108/138 +[2024-10-13 16:31:57,012 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 109/138 +[2024-10-13 16:31:57,186 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 110/138 +[2024-10-13 16:31:57,360 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 111/138 +[2024-10-13 16:31:57,535 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 112/138 +[2024-10-13 16:31:57,709 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 113/138 +[2024-10-13 16:31:57,884 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 114/138 +[2024-10-13 16:31:58,058 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 115/138 +[2024-10-13 16:31:58,232 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 116/138 +[2024-10-13 16:31:58,406 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 117/138 +[2024-10-13 16:31:58,581 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 118/138 +[2024-10-13 16:31:58,755 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 119/138 +[2024-10-13 16:31:58,930 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 120/138 +[2024-10-13 16:31:59,105 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 121/138 +[2024-10-13 16:31:59,279 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 122/138 +[2024-10-13 16:31:59,453 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 123/138 +[2024-10-13 16:31:59,627 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 124/138 +[2024-10-13 16:31:59,802 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 125/138 +[2024-10-13 16:31:59,976 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 126/138 +[2024-10-13 16:32:00,150 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 127/138 +[2024-10-13 16:32:00,316 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 128/138 +[2024-10-13 16:32:00,481 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 129/138 +[2024-10-13 16:32:00,646 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 130/138 +[2024-10-13 16:32:00,811 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 131/138 +[2024-10-13 16:32:00,977 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 132/138 +[2024-10-13 16:32:01,142 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 133/138 +[2024-10-13 16:32:01,307 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 134/138 +[2024-10-13 16:32:01,472 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 135/138 +[2024-10-13 16:32:01,638 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 136/138 +[2024-10-13 16:32:01,804 INFO test.py line 186 25394] Test: 193/312-scene0414_00, Batch: 137/138 +[2024-10-13 16:32:02,051 INFO test.py line 272 25394] Test: scene0414_00 [193/312]-192685 Batch 22.922 (19.500) Accuracy 0.9167 (0.4546) mIoU 0.6556 (0.3528) +[2024-10-13 16:32:02,134 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 0/130 +[2024-10-13 16:32:02,207 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 1/130 +[2024-10-13 16:32:02,279 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 2/130 +[2024-10-13 16:32:02,351 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 3/130 +[2024-10-13 16:32:02,424 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 4/130 +[2024-10-13 16:32:02,496 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 5/130 +[2024-10-13 16:32:02,569 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 6/130 +[2024-10-13 16:32:02,641 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 7/130 +[2024-10-13 16:32:02,714 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 8/130 +[2024-10-13 16:32:02,786 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 9/130 +[2024-10-13 16:32:02,859 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 10/130 +[2024-10-13 16:32:02,932 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 11/130 +[2024-10-13 16:32:03,005 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 12/130 +[2024-10-13 16:32:03,077 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 13/130 +[2024-10-13 16:32:03,150 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 14/130 +[2024-10-13 16:32:03,223 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 15/130 +[2024-10-13 16:32:03,295 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 16/130 +[2024-10-13 16:32:03,367 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 17/130 +[2024-10-13 16:32:03,440 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 18/130 +[2024-10-13 16:32:03,512 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 19/130 +[2024-10-13 16:32:03,584 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 20/130 +[2024-10-13 16:32:03,657 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 21/130 +[2024-10-13 16:32:03,729 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 22/130 +[2024-10-13 16:32:03,802 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 23/130 +[2024-10-13 16:32:03,874 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 24/130 +[2024-10-13 16:32:03,946 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 25/130 +[2024-10-13 16:32:04,019 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 26/130 +[2024-10-13 16:32:04,091 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 27/130 +[2024-10-13 16:32:04,163 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 28/130 +[2024-10-13 16:32:04,236 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 29/130 +[2024-10-13 16:32:04,308 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 30/130 +[2024-10-13 16:32:04,381 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 31/130 +[2024-10-13 16:32:04,454 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 32/130 +[2024-10-13 16:32:04,526 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 33/130 +[2024-10-13 16:32:04,598 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 34/130 +[2024-10-13 16:32:04,721 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 35/130 +[2024-10-13 16:32:04,797 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 36/130 +[2024-10-13 16:32:04,872 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 37/130 +[2024-10-13 16:32:04,946 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 38/130 +[2024-10-13 16:32:05,019 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 39/130 +[2024-10-13 16:32:05,088 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 40/130 +[2024-10-13 16:32:05,157 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 41/130 +[2024-10-13 16:32:05,226 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 42/130 +[2024-10-13 16:32:05,294 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 43/130 +[2024-10-13 16:32:05,364 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 44/130 +[2024-10-13 16:32:05,433 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 45/130 +[2024-10-13 16:32:05,502 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 46/130 +[2024-10-13 16:32:05,571 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 47/130 +[2024-10-13 16:32:05,640 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 48/130 +[2024-10-13 16:32:05,709 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 49/130 +[2024-10-13 16:32:05,778 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 50/130 +[2024-10-13 16:32:05,847 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 51/130 +[2024-10-13 16:32:05,915 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 52/130 +[2024-10-13 16:32:05,985 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 53/130 +[2024-10-13 16:32:06,054 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 54/130 +[2024-10-13 16:32:06,123 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 55/130 +[2024-10-13 16:32:06,192 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 56/130 +[2024-10-13 16:32:06,261 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 57/130 +[2024-10-13 16:32:06,329 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 58/130 +[2024-10-13 16:32:06,398 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 59/130 +[2024-10-13 16:32:06,467 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 60/130 +[2024-10-13 16:32:06,536 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 61/130 +[2024-10-13 16:32:06,606 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 62/130 +[2024-10-13 16:32:06,676 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 63/130 +[2024-10-13 16:32:06,747 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 64/130 +[2024-10-13 16:32:06,817 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 65/130 +[2024-10-13 16:32:06,887 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 66/130 +[2024-10-13 16:32:06,957 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 67/130 +[2024-10-13 16:32:07,027 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 68/130 +[2024-10-13 16:32:07,099 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 69/130 +[2024-10-13 16:32:07,169 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 70/130 +[2024-10-13 16:32:07,239 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 71/130 +[2024-10-13 16:32:07,308 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 72/130 +[2024-10-13 16:32:07,377 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 73/130 +[2024-10-13 16:32:07,447 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 74/130 +[2024-10-13 16:32:07,516 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 75/130 +[2024-10-13 16:32:07,585 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 76/130 +[2024-10-13 16:32:07,654 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 77/130 +[2024-10-13 16:32:07,723 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 78/130 +[2024-10-13 16:32:07,792 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 79/130 +[2024-10-13 16:32:07,861 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 80/130 +[2024-10-13 16:32:07,930 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 81/130 +[2024-10-13 16:32:07,999 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 82/130 +[2024-10-13 16:32:08,068 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 83/130 +[2024-10-13 16:32:08,143 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 84/130 +[2024-10-13 16:32:08,217 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 85/130 +[2024-10-13 16:32:08,292 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 86/130 +[2024-10-13 16:32:08,367 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 87/130 +[2024-10-13 16:32:08,443 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 88/130 +[2024-10-13 16:32:08,517 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 89/130 +[2024-10-13 16:32:08,592 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 90/130 +[2024-10-13 16:32:08,667 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 91/130 +[2024-10-13 16:32:08,743 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 92/130 +[2024-10-13 16:32:08,817 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 93/130 +[2024-10-13 16:32:08,892 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 94/130 +[2024-10-13 16:32:08,967 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 95/130 +[2024-10-13 16:32:09,043 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 96/130 +[2024-10-13 16:32:09,117 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 97/130 +[2024-10-13 16:32:09,192 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 98/130 +[2024-10-13 16:32:09,267 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 99/130 +[2024-10-13 16:32:09,342 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 100/130 +[2024-10-13 16:32:09,417 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 101/130 +[2024-10-13 16:32:09,492 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 102/130 +[2024-10-13 16:32:09,567 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 103/130 +[2024-10-13 16:32:09,642 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 104/130 +[2024-10-13 16:32:09,717 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 105/130 +[2024-10-13 16:32:09,792 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 106/130 +[2024-10-13 16:32:09,867 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 107/130 +[2024-10-13 16:32:09,942 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 108/130 +[2024-10-13 16:32:10,016 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 109/130 +[2024-10-13 16:32:10,091 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 110/130 +[2024-10-13 16:32:10,167 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 111/130 +[2024-10-13 16:32:10,242 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 112/130 +[2024-10-13 16:32:10,316 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 113/130 +[2024-10-13 16:32:10,391 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 114/130 +[2024-10-13 16:32:10,466 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 115/130 +[2024-10-13 16:32:10,542 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 116/130 +[2024-10-13 16:32:10,616 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 117/130 +[2024-10-13 16:32:10,693 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 118/130 +[2024-10-13 16:32:10,769 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 119/130 +[2024-10-13 16:32:10,841 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 120/130 +[2024-10-13 16:32:10,913 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 121/130 +[2024-10-13 16:32:10,985 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 122/130 +[2024-10-13 16:32:11,057 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 123/130 +[2024-10-13 16:32:11,129 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 124/130 +[2024-10-13 16:32:11,202 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 125/130 +[2024-10-13 16:32:11,273 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 126/130 +[2024-10-13 16:32:11,346 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 127/130 +[2024-10-13 16:32:11,418 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 128/130 +[2024-10-13 16:32:11,491 INFO test.py line 186 25394] Test: 194/312-scene0553_00, Batch: 129/130 +[2024-10-13 16:32:11,581 INFO test.py line 272 25394] Test: scene0553_00 [194/312]-62854 Batch 9.530 (19.449) Accuracy 0.8780 (0.4546) mIoU 0.3947 (0.3529) +[2024-10-13 16:32:11,707 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 0/134 +[2024-10-13 16:32:11,817 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 1/134 +[2024-10-13 16:32:11,926 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 2/134 +[2024-10-13 16:32:12,035 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 3/134 +[2024-10-13 16:32:12,144 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 4/134 +[2024-10-13 16:32:12,253 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 5/134 +[2024-10-13 16:32:12,361 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 6/134 +[2024-10-13 16:32:12,470 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 7/134 +[2024-10-13 16:32:12,579 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 8/134 +[2024-10-13 16:32:12,687 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 9/134 +[2024-10-13 16:32:12,797 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 10/134 +[2024-10-13 16:32:12,907 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 11/134 +[2024-10-13 16:32:13,016 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 12/134 +[2024-10-13 16:32:13,126 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 13/134 +[2024-10-13 16:32:13,236 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 14/134 +[2024-10-13 16:32:13,345 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 15/134 +[2024-10-13 16:32:13,455 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 16/134 +[2024-10-13 16:32:13,564 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 17/134 +[2024-10-13 16:32:13,674 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 18/134 +[2024-10-13 16:32:13,783 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 19/134 +[2024-10-13 16:32:13,892 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 20/134 +[2024-10-13 16:32:14,002 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 21/134 +[2024-10-13 16:32:14,111 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 22/134 +[2024-10-13 16:32:14,221 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 23/134 +[2024-10-13 16:32:14,330 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 24/134 +[2024-10-13 16:32:14,439 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 25/134 +[2024-10-13 16:32:14,549 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 26/134 +[2024-10-13 16:32:14,659 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 27/134 +[2024-10-13 16:32:14,768 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 28/134 +[2024-10-13 16:32:14,878 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 29/134 +[2024-10-13 16:32:14,987 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 30/134 +[2024-10-13 16:32:15,096 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 31/134 +[2024-10-13 16:32:15,205 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 32/134 +[2024-10-13 16:32:15,315 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 33/134 +[2024-10-13 16:32:15,424 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 34/134 +[2024-10-13 16:32:15,534 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 35/134 +[2024-10-13 16:32:15,643 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 36/134 +[2024-10-13 16:32:15,752 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 37/134 +[2024-10-13 16:32:15,862 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 38/134 +[2024-10-13 16:32:15,971 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 39/134 +[2024-10-13 16:32:16,087 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 40/134 +[2024-10-13 16:32:16,205 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 41/134 +[2024-10-13 16:32:16,313 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 42/134 +[2024-10-13 16:32:16,417 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 43/134 +[2024-10-13 16:32:16,520 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 44/134 +[2024-10-13 16:32:16,622 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 45/134 +[2024-10-13 16:32:16,725 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 46/134 +[2024-10-13 16:32:16,828 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 47/134 +[2024-10-13 16:32:16,931 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 48/134 +[2024-10-13 16:32:17,034 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 49/134 +[2024-10-13 16:32:17,137 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 50/134 +[2024-10-13 16:32:17,240 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 51/134 +[2024-10-13 16:32:17,343 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 52/134 +[2024-10-13 16:32:17,446 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 53/134 +[2024-10-13 16:32:17,549 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 54/134 +[2024-10-13 16:32:17,652 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 55/134 +[2024-10-13 16:32:17,754 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 56/134 +[2024-10-13 16:32:17,857 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 57/134 +[2024-10-13 16:32:17,960 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 58/134 +[2024-10-13 16:32:18,063 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 59/134 +[2024-10-13 16:32:18,165 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 60/134 +[2024-10-13 16:32:18,268 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 61/134 +[2024-10-13 16:32:18,371 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 62/134 +[2024-10-13 16:32:18,474 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 63/134 +[2024-10-13 16:32:18,577 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 64/134 +[2024-10-13 16:32:18,679 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 65/134 +[2024-10-13 16:32:18,783 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 66/134 +[2024-10-13 16:32:18,886 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 67/134 +[2024-10-13 16:32:18,989 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 68/134 +[2024-10-13 16:32:19,092 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 69/134 +[2024-10-13 16:32:19,194 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 70/134 +[2024-10-13 16:32:19,297 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 71/134 +[2024-10-13 16:32:19,400 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 72/134 +[2024-10-13 16:32:19,503 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 73/134 +[2024-10-13 16:32:19,606 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 74/134 +[2024-10-13 16:32:19,708 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 75/134 +[2024-10-13 16:32:19,812 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 76/134 +[2024-10-13 16:32:19,914 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 77/134 +[2024-10-13 16:32:20,017 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 78/134 +[2024-10-13 16:32:20,120 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 79/134 +[2024-10-13 16:32:20,222 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 80/134 +[2024-10-13 16:32:20,325 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 81/134 +[2024-10-13 16:32:20,428 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 82/134 +[2024-10-13 16:32:20,531 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 83/134 +[2024-10-13 16:32:20,634 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 84/134 +[2024-10-13 16:32:20,737 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 85/134 +[2024-10-13 16:32:20,840 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 86/134 +[2024-10-13 16:32:20,943 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 87/134 +[2024-10-13 16:32:21,059 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 88/134 +[2024-10-13 16:32:21,175 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 89/134 +[2024-10-13 16:32:21,290 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 90/134 +[2024-10-13 16:32:21,406 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 91/134 +[2024-10-13 16:32:21,522 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 92/134 +[2024-10-13 16:32:21,637 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 93/134 +[2024-10-13 16:32:21,752 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 94/134 +[2024-10-13 16:32:21,868 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 95/134 +[2024-10-13 16:32:21,983 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 96/134 +[2024-10-13 16:32:22,098 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 97/134 +[2024-10-13 16:32:22,214 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 98/134 +[2024-10-13 16:32:22,329 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 99/134 +[2024-10-13 16:32:22,444 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 100/134 +[2024-10-13 16:32:22,559 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 101/134 +[2024-10-13 16:32:22,674 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 102/134 +[2024-10-13 16:32:22,790 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 103/134 +[2024-10-13 16:32:22,905 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 104/134 +[2024-10-13 16:32:23,020 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 105/134 +[2024-10-13 16:32:23,135 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 106/134 +[2024-10-13 16:32:23,251 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 107/134 +[2024-10-13 16:32:23,366 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 108/134 +[2024-10-13 16:32:23,481 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 109/134 +[2024-10-13 16:32:23,597 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 110/134 +[2024-10-13 16:32:23,712 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 111/134 +[2024-10-13 16:32:23,828 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 112/134 +[2024-10-13 16:32:23,943 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 113/134 +[2024-10-13 16:32:24,058 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 114/134 +[2024-10-13 16:32:24,173 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 115/134 +[2024-10-13 16:32:24,288 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 116/134 +[2024-10-13 16:32:24,404 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 117/134 +[2024-10-13 16:32:24,519 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 118/134 +[2024-10-13 16:32:24,633 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 119/134 +[2024-10-13 16:32:24,748 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 120/134 +[2024-10-13 16:32:24,863 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 121/134 +[2024-10-13 16:32:24,978 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 122/134 +[2024-10-13 16:32:25,093 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 123/134 +[2024-10-13 16:32:25,203 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 124/134 +[2024-10-13 16:32:25,312 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 125/134 +[2024-10-13 16:32:25,421 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 126/134 +[2024-10-13 16:32:25,531 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 127/134 +[2024-10-13 16:32:25,640 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 128/134 +[2024-10-13 16:32:25,750 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 129/134 +[2024-10-13 16:32:25,859 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 130/134 +[2024-10-13 16:32:25,968 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 131/134 +[2024-10-13 16:32:26,078 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 132/134 +[2024-10-13 16:32:26,187 INFO test.py line 186 25394] Test: 195/312-scene0690_01, Batch: 133/134 +[2024-10-13 16:32:26,329 INFO test.py line 272 25394] Test: scene0690_01 [195/312]-109935 Batch 14.747 (19.425) Accuracy 0.8422 (0.4551) mIoU 0.4068 (0.3532) +[2024-10-13 16:32:26,457 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 0/121 +[2024-10-13 16:32:26,569 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 1/121 +[2024-10-13 16:32:26,681 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 2/121 +[2024-10-13 16:32:26,793 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 3/121 +[2024-10-13 16:32:26,904 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 4/121 +[2024-10-13 16:32:27,016 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 5/121 +[2024-10-13 16:32:27,128 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 6/121 +[2024-10-13 16:32:27,240 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 7/121 +[2024-10-13 16:32:27,352 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 8/121 +[2024-10-13 16:32:27,503 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 9/121 +[2024-10-13 16:32:27,618 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 10/121 +[2024-10-13 16:32:27,729 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 11/121 +[2024-10-13 16:32:27,842 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 12/121 +[2024-10-13 16:32:27,953 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 13/121 +[2024-10-13 16:32:28,065 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 14/121 +[2024-10-13 16:32:28,177 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 15/121 +[2024-10-13 16:32:28,289 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 16/121 +[2024-10-13 16:32:28,401 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 17/121 +[2024-10-13 16:32:28,512 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 18/121 +[2024-10-13 16:32:28,624 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 19/121 +[2024-10-13 16:32:28,736 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 20/121 +[2024-10-13 16:32:28,848 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 21/121 +[2024-10-13 16:32:28,960 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 22/121 +[2024-10-13 16:32:29,072 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 23/121 +[2024-10-13 16:32:29,184 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 24/121 +[2024-10-13 16:32:29,295 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 25/121 +[2024-10-13 16:32:29,407 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 26/121 +[2024-10-13 16:32:29,519 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 27/121 +[2024-10-13 16:32:29,631 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 28/121 +[2024-10-13 16:32:29,742 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 29/121 +[2024-10-13 16:32:29,854 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 30/121 +[2024-10-13 16:32:29,966 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 31/121 +[2024-10-13 16:32:30,078 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 32/121 +[2024-10-13 16:32:30,189 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 33/121 +[2024-10-13 16:32:30,302 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 34/121 +[2024-10-13 16:32:30,413 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 35/121 +[2024-10-13 16:32:30,518 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 36/121 +[2024-10-13 16:32:30,623 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 37/121 +[2024-10-13 16:32:30,728 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 38/121 +[2024-10-13 16:32:30,833 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 39/121 +[2024-10-13 16:32:30,938 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 40/121 +[2024-10-13 16:32:31,043 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 41/121 +[2024-10-13 16:32:31,148 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 42/121 +[2024-10-13 16:32:31,253 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 43/121 +[2024-10-13 16:32:31,359 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 44/121 +[2024-10-13 16:32:31,463 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 45/121 +[2024-10-13 16:32:31,569 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 46/121 +[2024-10-13 16:32:31,674 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 47/121 +[2024-10-13 16:32:31,780 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 48/121 +[2024-10-13 16:32:31,885 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 49/121 +[2024-10-13 16:32:31,990 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 50/121 +[2024-10-13 16:32:32,096 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 51/121 +[2024-10-13 16:32:32,201 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 52/121 +[2024-10-13 16:32:32,307 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 53/121 +[2024-10-13 16:32:32,412 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 54/121 +[2024-10-13 16:32:32,518 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 55/121 +[2024-10-13 16:32:32,624 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 56/121 +[2024-10-13 16:32:32,732 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 57/121 +[2024-10-13 16:32:32,837 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 58/121 +[2024-10-13 16:32:32,943 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 59/121 +[2024-10-13 16:32:33,049 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 60/121 +[2024-10-13 16:32:33,155 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 61/121 +[2024-10-13 16:32:33,260 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 62/121 +[2024-10-13 16:32:33,366 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 63/121 +[2024-10-13 16:32:33,472 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 64/121 +[2024-10-13 16:32:33,578 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 65/121 +[2024-10-13 16:32:33,684 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 66/121 +[2024-10-13 16:32:33,789 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 67/121 +[2024-10-13 16:32:33,895 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 68/121 +[2024-10-13 16:32:34,000 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 69/121 +[2024-10-13 16:32:34,106 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 70/121 +[2024-10-13 16:32:34,212 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 71/121 +[2024-10-13 16:32:34,330 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 72/121 +[2024-10-13 16:32:34,448 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 73/121 +[2024-10-13 16:32:34,566 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 74/121 +[2024-10-13 16:32:34,684 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 75/121 +[2024-10-13 16:32:34,802 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 76/121 +[2024-10-13 16:32:34,920 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 77/121 +[2024-10-13 16:32:35,038 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 78/121 +[2024-10-13 16:32:35,156 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 79/121 +[2024-10-13 16:32:35,274 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 80/121 +[2024-10-13 16:32:35,392 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 81/121 +[2024-10-13 16:32:35,510 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 82/121 +[2024-10-13 16:32:35,628 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 83/121 +[2024-10-13 16:32:35,746 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 84/121 +[2024-10-13 16:32:35,864 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 85/121 +[2024-10-13 16:32:35,982 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 86/121 +[2024-10-13 16:32:36,100 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 87/121 +[2024-10-13 16:32:36,218 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 88/121 +[2024-10-13 16:32:36,337 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 89/121 +[2024-10-13 16:32:36,454 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 90/121 +[2024-10-13 16:32:36,572 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 91/121 +[2024-10-13 16:32:36,690 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 92/121 +[2024-10-13 16:32:36,809 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 93/121 +[2024-10-13 16:32:36,928 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 94/121 +[2024-10-13 16:32:37,046 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 95/121 +[2024-10-13 16:32:37,164 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 96/121 +[2024-10-13 16:32:37,282 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 97/121 +[2024-10-13 16:32:37,399 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 98/121 +[2024-10-13 16:32:37,518 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 99/121 +[2024-10-13 16:32:37,636 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 100/121 +[2024-10-13 16:32:37,754 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 101/121 +[2024-10-13 16:32:37,872 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 102/121 +[2024-10-13 16:32:37,990 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 103/121 +[2024-10-13 16:32:38,109 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 104/121 +[2024-10-13 16:32:38,227 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 105/121 +[2024-10-13 16:32:38,346 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 106/121 +[2024-10-13 16:32:38,464 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 107/121 +[2024-10-13 16:32:38,582 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 108/121 +[2024-10-13 16:32:38,700 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 109/121 +[2024-10-13 16:32:38,818 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 110/121 +[2024-10-13 16:32:38,935 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 111/121 +[2024-10-13 16:32:39,047 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 112/121 +[2024-10-13 16:32:39,159 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 113/121 +[2024-10-13 16:32:39,271 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 114/121 +[2024-10-13 16:32:39,382 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 115/121 +[2024-10-13 16:32:39,494 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 116/121 +[2024-10-13 16:32:39,605 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 117/121 +[2024-10-13 16:32:39,717 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 118/121 +[2024-10-13 16:32:39,829 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 119/121 +[2024-10-13 16:32:39,941 INFO test.py line 186 25394] Test: 196/312-scene0559_02, Batch: 120/121 +[2024-10-13 16:32:40,095 INFO test.py line 272 25394] Test: scene0559_02 [196/312]-118005 Batch 13.766 (19.396) Accuracy 0.9868 (0.4555) mIoU 0.7774 (0.3536) +[2024-10-13 16:32:40,277 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 0/130 +[2024-10-13 16:32:40,429 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 1/130 +[2024-10-13 16:32:40,580 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 2/130 +[2024-10-13 16:32:40,732 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 3/130 +[2024-10-13 16:32:40,884 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 4/130 +[2024-10-13 16:32:41,036 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 5/130 +[2024-10-13 16:32:41,188 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 6/130 +[2024-10-13 16:32:41,340 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 7/130 +[2024-10-13 16:32:41,491 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 8/130 +[2024-10-13 16:32:41,643 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 9/130 +[2024-10-13 16:32:41,795 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 10/130 +[2024-10-13 16:32:41,947 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 11/130 +[2024-10-13 16:32:42,099 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 12/130 +[2024-10-13 16:32:42,250 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 13/130 +[2024-10-13 16:32:42,402 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 14/130 +[2024-10-13 16:32:42,554 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 15/130 +[2024-10-13 16:32:42,706 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 16/130 +[2024-10-13 16:32:42,858 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 17/130 +[2024-10-13 16:32:43,009 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 18/130 +[2024-10-13 16:32:43,161 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 19/130 +[2024-10-13 16:32:43,312 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 20/130 +[2024-10-13 16:32:43,463 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 21/130 +[2024-10-13 16:32:43,615 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 22/130 +[2024-10-13 16:32:43,766 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 23/130 +[2024-10-13 16:32:43,918 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 24/130 +[2024-10-13 16:32:44,069 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 25/130 +[2024-10-13 16:32:44,221 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 26/130 +[2024-10-13 16:32:44,373 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 27/130 +[2024-10-13 16:32:44,525 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 28/130 +[2024-10-13 16:32:44,677 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 29/130 +[2024-10-13 16:32:44,830 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 30/130 +[2024-10-13 16:32:44,983 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 31/130 +[2024-10-13 16:32:45,136 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 32/130 +[2024-10-13 16:32:45,287 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 33/130 +[2024-10-13 16:32:45,440 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 34/130 +[2024-10-13 16:32:45,592 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 35/130 +[2024-10-13 16:32:45,744 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 36/130 +[2024-10-13 16:32:45,896 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 37/130 +[2024-10-13 16:32:46,048 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 38/130 +[2024-10-13 16:32:46,201 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 39/130 +[2024-10-13 16:32:46,343 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 40/130 +[2024-10-13 16:32:46,485 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 41/130 +[2024-10-13 16:32:46,626 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 42/130 +[2024-10-13 16:32:46,768 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 43/130 +[2024-10-13 16:32:46,911 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 44/130 +[2024-10-13 16:32:47,054 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 45/130 +[2024-10-13 16:32:47,197 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 46/130 +[2024-10-13 16:32:47,339 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 47/130 +[2024-10-13 16:32:47,480 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 48/130 +[2024-10-13 16:32:47,622 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 49/130 +[2024-10-13 16:32:47,764 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 50/130 +[2024-10-13 16:32:47,906 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 51/130 +[2024-10-13 16:32:48,049 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 52/130 +[2024-10-13 16:32:48,191 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 53/130 +[2024-10-13 16:32:48,335 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 54/130 +[2024-10-13 16:32:48,478 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 55/130 +[2024-10-13 16:32:48,621 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 56/130 +[2024-10-13 16:32:48,764 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 57/130 +[2024-10-13 16:32:48,906 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 58/130 +[2024-10-13 16:32:49,049 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 59/130 +[2024-10-13 16:32:49,192 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 60/130 +[2024-10-13 16:32:49,335 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 61/130 +[2024-10-13 16:32:49,478 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 62/130 +[2024-10-13 16:32:49,620 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 63/130 +[2024-10-13 16:32:49,762 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 64/130 +[2024-10-13 16:32:49,904 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 65/130 +[2024-10-13 16:32:50,047 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 66/130 +[2024-10-13 16:32:50,190 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 67/130 +[2024-10-13 16:32:50,333 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 68/130 +[2024-10-13 16:32:50,475 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 69/130 +[2024-10-13 16:32:50,617 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 70/130 +[2024-10-13 16:32:50,760 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 71/130 +[2024-10-13 16:32:50,902 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 72/130 +[2024-10-13 16:32:51,044 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 73/130 +[2024-10-13 16:32:51,186 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 74/130 +[2024-10-13 16:32:51,369 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 75/130 +[2024-10-13 16:32:51,511 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 76/130 +[2024-10-13 16:32:51,656 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 77/130 +[2024-10-13 16:32:51,799 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 78/130 +[2024-10-13 16:32:51,942 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 79/130 +[2024-10-13 16:32:52,084 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 80/130 +[2024-10-13 16:32:52,226 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 81/130 +[2024-10-13 16:32:52,368 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 82/130 +[2024-10-13 16:32:52,510 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 83/130 +[2024-10-13 16:32:52,670 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 84/130 +[2024-10-13 16:32:52,832 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 85/130 +[2024-10-13 16:32:52,992 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 86/130 +[2024-10-13 16:32:53,153 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 87/130 +[2024-10-13 16:32:53,314 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 88/130 +[2024-10-13 16:32:53,474 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 89/130 +[2024-10-13 16:32:53,635 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 90/130 +[2024-10-13 16:32:53,795 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 91/130 +[2024-10-13 16:32:53,956 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 92/130 +[2024-10-13 16:32:54,118 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 93/130 +[2024-10-13 16:32:54,279 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 94/130 +[2024-10-13 16:32:54,441 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 95/130 +[2024-10-13 16:32:54,603 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 96/130 +[2024-10-13 16:32:54,765 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 97/130 +[2024-10-13 16:32:54,928 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 98/130 +[2024-10-13 16:32:55,089 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 99/130 +[2024-10-13 16:32:55,252 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 100/130 +[2024-10-13 16:32:55,413 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 101/130 +[2024-10-13 16:32:55,575 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 102/130 +[2024-10-13 16:32:55,737 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 103/130 +[2024-10-13 16:32:55,899 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 104/130 +[2024-10-13 16:32:56,060 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 105/130 +[2024-10-13 16:32:56,222 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 106/130 +[2024-10-13 16:32:56,384 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 107/130 +[2024-10-13 16:32:56,547 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 108/130 +[2024-10-13 16:32:56,708 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 109/130 +[2024-10-13 16:32:56,870 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 110/130 +[2024-10-13 16:32:57,031 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 111/130 +[2024-10-13 16:32:57,192 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 112/130 +[2024-10-13 16:32:57,352 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 113/130 +[2024-10-13 16:32:57,513 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 114/130 +[2024-10-13 16:32:57,674 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 115/130 +[2024-10-13 16:32:57,836 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 116/130 +[2024-10-13 16:32:57,997 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 117/130 +[2024-10-13 16:32:58,158 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 118/130 +[2024-10-13 16:32:58,320 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 119/130 +[2024-10-13 16:32:58,471 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 120/130 +[2024-10-13 16:32:58,623 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 121/130 +[2024-10-13 16:32:58,774 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 122/130 +[2024-10-13 16:32:58,925 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 123/130 +[2024-10-13 16:32:59,077 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 124/130 +[2024-10-13 16:32:59,228 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 125/130 +[2024-10-13 16:32:59,380 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 126/130 +[2024-10-13 16:32:59,531 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 127/130 +[2024-10-13 16:32:59,682 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 128/130 +[2024-10-13 16:32:59,834 INFO test.py line 186 25394] Test: 197/312-scene0593_01, Batch: 129/130 +[2024-10-13 16:33:00,085 INFO test.py line 272 25394] Test: scene0593_01 [197/312]-179252 Batch 19.990 (19.399) Accuracy 0.8705 (0.4568) mIoU 0.4990 (0.3550) +[2024-10-13 16:33:00,158 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 0/127 +[2024-10-13 16:33:00,220 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 1/127 +[2024-10-13 16:33:00,282 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 2/127 +[2024-10-13 16:33:00,345 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 3/127 +[2024-10-13 16:33:00,407 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 4/127 +[2024-10-13 16:33:00,469 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 5/127 +[2024-10-13 16:33:00,531 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 6/127 +[2024-10-13 16:33:00,593 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 7/127 +[2024-10-13 16:33:00,655 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 8/127 +[2024-10-13 16:33:00,717 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 9/127 +[2024-10-13 16:33:00,780 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 10/127 +[2024-10-13 16:33:00,842 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 11/127 +[2024-10-13 16:33:00,904 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 12/127 +[2024-10-13 16:33:00,966 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 13/127 +[2024-10-13 16:33:01,028 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 14/127 +[2024-10-13 16:33:01,090 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 15/127 +[2024-10-13 16:33:01,151 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 16/127 +[2024-10-13 16:33:01,214 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 17/127 +[2024-10-13 16:33:01,276 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 18/127 +[2024-10-13 16:33:01,338 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 19/127 +[2024-10-13 16:33:01,400 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 20/127 +[2024-10-13 16:33:01,462 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 21/127 +[2024-10-13 16:33:01,524 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 22/127 +[2024-10-13 16:33:01,586 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 23/127 +[2024-10-13 16:33:01,648 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 24/127 +[2024-10-13 16:33:01,709 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 25/127 +[2024-10-13 16:33:01,771 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 26/127 +[2024-10-13 16:33:01,833 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 27/127 +[2024-10-13 16:33:01,895 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 28/127 +[2024-10-13 16:33:01,957 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 29/127 +[2024-10-13 16:33:02,019 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 30/127 +[2024-10-13 16:33:02,081 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 31/127 +[2024-10-13 16:33:02,143 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 32/127 +[2024-10-13 16:33:02,204 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 33/127 +[2024-10-13 16:33:02,265 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 34/127 +[2024-10-13 16:33:02,326 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 35/127 +[2024-10-13 16:33:02,387 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 36/127 +[2024-10-13 16:33:02,449 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 37/127 +[2024-10-13 16:33:02,510 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 38/127 +[2024-10-13 16:33:02,571 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 39/127 +[2024-10-13 16:33:02,632 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 40/127 +[2024-10-13 16:33:02,693 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 41/127 +[2024-10-13 16:33:02,754 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 42/127 +[2024-10-13 16:33:02,815 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 43/127 +[2024-10-13 16:33:02,876 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 44/127 +[2024-10-13 16:33:02,936 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 45/127 +[2024-10-13 16:33:02,996 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 46/127 +[2024-10-13 16:33:03,056 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 47/127 +[2024-10-13 16:33:03,116 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 48/127 +[2024-10-13 16:33:03,176 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 49/127 +[2024-10-13 16:33:03,235 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 50/127 +[2024-10-13 16:33:03,295 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 51/127 +[2024-10-13 16:33:03,355 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 52/127 +[2024-10-13 16:33:03,416 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 53/127 +[2024-10-13 16:33:03,476 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 54/127 +[2024-10-13 16:33:03,536 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 55/127 +[2024-10-13 16:33:03,596 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 56/127 +[2024-10-13 16:33:03,656 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 57/127 +[2024-10-13 16:33:03,717 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 58/127 +[2024-10-13 16:33:03,777 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 59/127 +[2024-10-13 16:33:03,838 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 60/127 +[2024-10-13 16:33:03,898 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 61/127 +[2024-10-13 16:33:03,959 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 62/127 +[2024-10-13 16:33:04,019 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 63/127 +[2024-10-13 16:33:04,079 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 64/127 +[2024-10-13 16:33:04,139 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 65/127 +[2024-10-13 16:33:04,199 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 66/127 +[2024-10-13 16:33:04,259 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 67/127 +[2024-10-13 16:33:04,319 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 68/127 +[2024-10-13 16:33:04,378 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 69/127 +[2024-10-13 16:33:04,438 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 70/127 +[2024-10-13 16:33:04,566 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 71/127 +[2024-10-13 16:33:04,628 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 72/127 +[2024-10-13 16:33:04,690 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 73/127 +[2024-10-13 16:33:04,756 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 74/127 +[2024-10-13 16:33:04,818 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 75/127 +[2024-10-13 16:33:04,880 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 76/127 +[2024-10-13 16:33:04,941 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 77/127 +[2024-10-13 16:33:05,001 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 78/127 +[2024-10-13 16:33:05,060 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 79/127 +[2024-10-13 16:33:05,125 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 80/127 +[2024-10-13 16:33:05,189 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 81/127 +[2024-10-13 16:33:05,254 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 82/127 +[2024-10-13 16:33:05,318 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 83/127 +[2024-10-13 16:33:05,382 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 84/127 +[2024-10-13 16:33:05,447 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 85/127 +[2024-10-13 16:33:05,511 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 86/127 +[2024-10-13 16:33:05,575 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 87/127 +[2024-10-13 16:33:05,640 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 88/127 +[2024-10-13 16:33:05,707 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 89/127 +[2024-10-13 16:33:05,771 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 90/127 +[2024-10-13 16:33:05,835 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 91/127 +[2024-10-13 16:33:05,899 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 92/127 +[2024-10-13 16:33:05,965 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 93/127 +[2024-10-13 16:33:06,030 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 94/127 +[2024-10-13 16:33:06,094 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 95/127 +[2024-10-13 16:33:06,158 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 96/127 +[2024-10-13 16:33:06,223 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 97/127 +[2024-10-13 16:33:06,287 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 98/127 +[2024-10-13 16:33:06,351 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 99/127 +[2024-10-13 16:33:06,415 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 100/127 +[2024-10-13 16:33:06,480 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 101/127 +[2024-10-13 16:33:06,544 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 102/127 +[2024-10-13 16:33:06,609 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 103/127 +[2024-10-13 16:33:06,673 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 104/127 +[2024-10-13 16:33:06,738 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 105/127 +[2024-10-13 16:33:06,802 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 106/127 +[2024-10-13 16:33:06,867 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 107/127 +[2024-10-13 16:33:06,932 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 108/127 +[2024-10-13 16:33:06,996 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 109/127 +[2024-10-13 16:33:07,060 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 110/127 +[2024-10-13 16:33:07,125 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 111/127 +[2024-10-13 16:33:07,189 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 112/127 +[2024-10-13 16:33:07,253 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 113/127 +[2024-10-13 16:33:07,318 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 114/127 +[2024-10-13 16:33:07,383 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 115/127 +[2024-10-13 16:33:07,444 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 116/127 +[2024-10-13 16:33:07,506 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 117/127 +[2024-10-13 16:33:07,568 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 118/127 +[2024-10-13 16:33:07,630 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 119/127 +[2024-10-13 16:33:07,691 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 120/127 +[2024-10-13 16:33:07,754 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 121/127 +[2024-10-13 16:33:07,815 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 122/127 +[2024-10-13 16:33:07,877 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 123/127 +[2024-10-13 16:33:07,939 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 124/127 +[2024-10-13 16:33:08,001 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 125/127 +[2024-10-13 16:33:08,063 INFO test.py line 186 25394] Test: 198/312-scene0664_02, Batch: 126/127 +[2024-10-13 16:33:08,131 INFO test.py line 272 25394] Test: scene0664_02 [198/312]-46804 Batch 8.046 (19.341) Accuracy 0.8587 (0.4580) mIoU 0.5648 (0.3552) +[2024-10-13 16:33:08,476 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 0/173 +[2024-10-13 16:33:08,763 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 1/173 +[2024-10-13 16:33:09,050 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 2/173 +[2024-10-13 16:33:09,336 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 3/173 +[2024-10-13 16:33:09,622 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 4/173 +[2024-10-13 16:33:09,907 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 5/173 +[2024-10-13 16:33:10,194 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 6/173 +[2024-10-13 16:33:10,479 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 7/173 +[2024-10-13 16:33:10,766 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 8/173 +[2024-10-13 16:33:11,052 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 9/173 +[2024-10-13 16:33:11,339 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 10/173 +[2024-10-13 16:33:11,625 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 11/173 +[2024-10-13 16:33:11,912 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 12/173 +[2024-10-13 16:33:12,198 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 13/173 +[2024-10-13 16:33:12,503 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 14/173 +[2024-10-13 16:33:12,789 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 15/173 +[2024-10-13 16:33:13,074 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 16/173 +[2024-10-13 16:33:13,361 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 17/173 +[2024-10-13 16:33:13,647 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 18/173 +[2024-10-13 16:33:13,934 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 19/173 +[2024-10-13 16:33:14,219 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 20/173 +[2024-10-13 16:33:14,506 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 21/173 +[2024-10-13 16:33:14,793 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 22/173 +[2024-10-13 16:33:15,078 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 23/173 +[2024-10-13 16:33:15,366 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 24/173 +[2024-10-13 16:33:15,652 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 25/173 +[2024-10-13 16:33:15,938 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 26/173 +[2024-10-13 16:33:16,224 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 27/173 +[2024-10-13 16:33:16,509 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 28/173 +[2024-10-13 16:33:16,800 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 29/173 +[2024-10-13 16:33:17,086 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 30/173 +[2024-10-13 16:33:17,372 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 31/173 +[2024-10-13 16:33:17,657 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 32/173 +[2024-10-13 16:33:17,943 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 33/173 +[2024-10-13 16:33:18,229 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 34/173 +[2024-10-13 16:33:18,514 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 35/173 +[2024-10-13 16:33:18,800 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 36/173 +[2024-10-13 16:33:19,087 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 37/173 +[2024-10-13 16:33:19,373 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 38/173 +[2024-10-13 16:33:19,659 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 39/173 +[2024-10-13 16:33:19,945 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 40/173 +[2024-10-13 16:33:20,231 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 41/173 +[2024-10-13 16:33:20,518 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 42/173 +[2024-10-13 16:33:20,803 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 43/173 +[2024-10-13 16:33:21,091 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 44/173 +[2024-10-13 16:33:21,376 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 45/173 +[2024-10-13 16:33:21,663 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 46/173 +[2024-10-13 16:33:21,951 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 47/173 +[2024-10-13 16:33:22,236 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 48/173 +[2024-10-13 16:33:22,523 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 49/173 +[2024-10-13 16:33:22,810 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 50/173 +[2024-10-13 16:33:23,097 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 51/173 +[2024-10-13 16:33:23,364 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 52/173 +[2024-10-13 16:33:23,633 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 53/173 +[2024-10-13 16:33:23,899 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 54/173 +[2024-10-13 16:33:24,167 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 55/173 +[2024-10-13 16:33:24,435 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 56/173 +[2024-10-13 16:33:24,704 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 57/173 +[2024-10-13 16:33:24,974 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 58/173 +[2024-10-13 16:33:25,242 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 59/173 +[2024-10-13 16:33:25,509 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 60/173 +[2024-10-13 16:33:25,777 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 61/173 +[2024-10-13 16:33:26,044 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 62/173 +[2024-10-13 16:33:26,311 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 63/173 +[2024-10-13 16:33:26,579 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 64/173 +[2024-10-13 16:33:26,846 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 65/173 +[2024-10-13 16:33:27,113 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 66/173 +[2024-10-13 16:33:27,380 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 67/173 +[2024-10-13 16:33:27,647 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 68/173 +[2024-10-13 16:33:27,914 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 69/173 +[2024-10-13 16:33:28,181 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 70/173 +[2024-10-13 16:33:28,448 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 71/173 +[2024-10-13 16:33:28,715 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 72/173 +[2024-10-13 16:33:28,982 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 73/173 +[2024-10-13 16:33:29,249 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 74/173 +[2024-10-13 16:33:29,516 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 75/173 +[2024-10-13 16:33:29,784 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 76/173 +[2024-10-13 16:33:30,052 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 77/173 +[2024-10-13 16:33:30,319 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 78/173 +[2024-10-13 16:33:30,587 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 79/173 +[2024-10-13 16:33:30,854 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 80/173 +[2024-10-13 16:33:31,122 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 81/173 +[2024-10-13 16:33:31,389 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 82/173 +[2024-10-13 16:33:31,658 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 83/173 +[2024-10-13 16:33:31,925 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 84/173 +[2024-10-13 16:33:32,194 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 85/173 +[2024-10-13 16:33:32,460 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 86/173 +[2024-10-13 16:33:32,726 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 87/173 +[2024-10-13 16:33:32,997 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 88/173 +[2024-10-13 16:33:33,264 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 89/173 +[2024-10-13 16:33:33,531 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 90/173 +[2024-10-13 16:33:33,799 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 91/173 +[2024-10-13 16:33:34,065 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 92/173 +[2024-10-13 16:33:34,333 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 93/173 +[2024-10-13 16:33:34,600 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 94/173 +[2024-10-13 16:33:34,867 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 95/173 +[2024-10-13 16:33:35,134 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 96/173 +[2024-10-13 16:33:35,402 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 97/173 +[2024-10-13 16:33:35,669 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 98/173 +[2024-10-13 16:33:35,936 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 99/173 +[2024-10-13 16:33:36,204 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 100/173 +[2024-10-13 16:33:36,471 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 101/173 +[2024-10-13 16:33:36,739 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 102/173 +[2024-10-13 16:33:37,006 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 103/173 +[2024-10-13 16:33:37,312 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 104/173 +[2024-10-13 16:33:37,618 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 105/173 +[2024-10-13 16:33:37,923 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 106/173 +[2024-10-13 16:33:38,229 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 107/173 +[2024-10-13 16:33:38,535 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 108/173 +[2024-10-13 16:33:38,841 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 109/173 +[2024-10-13 16:33:39,146 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 110/173 +[2024-10-13 16:33:39,451 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 111/173 +[2024-10-13 16:33:39,757 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 112/173 +[2024-10-13 16:33:40,063 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 113/173 +[2024-10-13 16:33:40,369 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 114/173 +[2024-10-13 16:33:40,675 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 115/173 +[2024-10-13 16:33:40,981 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 116/173 +[2024-10-13 16:33:41,286 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 117/173 +[2024-10-13 16:33:41,594 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 118/173 +[2024-10-13 16:33:41,899 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 119/173 +[2024-10-13 16:33:42,205 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 120/173 +[2024-10-13 16:33:42,511 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 121/173 +[2024-10-13 16:33:42,817 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 122/173 +[2024-10-13 16:33:43,124 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 123/173 +[2024-10-13 16:33:43,431 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 124/173 +[2024-10-13 16:33:43,738 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 125/173 +[2024-10-13 16:33:44,045 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 126/173 +[2024-10-13 16:33:44,351 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 127/173 +[2024-10-13 16:33:44,656 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 128/173 +[2024-10-13 16:33:44,963 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 129/173 +[2024-10-13 16:33:45,270 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 130/173 +[2024-10-13 16:33:45,576 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 131/173 +[2024-10-13 16:33:45,881 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 132/173 +[2024-10-13 16:33:46,188 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 133/173 +[2024-10-13 16:33:46,494 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 134/173 +[2024-10-13 16:33:46,801 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 135/173 +[2024-10-13 16:33:47,107 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 136/173 +[2024-10-13 16:33:47,414 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 137/173 +[2024-10-13 16:33:47,721 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 138/173 +[2024-10-13 16:33:48,027 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 139/173 +[2024-10-13 16:33:48,333 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 140/173 +[2024-10-13 16:33:48,639 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 141/173 +[2024-10-13 16:33:48,949 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 142/173 +[2024-10-13 16:33:49,255 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 143/173 +[2024-10-13 16:33:49,560 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 144/173 +[2024-10-13 16:33:49,866 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 145/173 +[2024-10-13 16:33:50,174 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 146/173 +[2024-10-13 16:33:50,479 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 147/173 +[2024-10-13 16:33:50,787 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 148/173 +[2024-10-13 16:33:51,093 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 149/173 +[2024-10-13 16:33:51,398 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 150/173 +[2024-10-13 16:33:51,704 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 151/173 +[2024-10-13 16:33:52,009 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 152/173 +[2024-10-13 16:33:52,315 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 153/173 +[2024-10-13 16:33:52,621 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 154/173 +[2024-10-13 16:33:52,927 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 155/173 +[2024-10-13 16:33:53,235 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 156/173 +[2024-10-13 16:33:53,541 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 157/173 +[2024-10-13 16:33:53,847 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 158/173 +[2024-10-13 16:33:54,154 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 159/173 +[2024-10-13 16:33:54,440 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 160/173 +[2024-10-13 16:33:54,725 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 161/173 +[2024-10-13 16:33:55,012 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 162/173 +[2024-10-13 16:33:55,297 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 163/173 +[2024-10-13 16:33:55,584 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 164/173 +[2024-10-13 16:33:55,869 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 165/173 +[2024-10-13 16:33:56,155 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 166/173 +[2024-10-13 16:33:56,442 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 167/173 +[2024-10-13 16:33:56,727 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 168/173 +[2024-10-13 16:33:57,014 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 169/173 +[2024-10-13 16:33:57,300 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 170/173 +[2024-10-13 16:33:57,585 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 171/173 +[2024-10-13 16:33:57,872 INFO test.py line 186 25394] Test: 199/312-scene0500_01, Batch: 172/173 +[2024-10-13 16:33:58,315 INFO test.py line 272 25394] Test: scene0500_01 [199/312]-352674 Batch 50.184 (19.496) Accuracy 0.9003 (0.4577) mIoU 0.4225 (0.3550) +[2024-10-13 16:33:58,487 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 0/139 +[2024-10-13 16:33:58,630 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 1/139 +[2024-10-13 16:33:58,775 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 2/139 +[2024-10-13 16:33:58,920 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 3/139 +[2024-10-13 16:33:59,064 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 4/139 +[2024-10-13 16:33:59,208 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 5/139 +[2024-10-13 16:33:59,352 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 6/139 +[2024-10-13 16:33:59,497 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 7/139 +[2024-10-13 16:33:59,641 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 8/139 +[2024-10-13 16:33:59,786 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 9/139 +[2024-10-13 16:33:59,930 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 10/139 +[2024-10-13 16:34:00,074 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 11/139 +[2024-10-13 16:34:00,218 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 12/139 +[2024-10-13 16:34:00,363 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 13/139 +[2024-10-13 16:34:00,529 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 14/139 +[2024-10-13 16:34:00,673 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 15/139 +[2024-10-13 16:34:00,817 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 16/139 +[2024-10-13 16:34:00,961 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 17/139 +[2024-10-13 16:34:01,105 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 18/139 +[2024-10-13 16:34:01,248 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 19/139 +[2024-10-13 16:34:01,392 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 20/139 +[2024-10-13 16:34:01,536 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 21/139 +[2024-10-13 16:34:01,680 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 22/139 +[2024-10-13 16:34:01,824 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 23/139 +[2024-10-13 16:34:01,968 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 24/139 +[2024-10-13 16:34:02,112 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 25/139 +[2024-10-13 16:34:02,257 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 26/139 +[2024-10-13 16:34:02,401 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 27/139 +[2024-10-13 16:34:02,545 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 28/139 +[2024-10-13 16:34:02,689 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 29/139 +[2024-10-13 16:34:02,834 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 30/139 +[2024-10-13 16:34:02,978 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 31/139 +[2024-10-13 16:34:03,123 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 32/139 +[2024-10-13 16:34:03,266 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 33/139 +[2024-10-13 16:34:03,409 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 34/139 +[2024-10-13 16:34:03,553 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 35/139 +[2024-10-13 16:34:03,697 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 36/139 +[2024-10-13 16:34:03,841 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 37/139 +[2024-10-13 16:34:03,984 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 38/139 +[2024-10-13 16:34:04,127 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 39/139 +[2024-10-13 16:34:04,270 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 40/139 +[2024-10-13 16:34:04,414 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 41/139 +[2024-10-13 16:34:04,557 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 42/139 +[2024-10-13 16:34:04,701 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 43/139 +[2024-10-13 16:34:04,836 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 44/139 +[2024-10-13 16:34:04,972 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 45/139 +[2024-10-13 16:34:05,108 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 46/139 +[2024-10-13 16:34:05,243 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 47/139 +[2024-10-13 16:34:05,379 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 48/139 +[2024-10-13 16:34:05,514 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 49/139 +[2024-10-13 16:34:05,651 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 50/139 +[2024-10-13 16:34:05,786 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 51/139 +[2024-10-13 16:34:05,921 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 52/139 +[2024-10-13 16:34:06,056 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 53/139 +[2024-10-13 16:34:06,191 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 54/139 +[2024-10-13 16:34:06,327 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 55/139 +[2024-10-13 16:34:06,462 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 56/139 +[2024-10-13 16:34:06,597 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 57/139 +[2024-10-13 16:34:06,733 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 58/139 +[2024-10-13 16:34:06,869 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 59/139 +[2024-10-13 16:34:07,004 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 60/139 +[2024-10-13 16:34:07,139 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 61/139 +[2024-10-13 16:34:07,274 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 62/139 +[2024-10-13 16:34:07,410 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 63/139 +[2024-10-13 16:34:07,545 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 64/139 +[2024-10-13 16:34:07,680 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 65/139 +[2024-10-13 16:34:07,816 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 66/139 +[2024-10-13 16:34:07,951 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 67/139 +[2024-10-13 16:34:08,087 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 68/139 +[2024-10-13 16:34:08,223 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 69/139 +[2024-10-13 16:34:08,358 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 70/139 +[2024-10-13 16:34:08,493 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 71/139 +[2024-10-13 16:34:08,629 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 72/139 +[2024-10-13 16:34:08,765 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 73/139 +[2024-10-13 16:34:08,900 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 74/139 +[2024-10-13 16:34:09,036 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 75/139 +[2024-10-13 16:34:09,171 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 76/139 +[2024-10-13 16:34:09,306 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 77/139 +[2024-10-13 16:34:09,441 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 78/139 +[2024-10-13 16:34:09,576 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 79/139 +[2024-10-13 16:34:09,714 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 80/139 +[2024-10-13 16:34:09,849 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 81/139 +[2024-10-13 16:34:09,985 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 82/139 +[2024-10-13 16:34:10,120 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 83/139 +[2024-10-13 16:34:10,255 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 84/139 +[2024-10-13 16:34:10,390 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 85/139 +[2024-10-13 16:34:10,525 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 86/139 +[2024-10-13 16:34:10,660 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 87/139 +[2024-10-13 16:34:10,813 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 88/139 +[2024-10-13 16:34:10,966 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 89/139 +[2024-10-13 16:34:11,119 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 90/139 +[2024-10-13 16:34:11,272 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 91/139 +[2024-10-13 16:34:11,425 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 92/139 +[2024-10-13 16:34:11,578 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 93/139 +[2024-10-13 16:34:11,732 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 94/139 +[2024-10-13 16:34:11,886 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 95/139 +[2024-10-13 16:34:12,039 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 96/139 +[2024-10-13 16:34:12,192 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 97/139 +[2024-10-13 16:34:12,345 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 98/139 +[2024-10-13 16:34:12,498 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 99/139 +[2024-10-13 16:34:12,651 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 100/139 +[2024-10-13 16:34:12,803 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 101/139 +[2024-10-13 16:34:12,956 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 102/139 +[2024-10-13 16:34:13,110 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 103/139 +[2024-10-13 16:34:13,262 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 104/139 +[2024-10-13 16:34:13,415 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 105/139 +[2024-10-13 16:34:13,568 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 106/139 +[2024-10-13 16:34:13,721 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 107/139 +[2024-10-13 16:34:13,874 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 108/139 +[2024-10-13 16:34:14,026 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 109/139 +[2024-10-13 16:34:14,181 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 110/139 +[2024-10-13 16:34:14,334 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 111/139 +[2024-10-13 16:34:14,487 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 112/139 +[2024-10-13 16:34:14,640 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 113/139 +[2024-10-13 16:34:14,792 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 114/139 +[2024-10-13 16:34:14,945 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 115/139 +[2024-10-13 16:34:15,101 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 116/139 +[2024-10-13 16:34:15,254 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 117/139 +[2024-10-13 16:34:15,406 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 118/139 +[2024-10-13 16:34:15,558 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 119/139 +[2024-10-13 16:34:15,711 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 120/139 +[2024-10-13 16:34:15,863 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 121/139 +[2024-10-13 16:34:16,015 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 122/139 +[2024-10-13 16:34:16,168 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 123/139 +[2024-10-13 16:34:16,320 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 124/139 +[2024-10-13 16:34:16,473 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 125/139 +[2024-10-13 16:34:16,625 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 126/139 +[2024-10-13 16:34:16,778 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 127/139 +[2024-10-13 16:34:16,923 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 128/139 +[2024-10-13 16:34:17,067 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 129/139 +[2024-10-13 16:34:17,212 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 130/139 +[2024-10-13 16:34:17,356 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 131/139 +[2024-10-13 16:34:17,500 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 132/139 +[2024-10-13 16:34:17,645 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 133/139 +[2024-10-13 16:34:17,790 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 134/139 +[2024-10-13 16:34:17,934 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 135/139 +[2024-10-13 16:34:18,078 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 136/139 +[2024-10-13 16:34:18,222 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 137/139 +[2024-10-13 16:34:18,366 INFO test.py line 186 25394] Test: 200/312-scene0025_01, Batch: 138/139 +[2024-10-13 16:34:18,576 INFO test.py line 272 25394] Test: scene0025_01 [200/312]-165720 Batch 20.261 (19.500) Accuracy 0.7444 (0.4578) mIoU 0.3209 (0.3544) +[2024-10-13 16:34:18,736 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 0/139 +[2024-10-13 16:34:18,870 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 1/139 +[2024-10-13 16:34:19,004 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 2/139 +[2024-10-13 16:34:19,138 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 3/139 +[2024-10-13 16:34:19,272 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 4/139 +[2024-10-13 16:34:19,406 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 5/139 +[2024-10-13 16:34:19,540 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 6/139 +[2024-10-13 16:34:19,674 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 7/139 +[2024-10-13 16:34:19,808 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 8/139 +[2024-10-13 16:34:19,943 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 9/139 +[2024-10-13 16:34:20,077 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 10/139 +[2024-10-13 16:34:20,211 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 11/139 +[2024-10-13 16:34:20,344 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 12/139 +[2024-10-13 16:34:20,478 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 13/139 +[2024-10-13 16:34:20,612 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 14/139 +[2024-10-13 16:34:20,749 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 15/139 +[2024-10-13 16:34:20,883 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 16/139 +[2024-10-13 16:34:21,018 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 17/139 +[2024-10-13 16:34:21,151 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 18/139 +[2024-10-13 16:34:21,285 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 19/139 +[2024-10-13 16:34:21,419 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 20/139 +[2024-10-13 16:34:21,553 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 21/139 +[2024-10-13 16:34:21,687 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 22/139 +[2024-10-13 16:34:21,861 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 23/139 +[2024-10-13 16:34:21,997 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 24/139 +[2024-10-13 16:34:22,131 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 25/139 +[2024-10-13 16:34:22,266 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 26/139 +[2024-10-13 16:34:22,400 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 27/139 +[2024-10-13 16:34:22,535 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 28/139 +[2024-10-13 16:34:22,669 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 29/139 +[2024-10-13 16:34:22,803 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 30/139 +[2024-10-13 16:34:22,937 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 31/139 +[2024-10-13 16:34:23,071 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 32/139 +[2024-10-13 16:34:23,206 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 33/139 +[2024-10-13 16:34:23,339 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 34/139 +[2024-10-13 16:34:23,473 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 35/139 +[2024-10-13 16:34:23,608 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 36/139 +[2024-10-13 16:34:23,742 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 37/139 +[2024-10-13 16:34:23,876 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 38/139 +[2024-10-13 16:34:24,010 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 39/139 +[2024-10-13 16:34:24,144 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 40/139 +[2024-10-13 16:34:24,277 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 41/139 +[2024-10-13 16:34:24,411 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 42/139 +[2024-10-13 16:34:24,545 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 43/139 +[2024-10-13 16:34:24,670 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 44/139 +[2024-10-13 16:34:24,796 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 45/139 +[2024-10-13 16:34:24,922 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 46/139 +[2024-10-13 16:34:25,047 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 47/139 +[2024-10-13 16:34:25,172 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 48/139 +[2024-10-13 16:34:25,298 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 49/139 +[2024-10-13 16:34:25,424 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 50/139 +[2024-10-13 16:34:25,549 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 51/139 +[2024-10-13 16:34:25,675 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 52/139 +[2024-10-13 16:34:25,800 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 53/139 +[2024-10-13 16:34:25,925 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 54/139 +[2024-10-13 16:34:26,050 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 55/139 +[2024-10-13 16:34:26,176 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 56/139 +[2024-10-13 16:34:26,301 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 57/139 +[2024-10-13 16:34:26,427 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 58/139 +[2024-10-13 16:34:26,552 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 59/139 +[2024-10-13 16:34:26,678 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 60/139 +[2024-10-13 16:34:26,803 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 61/139 +[2024-10-13 16:34:26,929 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 62/139 +[2024-10-13 16:34:27,054 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 63/139 +[2024-10-13 16:34:27,181 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 64/139 +[2024-10-13 16:34:27,306 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 65/139 +[2024-10-13 16:34:27,431 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 66/139 +[2024-10-13 16:34:27,557 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 67/139 +[2024-10-13 16:34:27,682 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 68/139 +[2024-10-13 16:34:27,807 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 69/139 +[2024-10-13 16:34:27,932 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 70/139 +[2024-10-13 16:34:28,058 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 71/139 +[2024-10-13 16:34:28,183 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 72/139 +[2024-10-13 16:34:28,309 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 73/139 +[2024-10-13 16:34:28,434 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 74/139 +[2024-10-13 16:34:28,559 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 75/139 +[2024-10-13 16:34:28,685 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 76/139 +[2024-10-13 16:34:28,811 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 77/139 +[2024-10-13 16:34:28,936 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 78/139 +[2024-10-13 16:34:29,062 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 79/139 +[2024-10-13 16:34:29,188 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 80/139 +[2024-10-13 16:34:29,314 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 81/139 +[2024-10-13 16:34:29,439 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 82/139 +[2024-10-13 16:34:29,565 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 83/139 +[2024-10-13 16:34:29,690 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 84/139 +[2024-10-13 16:34:29,815 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 85/139 +[2024-10-13 16:34:29,941 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 86/139 +[2024-10-13 16:34:30,066 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 87/139 +[2024-10-13 16:34:30,192 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 88/139 +[2024-10-13 16:34:30,317 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 89/139 +[2024-10-13 16:34:30,442 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 90/139 +[2024-10-13 16:34:30,568 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 91/139 +[2024-10-13 16:34:30,709 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 92/139 +[2024-10-13 16:34:30,850 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 93/139 +[2024-10-13 16:34:30,995 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 94/139 +[2024-10-13 16:34:31,136 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 95/139 +[2024-10-13 16:34:31,277 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 96/139 +[2024-10-13 16:34:31,418 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 97/139 +[2024-10-13 16:34:31,559 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 98/139 +[2024-10-13 16:34:31,700 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 99/139 +[2024-10-13 16:34:31,841 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 100/139 +[2024-10-13 16:34:31,983 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 101/139 +[2024-10-13 16:34:32,124 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 102/139 +[2024-10-13 16:34:32,266 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 103/139 +[2024-10-13 16:34:32,408 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 104/139 +[2024-10-13 16:34:32,550 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 105/139 +[2024-10-13 16:34:32,691 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 106/139 +[2024-10-13 16:34:32,833 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 107/139 +[2024-10-13 16:34:32,973 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 108/139 +[2024-10-13 16:34:33,115 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 109/139 +[2024-10-13 16:34:33,257 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 110/139 +[2024-10-13 16:34:33,400 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 111/139 +[2024-10-13 16:34:33,542 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 112/139 +[2024-10-13 16:34:33,683 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 113/139 +[2024-10-13 16:34:33,826 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 114/139 +[2024-10-13 16:34:33,969 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 115/139 +[2024-10-13 16:34:34,112 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 116/139 +[2024-10-13 16:34:34,254 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 117/139 +[2024-10-13 16:34:34,397 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 118/139 +[2024-10-13 16:34:34,537 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 119/139 +[2024-10-13 16:34:34,678 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 120/139 +[2024-10-13 16:34:34,818 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 121/139 +[2024-10-13 16:34:34,959 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 122/139 +[2024-10-13 16:34:35,100 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 123/139 +[2024-10-13 16:34:35,242 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 124/139 +[2024-10-13 16:34:35,383 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 125/139 +[2024-10-13 16:34:35,523 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 126/139 +[2024-10-13 16:34:35,664 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 127/139 +[2024-10-13 16:34:35,798 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 128/139 +[2024-10-13 16:34:35,933 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 129/139 +[2024-10-13 16:34:36,067 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 130/139 +[2024-10-13 16:34:36,201 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 131/139 +[2024-10-13 16:34:36,335 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 132/139 +[2024-10-13 16:34:36,469 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 133/139 +[2024-10-13 16:34:36,603 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 134/139 +[2024-10-13 16:34:36,737 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 135/139 +[2024-10-13 16:34:36,873 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 136/139 +[2024-10-13 16:34:37,006 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 137/139 +[2024-10-13 16:34:37,141 INFO test.py line 186 25394] Test: 201/312-scene0695_02, Batch: 138/139 +[2024-10-13 16:34:37,346 INFO test.py line 272 25394] Test: scene0695_02 [201/312]-157025 Batch 18.770 (19.497) Accuracy 0.7743 (0.4568) mIoU 0.2734 (0.3536) +[2024-10-13 16:34:37,452 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 0/122 +[2024-10-13 16:34:37,543 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 1/122 +[2024-10-13 16:34:37,634 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 2/122 +[2024-10-13 16:34:37,724 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 3/122 +[2024-10-13 16:34:37,815 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 4/122 +[2024-10-13 16:34:37,905 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 5/122 +[2024-10-13 16:34:37,996 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 6/122 +[2024-10-13 16:34:38,086 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 7/122 +[2024-10-13 16:34:38,177 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 8/122 +[2024-10-13 16:34:38,268 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 9/122 +[2024-10-13 16:34:38,397 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 10/122 +[2024-10-13 16:34:38,489 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 11/122 +[2024-10-13 16:34:38,580 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 12/122 +[2024-10-13 16:34:38,671 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 13/122 +[2024-10-13 16:34:38,761 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 14/122 +[2024-10-13 16:34:38,851 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 15/122 +[2024-10-13 16:34:38,942 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 16/122 +[2024-10-13 16:34:39,032 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 17/122 +[2024-10-13 16:34:39,122 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 18/122 +[2024-10-13 16:34:39,213 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 19/122 +[2024-10-13 16:34:39,303 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 20/122 +[2024-10-13 16:34:39,393 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 21/122 +[2024-10-13 16:34:39,484 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 22/122 +[2024-10-13 16:34:39,574 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 23/122 +[2024-10-13 16:34:39,665 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 24/122 +[2024-10-13 16:34:39,755 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 25/122 +[2024-10-13 16:34:39,845 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 26/122 +[2024-10-13 16:34:39,935 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 27/122 +[2024-10-13 16:34:40,026 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 28/122 +[2024-10-13 16:34:40,116 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 29/122 +[2024-10-13 16:34:40,206 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 30/122 +[2024-10-13 16:34:40,296 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 31/122 +[2024-10-13 16:34:40,386 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 32/122 +[2024-10-13 16:34:40,477 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 33/122 +[2024-10-13 16:34:40,567 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 34/122 +[2024-10-13 16:34:40,657 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 35/122 +[2024-10-13 16:34:40,747 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 36/122 +[2024-10-13 16:34:40,837 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 37/122 +[2024-10-13 16:34:40,927 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 38/122 +[2024-10-13 16:34:41,018 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 39/122 +[2024-10-13 16:34:41,105 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 40/122 +[2024-10-13 16:34:41,191 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 41/122 +[2024-10-13 16:34:41,277 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 42/122 +[2024-10-13 16:34:41,364 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 43/122 +[2024-10-13 16:34:41,450 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 44/122 +[2024-10-13 16:34:41,537 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 45/122 +[2024-10-13 16:34:41,623 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 46/122 +[2024-10-13 16:34:41,710 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 47/122 +[2024-10-13 16:34:41,796 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 48/122 +[2024-10-13 16:34:41,883 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 49/122 +[2024-10-13 16:34:41,970 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 50/122 +[2024-10-13 16:34:42,056 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 51/122 +[2024-10-13 16:34:42,143 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 52/122 +[2024-10-13 16:34:42,230 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 53/122 +[2024-10-13 16:34:42,317 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 54/122 +[2024-10-13 16:34:42,404 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 55/122 +[2024-10-13 16:34:42,490 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 56/122 +[2024-10-13 16:34:42,577 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 57/122 +[2024-10-13 16:34:42,663 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 58/122 +[2024-10-13 16:34:42,750 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 59/122 +[2024-10-13 16:34:42,836 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 60/122 +[2024-10-13 16:34:42,923 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 61/122 +[2024-10-13 16:34:43,009 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 62/122 +[2024-10-13 16:34:43,096 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 63/122 +[2024-10-13 16:34:43,183 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 64/122 +[2024-10-13 16:34:43,269 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 65/122 +[2024-10-13 16:34:43,356 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 66/122 +[2024-10-13 16:34:43,442 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 67/122 +[2024-10-13 16:34:43,529 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 68/122 +[2024-10-13 16:34:43,616 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 69/122 +[2024-10-13 16:34:43,703 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 70/122 +[2024-10-13 16:34:43,789 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 71/122 +[2024-10-13 16:34:43,876 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 72/122 +[2024-10-13 16:34:43,963 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 73/122 +[2024-10-13 16:34:44,049 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 74/122 +[2024-10-13 16:34:44,136 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 75/122 +[2024-10-13 16:34:44,230 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 76/122 +[2024-10-13 16:34:44,325 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 77/122 +[2024-10-13 16:34:44,419 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 78/122 +[2024-10-13 16:34:44,514 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 79/122 +[2024-10-13 16:34:44,609 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 80/122 +[2024-10-13 16:34:44,703 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 81/122 +[2024-10-13 16:34:44,798 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 82/122 +[2024-10-13 16:34:44,893 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 83/122 +[2024-10-13 16:34:44,988 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 84/122 +[2024-10-13 16:34:45,083 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 85/122 +[2024-10-13 16:34:45,177 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 86/122 +[2024-10-13 16:34:45,272 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 87/122 +[2024-10-13 16:34:45,367 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 88/122 +[2024-10-13 16:34:45,462 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 89/122 +[2024-10-13 16:34:45,557 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 90/122 +[2024-10-13 16:34:45,652 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 91/122 +[2024-10-13 16:34:45,747 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 92/122 +[2024-10-13 16:34:45,842 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 93/122 +[2024-10-13 16:34:45,936 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 94/122 +[2024-10-13 16:34:46,031 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 95/122 +[2024-10-13 16:34:46,125 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 96/122 +[2024-10-13 16:34:46,220 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 97/122 +[2024-10-13 16:34:46,314 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 98/122 +[2024-10-13 16:34:46,409 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 99/122 +[2024-10-13 16:34:46,503 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 100/122 +[2024-10-13 16:34:46,598 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 101/122 +[2024-10-13 16:34:46,693 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 102/122 +[2024-10-13 16:34:46,787 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 103/122 +[2024-10-13 16:34:46,882 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 104/122 +[2024-10-13 16:34:46,976 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 105/122 +[2024-10-13 16:34:47,071 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 106/122 +[2024-10-13 16:34:47,166 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 107/122 +[2024-10-13 16:34:47,260 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 108/122 +[2024-10-13 16:34:47,355 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 109/122 +[2024-10-13 16:34:47,449 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 110/122 +[2024-10-13 16:34:47,544 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 111/122 +[2024-10-13 16:34:47,634 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 112/122 +[2024-10-13 16:34:47,725 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 113/122 +[2024-10-13 16:34:47,815 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 114/122 +[2024-10-13 16:34:47,906 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 115/122 +[2024-10-13 16:34:47,996 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 116/122 +[2024-10-13 16:34:48,086 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 117/122 +[2024-10-13 16:34:48,177 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 118/122 +[2024-10-13 16:34:48,268 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 119/122 +[2024-10-13 16:34:48,359 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 120/122 +[2024-10-13 16:34:48,449 INFO test.py line 186 25394] Test: 202/312-scene0686_01, Batch: 121/122 +[2024-10-13 16:34:48,571 INFO test.py line 272 25394] Test: scene0686_01 [202/312]-91616 Batch 11.225 (19.456) Accuracy 0.9091 (0.4577) mIoU 0.5990 (0.3544) +[2024-10-13 16:34:48,721 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 0/130 +[2024-10-13 16:34:48,845 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 1/130 +[2024-10-13 16:34:48,970 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 2/130 +[2024-10-13 16:34:49,095 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 3/130 +[2024-10-13 16:34:49,220 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 4/130 +[2024-10-13 16:34:49,345 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 5/130 +[2024-10-13 16:34:49,469 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 6/130 +[2024-10-13 16:34:49,594 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 7/130 +[2024-10-13 16:34:49,718 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 8/130 +[2024-10-13 16:34:49,842 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 9/130 +[2024-10-13 16:34:49,967 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 10/130 +[2024-10-13 16:34:50,092 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 11/130 +[2024-10-13 16:34:50,216 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 12/130 +[2024-10-13 16:34:50,340 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 13/130 +[2024-10-13 16:34:50,463 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 14/130 +[2024-10-13 16:34:50,588 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 15/130 +[2024-10-13 16:34:50,712 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 16/130 +[2024-10-13 16:34:50,836 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 17/130 +[2024-10-13 16:34:50,960 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 18/130 +[2024-10-13 16:34:51,084 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 19/130 +[2024-10-13 16:34:51,209 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 20/130 +[2024-10-13 16:34:51,333 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 21/130 +[2024-10-13 16:34:51,458 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 22/130 +[2024-10-13 16:34:51,582 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 23/130 +[2024-10-13 16:34:51,707 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 24/130 +[2024-10-13 16:34:51,831 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 25/130 +[2024-10-13 16:34:51,956 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 26/130 +[2024-10-13 16:34:52,080 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 27/130 +[2024-10-13 16:34:52,205 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 28/130 +[2024-10-13 16:34:52,329 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 29/130 +[2024-10-13 16:34:52,455 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 30/130 +[2024-10-13 16:34:52,584 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 31/130 +[2024-10-13 16:34:52,736 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 32/130 +[2024-10-13 16:34:52,862 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 33/130 +[2024-10-13 16:34:52,988 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 34/130 +[2024-10-13 16:34:53,113 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 35/130 +[2024-10-13 16:34:53,237 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 36/130 +[2024-10-13 16:34:53,363 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 37/130 +[2024-10-13 16:34:53,487 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 38/130 +[2024-10-13 16:34:53,612 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 39/130 +[2024-10-13 16:34:53,730 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 40/130 +[2024-10-13 16:34:53,848 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 41/130 +[2024-10-13 16:34:53,965 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 42/130 +[2024-10-13 16:34:54,083 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 43/130 +[2024-10-13 16:34:54,199 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 44/130 +[2024-10-13 16:34:54,316 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 45/130 +[2024-10-13 16:34:54,433 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 46/130 +[2024-10-13 16:34:54,550 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 47/130 +[2024-10-13 16:34:54,667 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 48/130 +[2024-10-13 16:34:54,784 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 49/130 +[2024-10-13 16:34:54,900 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 50/130 +[2024-10-13 16:34:55,017 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 51/130 +[2024-10-13 16:34:55,133 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 52/130 +[2024-10-13 16:34:55,250 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 53/130 +[2024-10-13 16:34:55,366 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 54/130 +[2024-10-13 16:34:55,483 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 55/130 +[2024-10-13 16:34:55,600 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 56/130 +[2024-10-13 16:34:55,716 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 57/130 +[2024-10-13 16:34:55,833 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 58/130 +[2024-10-13 16:34:55,949 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 59/130 +[2024-10-13 16:34:56,066 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 60/130 +[2024-10-13 16:34:56,182 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 61/130 +[2024-10-13 16:34:56,299 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 62/130 +[2024-10-13 16:34:56,416 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 63/130 +[2024-10-13 16:34:56,533 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 64/130 +[2024-10-13 16:34:56,649 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 65/130 +[2024-10-13 16:34:56,766 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 66/130 +[2024-10-13 16:34:56,883 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 67/130 +[2024-10-13 16:34:57,000 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 68/130 +[2024-10-13 16:34:57,117 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 69/130 +[2024-10-13 16:34:57,233 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 70/130 +[2024-10-13 16:34:57,351 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 71/130 +[2024-10-13 16:34:57,468 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 72/130 +[2024-10-13 16:34:57,586 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 73/130 +[2024-10-13 16:34:57,704 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 74/130 +[2024-10-13 16:34:57,822 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 75/130 +[2024-10-13 16:34:57,940 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 76/130 +[2024-10-13 16:34:58,058 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 77/130 +[2024-10-13 16:34:58,177 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 78/130 +[2024-10-13 16:34:58,295 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 79/130 +[2024-10-13 16:34:58,412 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 80/130 +[2024-10-13 16:34:58,530 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 81/130 +[2024-10-13 16:34:58,648 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 82/130 +[2024-10-13 16:34:58,766 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 83/130 +[2024-10-13 16:34:58,897 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 84/130 +[2024-10-13 16:34:59,028 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 85/130 +[2024-10-13 16:34:59,159 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 86/130 +[2024-10-13 16:34:59,290 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 87/130 +[2024-10-13 16:34:59,421 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 88/130 +[2024-10-13 16:34:59,553 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 89/130 +[2024-10-13 16:34:59,684 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 90/130 +[2024-10-13 16:34:59,815 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 91/130 +[2024-10-13 16:34:59,946 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 92/130 +[2024-10-13 16:35:00,078 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 93/130 +[2024-10-13 16:35:00,209 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 94/130 +[2024-10-13 16:35:00,341 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 95/130 +[2024-10-13 16:35:00,472 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 96/130 +[2024-10-13 16:35:00,604 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 97/130 +[2024-10-13 16:35:00,735 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 98/130 +[2024-10-13 16:35:00,866 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 99/130 +[2024-10-13 16:35:00,998 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 100/130 +[2024-10-13 16:35:01,129 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 101/130 +[2024-10-13 16:35:01,262 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 102/130 +[2024-10-13 16:35:01,394 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 103/130 +[2024-10-13 16:35:01,526 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 104/130 +[2024-10-13 16:35:01,658 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 105/130 +[2024-10-13 16:35:01,791 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 106/130 +[2024-10-13 16:35:01,923 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 107/130 +[2024-10-13 16:35:02,055 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 108/130 +[2024-10-13 16:35:02,187 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 109/130 +[2024-10-13 16:35:02,320 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 110/130 +[2024-10-13 16:35:02,453 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 111/130 +[2024-10-13 16:35:02,585 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 112/130 +[2024-10-13 16:35:02,717 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 113/130 +[2024-10-13 16:35:02,849 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 114/130 +[2024-10-13 16:35:02,982 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 115/130 +[2024-10-13 16:35:03,114 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 116/130 +[2024-10-13 16:35:03,247 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 117/130 +[2024-10-13 16:35:03,379 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 118/130 +[2024-10-13 16:35:03,511 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 119/130 +[2024-10-13 16:35:03,636 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 120/130 +[2024-10-13 16:35:03,760 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 121/130 +[2024-10-13 16:35:03,885 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 122/130 +[2024-10-13 16:35:04,010 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 123/130 +[2024-10-13 16:35:04,134 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 124/130 +[2024-10-13 16:35:04,259 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 125/130 +[2024-10-13 16:35:04,384 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 126/130 +[2024-10-13 16:35:04,508 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 127/130 +[2024-10-13 16:35:04,632 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 128/130 +[2024-10-13 16:35:04,757 INFO test.py line 186 25394] Test: 203/312-scene0474_05, Batch: 129/130 +[2024-10-13 16:35:04,937 INFO test.py line 272 25394] Test: scene0474_05 [203/312]-131255 Batch 16.365 (19.440) Accuracy 0.9447 (0.4577) mIoU 0.5564 (0.3546) +[2024-10-13 16:35:05,009 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 0/113 +[2024-10-13 16:35:05,071 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 1/113 +[2024-10-13 16:35:05,133 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 2/113 +[2024-10-13 16:35:05,195 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 3/113 +[2024-10-13 16:35:05,257 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 4/113 +[2024-10-13 16:35:05,319 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 5/113 +[2024-10-13 16:35:05,381 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 6/113 +[2024-10-13 16:35:05,443 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 7/113 +[2024-10-13 16:35:05,506 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 8/113 +[2024-10-13 16:35:05,567 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 9/113 +[2024-10-13 16:35:05,628 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 10/113 +[2024-10-13 16:35:05,689 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 11/113 +[2024-10-13 16:35:05,750 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 12/113 +[2024-10-13 16:35:05,811 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 13/113 +[2024-10-13 16:35:05,872 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 14/113 +[2024-10-13 16:35:05,933 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 15/113 +[2024-10-13 16:35:05,994 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 16/113 +[2024-10-13 16:35:06,055 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 17/113 +[2024-10-13 16:35:06,117 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 18/113 +[2024-10-13 16:35:06,179 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 19/113 +[2024-10-13 16:35:06,240 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 20/113 +[2024-10-13 16:35:06,302 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 21/113 +[2024-10-13 16:35:06,363 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 22/113 +[2024-10-13 16:35:06,426 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 23/113 +[2024-10-13 16:35:06,487 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 24/113 +[2024-10-13 16:35:06,549 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 25/113 +[2024-10-13 16:35:06,611 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 26/113 +[2024-10-13 16:35:06,673 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 27/113 +[2024-10-13 16:35:06,736 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 28/113 +[2024-10-13 16:35:06,799 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 29/113 +[2024-10-13 16:35:06,862 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 30/113 +[2024-10-13 16:35:06,924 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 31/113 +[2024-10-13 16:35:06,986 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 32/113 +[2024-10-13 16:35:07,049 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 33/113 +[2024-10-13 16:35:07,111 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 34/113 +[2024-10-13 16:35:07,173 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 35/113 +[2024-10-13 16:35:07,232 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 36/113 +[2024-10-13 16:35:07,291 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 37/113 +[2024-10-13 16:35:07,349 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 38/113 +[2024-10-13 16:35:07,408 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 39/113 +[2024-10-13 16:35:07,467 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 40/113 +[2024-10-13 16:35:07,526 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 41/113 +[2024-10-13 16:35:07,585 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 42/113 +[2024-10-13 16:35:07,644 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 43/113 +[2024-10-13 16:35:07,703 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 44/113 +[2024-10-13 16:35:07,762 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 45/113 +[2024-10-13 16:35:07,820 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 46/113 +[2024-10-13 16:35:07,880 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 47/113 +[2024-10-13 16:35:07,939 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 48/113 +[2024-10-13 16:35:07,998 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 49/113 +[2024-10-13 16:35:08,058 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 50/113 +[2024-10-13 16:35:08,117 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 51/113 +[2024-10-13 16:35:08,177 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 52/113 +[2024-10-13 16:35:08,236 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 53/113 +[2024-10-13 16:35:08,295 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 54/113 +[2024-10-13 16:35:08,355 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 55/113 +[2024-10-13 16:35:08,414 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 56/113 +[2024-10-13 16:35:08,473 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 57/113 +[2024-10-13 16:35:08,532 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 58/113 +[2024-10-13 16:35:08,591 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 59/113 +[2024-10-13 16:35:08,650 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 60/113 +[2024-10-13 16:35:08,709 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 61/113 +[2024-10-13 16:35:08,768 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 62/113 +[2024-10-13 16:35:08,827 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 63/113 +[2024-10-13 16:35:08,886 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 64/113 +[2024-10-13 16:35:08,945 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 65/113 +[2024-10-13 16:35:09,003 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 66/113 +[2024-10-13 16:35:09,063 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 67/113 +[2024-10-13 16:35:09,122 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 68/113 +[2024-10-13 16:35:09,181 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 69/113 +[2024-10-13 16:35:09,240 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 70/113 +[2024-10-13 16:35:09,299 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 71/113 +[2024-10-13 16:35:09,358 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 72/113 +[2024-10-13 16:35:09,416 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 73/113 +[2024-10-13 16:35:09,475 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 74/113 +[2024-10-13 16:35:09,534 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 75/113 +[2024-10-13 16:35:09,599 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 76/113 +[2024-10-13 16:35:09,663 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 77/113 +[2024-10-13 16:35:09,728 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 78/113 +[2024-10-13 16:35:09,792 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 79/113 +[2024-10-13 16:35:09,856 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 80/113 +[2024-10-13 16:35:09,921 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 81/113 +[2024-10-13 16:35:09,985 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 82/113 +[2024-10-13 16:35:10,049 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 83/113 +[2024-10-13 16:35:10,113 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 84/113 +[2024-10-13 16:35:10,177 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 85/113 +[2024-10-13 16:35:10,240 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 86/113 +[2024-10-13 16:35:10,304 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 87/113 +[2024-10-13 16:35:10,368 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 88/113 +[2024-10-13 16:35:10,431 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 89/113 +[2024-10-13 16:35:10,495 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 90/113 +[2024-10-13 16:35:10,559 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 91/113 +[2024-10-13 16:35:10,623 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 92/113 +[2024-10-13 16:35:10,687 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 93/113 +[2024-10-13 16:35:10,751 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 94/113 +[2024-10-13 16:35:10,815 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 95/113 +[2024-10-13 16:35:10,879 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 96/113 +[2024-10-13 16:35:10,944 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 97/113 +[2024-10-13 16:35:11,008 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 98/113 +[2024-10-13 16:35:11,072 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 99/113 +[2024-10-13 16:35:11,136 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 100/113 +[2024-10-13 16:35:11,201 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 101/113 +[2024-10-13 16:35:11,265 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 102/113 +[2024-10-13 16:35:11,330 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 103/113 +[2024-10-13 16:35:11,391 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 104/113 +[2024-10-13 16:35:11,453 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 105/113 +[2024-10-13 16:35:11,514 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 106/113 +[2024-10-13 16:35:11,576 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 107/113 +[2024-10-13 16:35:11,638 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 108/113 +[2024-10-13 16:35:11,699 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 109/113 +[2024-10-13 16:35:11,761 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 110/113 +[2024-10-13 16:35:11,822 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 111/113 +[2024-10-13 16:35:11,884 INFO test.py line 186 25394] Test: 204/312-scene0664_00, Batch: 112/113 +[2024-10-13 16:35:11,949 INFO test.py line 272 25394] Test: scene0664_00 [204/312]-44585 Batch 7.012 (19.379) Accuracy 0.7157 (0.4585) mIoU 0.5280 (0.3549) +[2024-10-13 16:35:12,099 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 0/147 +[2024-10-13 16:35:12,225 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 1/147 +[2024-10-13 16:35:12,350 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 2/147 +[2024-10-13 16:35:12,476 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 3/147 +[2024-10-13 16:35:12,602 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 4/147 +[2024-10-13 16:35:12,727 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 5/147 +[2024-10-13 16:35:12,853 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 6/147 +[2024-10-13 16:35:12,979 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 7/147 +[2024-10-13 16:35:13,105 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 8/147 +[2024-10-13 16:35:13,231 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 9/147 +[2024-10-13 16:35:13,357 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 10/147 +[2024-10-13 16:35:13,484 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 11/147 +[2024-10-13 16:35:13,612 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 12/147 +[2024-10-13 16:35:13,738 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 13/147 +[2024-10-13 16:35:13,864 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 14/147 +[2024-10-13 16:35:13,990 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 15/147 +[2024-10-13 16:35:14,116 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 16/147 +[2024-10-13 16:35:14,278 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 17/147 +[2024-10-13 16:35:14,404 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 18/147 +[2024-10-13 16:35:14,532 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 19/147 +[2024-10-13 16:35:14,659 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 20/147 +[2024-10-13 16:35:14,787 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 21/147 +[2024-10-13 16:35:14,913 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 22/147 +[2024-10-13 16:35:15,040 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 23/147 +[2024-10-13 16:35:15,166 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 24/147 +[2024-10-13 16:35:15,291 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 25/147 +[2024-10-13 16:35:15,417 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 26/147 +[2024-10-13 16:35:15,543 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 27/147 +[2024-10-13 16:35:15,670 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 28/147 +[2024-10-13 16:35:15,795 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 29/147 +[2024-10-13 16:35:15,922 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 30/147 +[2024-10-13 16:35:16,048 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 31/147 +[2024-10-13 16:35:16,173 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 32/147 +[2024-10-13 16:35:16,299 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 33/147 +[2024-10-13 16:35:16,425 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 34/147 +[2024-10-13 16:35:16,551 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 35/147 +[2024-10-13 16:35:16,677 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 36/147 +[2024-10-13 16:35:16,803 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 37/147 +[2024-10-13 16:35:16,929 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 38/147 +[2024-10-13 16:35:17,054 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 39/147 +[2024-10-13 16:35:17,345 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 40/147 +[2024-10-13 16:35:17,471 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 41/147 +[2024-10-13 16:35:17,597 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 42/147 +[2024-10-13 16:35:17,723 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 43/147 +[2024-10-13 16:35:17,841 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 44/147 +[2024-10-13 16:35:17,960 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 45/147 +[2024-10-13 16:35:18,079 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 46/147 +[2024-10-13 16:35:18,198 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 47/147 +[2024-10-13 16:35:18,316 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 48/147 +[2024-10-13 16:35:18,435 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 49/147 +[2024-10-13 16:35:18,553 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 50/147 +[2024-10-13 16:35:18,671 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 51/147 +[2024-10-13 16:35:18,790 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 52/147 +[2024-10-13 16:35:18,909 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 53/147 +[2024-10-13 16:35:19,027 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 54/147 +[2024-10-13 16:35:19,145 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 55/147 +[2024-10-13 16:35:19,264 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 56/147 +[2024-10-13 16:35:19,383 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 57/147 +[2024-10-13 16:35:19,502 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 58/147 +[2024-10-13 16:35:19,622 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 59/147 +[2024-10-13 16:35:19,741 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 60/147 +[2024-10-13 16:35:19,860 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 61/147 +[2024-10-13 16:35:19,980 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 62/147 +[2024-10-13 16:35:20,099 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 63/147 +[2024-10-13 16:35:20,217 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 64/147 +[2024-10-13 16:35:20,336 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 65/147 +[2024-10-13 16:35:20,455 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 66/147 +[2024-10-13 16:35:20,574 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 67/147 +[2024-10-13 16:35:20,693 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 68/147 +[2024-10-13 16:35:20,811 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 69/147 +[2024-10-13 16:35:20,929 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 70/147 +[2024-10-13 16:35:21,047 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 71/147 +[2024-10-13 16:35:21,165 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 72/147 +[2024-10-13 16:35:21,283 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 73/147 +[2024-10-13 16:35:21,401 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 74/147 +[2024-10-13 16:35:21,520 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 75/147 +[2024-10-13 16:35:21,638 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 76/147 +[2024-10-13 16:35:21,756 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 77/147 +[2024-10-13 16:35:21,874 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 78/147 +[2024-10-13 16:35:21,993 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 79/147 +[2024-10-13 16:35:22,110 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 80/147 +[2024-10-13 16:35:22,229 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 81/147 +[2024-10-13 16:35:22,347 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 82/147 +[2024-10-13 16:35:22,466 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 83/147 +[2024-10-13 16:35:22,584 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 84/147 +[2024-10-13 16:35:22,702 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 85/147 +[2024-10-13 16:35:22,820 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 86/147 +[2024-10-13 16:35:22,939 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 87/147 +[2024-10-13 16:35:23,057 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 88/147 +[2024-10-13 16:35:23,175 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 89/147 +[2024-10-13 16:35:23,294 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 90/147 +[2024-10-13 16:35:23,413 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 91/147 +[2024-10-13 16:35:23,532 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 92/147 +[2024-10-13 16:35:23,651 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 93/147 +[2024-10-13 16:35:23,769 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 94/147 +[2024-10-13 16:35:23,888 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 95/147 +[2024-10-13 16:35:24,022 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 96/147 +[2024-10-13 16:35:24,156 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 97/147 +[2024-10-13 16:35:24,289 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 98/147 +[2024-10-13 16:35:24,423 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 99/147 +[2024-10-13 16:35:24,557 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 100/147 +[2024-10-13 16:35:24,690 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 101/147 +[2024-10-13 16:35:24,823 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 102/147 +[2024-10-13 16:35:24,957 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 103/147 +[2024-10-13 16:35:25,090 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 104/147 +[2024-10-13 16:35:25,223 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 105/147 +[2024-10-13 16:35:25,356 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 106/147 +[2024-10-13 16:35:25,490 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 107/147 +[2024-10-13 16:35:25,622 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 108/147 +[2024-10-13 16:35:25,755 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 109/147 +[2024-10-13 16:35:25,889 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 110/147 +[2024-10-13 16:35:26,022 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 111/147 +[2024-10-13 16:35:26,155 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 112/147 +[2024-10-13 16:35:26,288 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 113/147 +[2024-10-13 16:35:26,422 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 114/147 +[2024-10-13 16:35:26,556 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 115/147 +[2024-10-13 16:35:26,688 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 116/147 +[2024-10-13 16:35:26,821 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 117/147 +[2024-10-13 16:35:26,954 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 118/147 +[2024-10-13 16:35:27,086 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 119/147 +[2024-10-13 16:35:27,220 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 120/147 +[2024-10-13 16:35:27,353 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 121/147 +[2024-10-13 16:35:27,485 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 122/147 +[2024-10-13 16:35:27,618 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 123/147 +[2024-10-13 16:35:27,751 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 124/147 +[2024-10-13 16:35:27,884 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 125/147 +[2024-10-13 16:35:28,016 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 126/147 +[2024-10-13 16:35:28,149 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 127/147 +[2024-10-13 16:35:28,282 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 128/147 +[2024-10-13 16:35:28,414 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 129/147 +[2024-10-13 16:35:28,548 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 130/147 +[2024-10-13 16:35:28,681 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 131/147 +[2024-10-13 16:35:28,814 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 132/147 +[2024-10-13 16:35:28,947 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 133/147 +[2024-10-13 16:35:29,080 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 134/147 +[2024-10-13 16:35:29,212 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 135/147 +[2024-10-13 16:35:29,338 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 136/147 +[2024-10-13 16:35:29,463 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 137/147 +[2024-10-13 16:35:29,588 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 138/147 +[2024-10-13 16:35:29,714 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 139/147 +[2024-10-13 16:35:29,839 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 140/147 +[2024-10-13 16:35:29,965 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 141/147 +[2024-10-13 16:35:30,090 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 142/147 +[2024-10-13 16:35:30,215 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 143/147 +[2024-10-13 16:35:30,340 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 144/147 +[2024-10-13 16:35:30,466 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 145/147 +[2024-10-13 16:35:30,591 INFO test.py line 186 25394] Test: 205/312-scene0187_01, Batch: 146/147 +[2024-10-13 16:35:30,772 INFO test.py line 272 25394] Test: scene0187_01 [205/312]-144163 Batch 18.823 (19.377) Accuracy 0.8884 (0.4585) mIoU 0.4547 (0.3545) +[2024-10-13 16:35:31,107 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 0/148 +[2024-10-13 16:35:31,388 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 1/148 +[2024-10-13 16:35:31,670 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 2/148 +[2024-10-13 16:35:31,950 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 3/148 +[2024-10-13 16:35:32,232 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 4/148 +[2024-10-13 16:35:32,513 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 5/148 +[2024-10-13 16:35:32,794 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 6/148 +[2024-10-13 16:35:33,074 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 7/148 +[2024-10-13 16:35:33,352 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 8/148 +[2024-10-13 16:35:33,633 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 9/148 +[2024-10-13 16:35:33,913 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 10/148 +[2024-10-13 16:35:34,193 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 11/148 +[2024-10-13 16:35:34,473 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 12/148 +[2024-10-13 16:35:34,753 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 13/148 +[2024-10-13 16:35:35,033 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 14/148 +[2024-10-13 16:35:35,312 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 15/148 +[2024-10-13 16:35:35,593 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 16/148 +[2024-10-13 16:35:35,873 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 17/148 +[2024-10-13 16:35:36,153 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 18/148 +[2024-10-13 16:35:36,434 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 19/148 +[2024-10-13 16:35:36,713 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 20/148 +[2024-10-13 16:35:36,993 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 21/148 +[2024-10-13 16:35:37,274 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 22/148 +[2024-10-13 16:35:37,554 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 23/148 +[2024-10-13 16:35:37,833 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 24/148 +[2024-10-13 16:35:38,113 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 25/148 +[2024-10-13 16:35:38,393 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 26/148 +[2024-10-13 16:35:38,673 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 27/148 +[2024-10-13 16:35:38,953 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 28/148 +[2024-10-13 16:35:39,233 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 29/148 +[2024-10-13 16:35:39,513 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 30/148 +[2024-10-13 16:35:39,792 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 31/148 +[2024-10-13 16:35:40,072 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 32/148 +[2024-10-13 16:35:40,352 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 33/148 +[2024-10-13 16:35:40,632 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 34/148 +[2024-10-13 16:35:40,912 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 35/148 +[2024-10-13 16:35:41,192 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 36/148 +[2024-10-13 16:35:41,498 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 37/148 +[2024-10-13 16:35:41,780 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 38/148 +[2024-10-13 16:35:42,060 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 39/148 +[2024-10-13 16:35:42,341 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 40/148 +[2024-10-13 16:35:42,621 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 41/148 +[2024-10-13 16:35:42,900 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 42/148 +[2024-10-13 16:35:43,180 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 43/148 +[2024-10-13 16:35:43,461 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 44/148 +[2024-10-13 16:35:43,740 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 45/148 +[2024-10-13 16:35:44,020 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 46/148 +[2024-10-13 16:35:44,300 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 47/148 +[2024-10-13 16:35:44,560 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 48/148 +[2024-10-13 16:35:44,820 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 49/148 +[2024-10-13 16:35:45,081 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 50/148 +[2024-10-13 16:35:45,342 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 51/148 +[2024-10-13 16:35:45,602 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 52/148 +[2024-10-13 16:35:45,863 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 53/148 +[2024-10-13 16:35:46,124 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 54/148 +[2024-10-13 16:35:46,385 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 55/148 +[2024-10-13 16:35:46,646 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 56/148 +[2024-10-13 16:35:46,906 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 57/148 +[2024-10-13 16:35:47,167 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 58/148 +[2024-10-13 16:35:47,428 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 59/148 +[2024-10-13 16:35:47,689 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 60/148 +[2024-10-13 16:35:47,950 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 61/148 +[2024-10-13 16:35:48,211 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 62/148 +[2024-10-13 16:35:48,472 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 63/148 +[2024-10-13 16:35:48,733 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 64/148 +[2024-10-13 16:35:48,994 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 65/148 +[2024-10-13 16:35:49,255 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 66/148 +[2024-10-13 16:35:49,516 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 67/148 +[2024-10-13 16:35:49,777 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 68/148 +[2024-10-13 16:35:50,037 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 69/148 +[2024-10-13 16:35:50,298 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 70/148 +[2024-10-13 16:35:50,559 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 71/148 +[2024-10-13 16:35:50,820 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 72/148 +[2024-10-13 16:35:51,081 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 73/148 +[2024-10-13 16:35:51,342 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 74/148 +[2024-10-13 16:35:51,602 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 75/148 +[2024-10-13 16:35:51,864 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 76/148 +[2024-10-13 16:35:52,125 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 77/148 +[2024-10-13 16:35:52,386 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 78/148 +[2024-10-13 16:35:52,647 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 79/148 +[2024-10-13 16:35:52,909 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 80/148 +[2024-10-13 16:35:53,170 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 81/148 +[2024-10-13 16:35:53,431 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 82/148 +[2024-10-13 16:35:53,692 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 83/148 +[2024-10-13 16:35:53,952 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 84/148 +[2024-10-13 16:35:54,213 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 85/148 +[2024-10-13 16:35:54,473 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 86/148 +[2024-10-13 16:35:54,734 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 87/148 +[2024-10-13 16:35:54,994 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 88/148 +[2024-10-13 16:35:55,255 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 89/148 +[2024-10-13 16:35:55,515 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 90/148 +[2024-10-13 16:35:55,776 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 91/148 +[2024-10-13 16:35:56,036 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 92/148 +[2024-10-13 16:35:56,297 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 93/148 +[2024-10-13 16:35:56,558 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 94/148 +[2024-10-13 16:35:56,818 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 95/148 +[2024-10-13 16:35:57,115 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 96/148 +[2024-10-13 16:35:57,412 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 97/148 +[2024-10-13 16:35:57,710 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 98/148 +[2024-10-13 16:35:58,008 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 99/148 +[2024-10-13 16:35:58,306 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 100/148 +[2024-10-13 16:35:58,603 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 101/148 +[2024-10-13 16:35:58,900 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 102/148 +[2024-10-13 16:35:59,198 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 103/148 +[2024-10-13 16:35:59,495 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 104/148 +[2024-10-13 16:35:59,793 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 105/148 +[2024-10-13 16:36:00,091 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 106/148 +[2024-10-13 16:36:00,389 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 107/148 +[2024-10-13 16:36:00,687 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 108/148 +[2024-10-13 16:36:00,985 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 109/148 +[2024-10-13 16:36:01,283 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 110/148 +[2024-10-13 16:36:01,581 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 111/148 +[2024-10-13 16:36:01,879 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 112/148 +[2024-10-13 16:36:02,176 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 113/148 +[2024-10-13 16:36:02,473 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 114/148 +[2024-10-13 16:36:02,771 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 115/148 +[2024-10-13 16:36:03,069 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 116/148 +[2024-10-13 16:36:03,367 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 117/148 +[2024-10-13 16:36:03,665 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 118/148 +[2024-10-13 16:36:03,963 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 119/148 +[2024-10-13 16:36:04,261 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 120/148 +[2024-10-13 16:36:04,559 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 121/148 +[2024-10-13 16:36:04,856 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 122/148 +[2024-10-13 16:36:05,154 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 123/148 +[2024-10-13 16:36:05,451 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 124/148 +[2024-10-13 16:36:05,750 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 125/148 +[2024-10-13 16:36:06,047 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 126/148 +[2024-10-13 16:36:06,345 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 127/148 +[2024-10-13 16:36:06,642 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 128/148 +[2024-10-13 16:36:06,940 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 129/148 +[2024-10-13 16:36:07,238 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 130/148 +[2024-10-13 16:36:07,536 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 131/148 +[2024-10-13 16:36:07,833 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 132/148 +[2024-10-13 16:36:08,131 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 133/148 +[2024-10-13 16:36:08,428 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 134/148 +[2024-10-13 16:36:08,726 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 135/148 +[2024-10-13 16:36:09,006 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 136/148 +[2024-10-13 16:36:09,286 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 137/148 +[2024-10-13 16:36:09,567 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 138/148 +[2024-10-13 16:36:09,847 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 139/148 +[2024-10-13 16:36:10,127 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 140/148 +[2024-10-13 16:36:10,408 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 141/148 +[2024-10-13 16:36:10,688 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 142/148 +[2024-10-13 16:36:10,968 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 143/148 +[2024-10-13 16:36:11,248 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 144/148 +[2024-10-13 16:36:11,528 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 145/148 +[2024-10-13 16:36:11,808 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 146/148 +[2024-10-13 16:36:12,088 INFO test.py line 186 25394] Test: 206/312-scene0207_02, Batch: 147/148 +[2024-10-13 16:36:12,528 INFO test.py line 272 25394] Test: scene0207_02 [206/312]-347322 Batch 41.755 (19.485) Accuracy 0.8504 (0.4597) mIoU 0.5455 (0.3573) +[2024-10-13 16:36:12,701 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 0/121 +[2024-10-13 16:36:12,848 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 1/121 +[2024-10-13 16:36:12,995 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 2/121 +[2024-10-13 16:36:13,143 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 3/121 +[2024-10-13 16:36:13,290 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 4/121 +[2024-10-13 16:36:13,438 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 5/121 +[2024-10-13 16:36:13,585 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 6/121 +[2024-10-13 16:36:13,733 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 7/121 +[2024-10-13 16:36:13,885 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 8/121 +[2024-10-13 16:36:14,054 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 9/121 +[2024-10-13 16:36:14,201 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 10/121 +[2024-10-13 16:36:14,347 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 11/121 +[2024-10-13 16:36:14,493 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 12/121 +[2024-10-13 16:36:14,639 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 13/121 +[2024-10-13 16:36:14,785 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 14/121 +[2024-10-13 16:36:14,931 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 15/121 +[2024-10-13 16:36:15,078 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 16/121 +[2024-10-13 16:36:15,224 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 17/121 +[2024-10-13 16:36:15,371 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 18/121 +[2024-10-13 16:36:15,518 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 19/121 +[2024-10-13 16:36:15,664 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 20/121 +[2024-10-13 16:36:15,811 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 21/121 +[2024-10-13 16:36:15,957 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 22/121 +[2024-10-13 16:36:16,104 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 23/121 +[2024-10-13 16:36:16,251 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 24/121 +[2024-10-13 16:36:16,398 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 25/121 +[2024-10-13 16:36:16,544 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 26/121 +[2024-10-13 16:36:16,691 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 27/121 +[2024-10-13 16:36:16,837 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 28/121 +[2024-10-13 16:36:16,984 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 29/121 +[2024-10-13 16:36:17,131 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 30/121 +[2024-10-13 16:36:17,277 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 31/121 +[2024-10-13 16:36:17,424 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 32/121 +[2024-10-13 16:36:17,571 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 33/121 +[2024-10-13 16:36:17,717 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 34/121 +[2024-10-13 16:36:17,864 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 35/121 +[2024-10-13 16:36:18,002 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 36/121 +[2024-10-13 16:36:18,141 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 37/121 +[2024-10-13 16:36:18,280 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 38/121 +[2024-10-13 16:36:18,418 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 39/121 +[2024-10-13 16:36:18,557 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 40/121 +[2024-10-13 16:36:18,696 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 41/121 +[2024-10-13 16:36:18,834 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 42/121 +[2024-10-13 16:36:18,973 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 43/121 +[2024-10-13 16:36:19,111 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 44/121 +[2024-10-13 16:36:19,250 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 45/121 +[2024-10-13 16:36:19,388 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 46/121 +[2024-10-13 16:36:19,527 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 47/121 +[2024-10-13 16:36:19,665 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 48/121 +[2024-10-13 16:36:19,803 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 49/121 +[2024-10-13 16:36:19,941 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 50/121 +[2024-10-13 16:36:20,080 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 51/121 +[2024-10-13 16:36:20,218 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 52/121 +[2024-10-13 16:36:20,356 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 53/121 +[2024-10-13 16:36:20,494 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 54/121 +[2024-10-13 16:36:20,632 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 55/121 +[2024-10-13 16:36:20,771 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 56/121 +[2024-10-13 16:36:20,909 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 57/121 +[2024-10-13 16:36:21,047 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 58/121 +[2024-10-13 16:36:21,186 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 59/121 +[2024-10-13 16:36:21,324 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 60/121 +[2024-10-13 16:36:21,462 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 61/121 +[2024-10-13 16:36:21,601 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 62/121 +[2024-10-13 16:36:21,739 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 63/121 +[2024-10-13 16:36:21,877 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 64/121 +[2024-10-13 16:36:22,015 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 65/121 +[2024-10-13 16:36:22,153 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 66/121 +[2024-10-13 16:36:22,291 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 67/121 +[2024-10-13 16:36:22,430 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 68/121 +[2024-10-13 16:36:22,568 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 69/121 +[2024-10-13 16:36:22,706 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 70/121 +[2024-10-13 16:36:22,844 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 71/121 +[2024-10-13 16:36:22,983 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 72/121 +[2024-10-13 16:36:23,121 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 73/121 +[2024-10-13 16:36:23,260 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 74/121 +[2024-10-13 16:36:23,398 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 75/121 +[2024-10-13 16:36:23,536 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 76/121 +[2024-10-13 16:36:23,675 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 77/121 +[2024-10-13 16:36:23,813 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 78/121 +[2024-10-13 16:36:23,951 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 79/121 +[2024-10-13 16:36:24,107 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 80/121 +[2024-10-13 16:36:24,262 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 81/121 +[2024-10-13 16:36:24,419 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 82/121 +[2024-10-13 16:36:24,575 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 83/121 +[2024-10-13 16:36:24,731 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 84/121 +[2024-10-13 16:36:24,887 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 85/121 +[2024-10-13 16:36:25,043 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 86/121 +[2024-10-13 16:36:25,199 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 87/121 +[2024-10-13 16:36:25,356 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 88/121 +[2024-10-13 16:36:25,513 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 89/121 +[2024-10-13 16:36:25,670 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 90/121 +[2024-10-13 16:36:25,826 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 91/121 +[2024-10-13 16:36:25,983 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 92/121 +[2024-10-13 16:36:26,139 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 93/121 +[2024-10-13 16:36:26,296 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 94/121 +[2024-10-13 16:36:26,453 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 95/121 +[2024-10-13 16:36:26,609 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 96/121 +[2024-10-13 16:36:26,765 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 97/121 +[2024-10-13 16:36:26,920 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 98/121 +[2024-10-13 16:36:27,076 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 99/121 +[2024-10-13 16:36:27,232 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 100/121 +[2024-10-13 16:36:27,388 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 101/121 +[2024-10-13 16:36:27,544 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 102/121 +[2024-10-13 16:36:27,699 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 103/121 +[2024-10-13 16:36:27,855 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 104/121 +[2024-10-13 16:36:28,011 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 105/121 +[2024-10-13 16:36:28,168 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 106/121 +[2024-10-13 16:36:28,323 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 107/121 +[2024-10-13 16:36:28,479 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 108/121 +[2024-10-13 16:36:28,636 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 109/121 +[2024-10-13 16:36:28,792 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 110/121 +[2024-10-13 16:36:28,948 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 111/121 +[2024-10-13 16:36:29,094 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 112/121 +[2024-10-13 16:36:29,241 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 113/121 +[2024-10-13 16:36:29,387 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 114/121 +[2024-10-13 16:36:29,534 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 115/121 +[2024-10-13 16:36:29,681 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 116/121 +[2024-10-13 16:36:29,827 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 117/121 +[2024-10-13 16:36:29,974 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 118/121 +[2024-10-13 16:36:30,120 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 119/121 +[2024-10-13 16:36:30,267 INFO test.py line 186 25394] Test: 207/312-scene0643_00, Batch: 120/121 +[2024-10-13 16:36:30,477 INFO test.py line 272 25394] Test: scene0643_00 [207/312]-167360 Batch 17.949 (19.478) Accuracy 0.7663 (0.4599) mIoU 0.2726 (0.3568) +[2024-10-13 16:36:30,856 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 0/144 +[2024-10-13 16:36:31,170 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 1/144 +[2024-10-13 16:36:31,486 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 2/144 +[2024-10-13 16:36:31,800 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 3/144 +[2024-10-13 16:36:32,114 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 4/144 +[2024-10-13 16:36:32,428 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 5/144 +[2024-10-13 16:36:32,743 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 6/144 +[2024-10-13 16:36:33,057 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 7/144 +[2024-10-13 16:36:33,371 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 8/144 +[2024-10-13 16:36:33,686 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 9/144 +[2024-10-13 16:36:34,000 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 10/144 +[2024-10-13 16:36:34,348 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 11/144 +[2024-10-13 16:36:34,663 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 12/144 +[2024-10-13 16:36:34,977 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 13/144 +[2024-10-13 16:36:35,292 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 14/144 +[2024-10-13 16:36:35,606 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 15/144 +[2024-10-13 16:36:35,921 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 16/144 +[2024-10-13 16:36:36,235 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 17/144 +[2024-10-13 16:36:36,550 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 18/144 +[2024-10-13 16:36:36,864 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 19/144 +[2024-10-13 16:36:37,179 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 20/144 +[2024-10-13 16:36:37,492 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 21/144 +[2024-10-13 16:36:37,807 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 22/144 +[2024-10-13 16:36:38,122 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 23/144 +[2024-10-13 16:36:38,437 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 24/144 +[2024-10-13 16:36:38,751 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 25/144 +[2024-10-13 16:36:39,065 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 26/144 +[2024-10-13 16:36:39,380 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 27/144 +[2024-10-13 16:36:39,694 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 28/144 +[2024-10-13 16:36:40,008 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 29/144 +[2024-10-13 16:36:40,322 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 30/144 +[2024-10-13 16:36:40,637 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 31/144 +[2024-10-13 16:36:40,950 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 32/144 +[2024-10-13 16:36:41,265 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 33/144 +[2024-10-13 16:36:41,579 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 34/144 +[2024-10-13 16:36:41,894 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 35/144 +[2024-10-13 16:36:42,208 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 36/144 +[2024-10-13 16:36:42,523 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 37/144 +[2024-10-13 16:36:42,837 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 38/144 +[2024-10-13 16:36:43,151 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 39/144 +[2024-10-13 16:36:43,465 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 40/144 +[2024-10-13 16:36:43,779 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 41/144 +[2024-10-13 16:36:44,093 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 42/144 +[2024-10-13 16:36:44,407 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 43/144 +[2024-10-13 16:36:44,721 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 44/144 +[2024-10-13 16:36:45,036 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 45/144 +[2024-10-13 16:36:45,349 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 46/144 +[2024-10-13 16:36:45,664 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 47/144 +[2024-10-13 16:36:45,959 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 48/144 +[2024-10-13 16:36:46,254 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 49/144 +[2024-10-13 16:36:46,549 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 50/144 +[2024-10-13 16:36:46,845 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 51/144 +[2024-10-13 16:36:47,140 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 52/144 +[2024-10-13 16:36:47,434 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 53/144 +[2024-10-13 16:36:47,729 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 54/144 +[2024-10-13 16:36:48,025 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 55/144 +[2024-10-13 16:36:48,320 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 56/144 +[2024-10-13 16:36:48,615 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 57/144 +[2024-10-13 16:36:48,910 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 58/144 +[2024-10-13 16:36:49,205 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 59/144 +[2024-10-13 16:36:49,502 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 60/144 +[2024-10-13 16:36:49,796 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 61/144 +[2024-10-13 16:36:50,092 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 62/144 +[2024-10-13 16:36:50,387 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 63/144 +[2024-10-13 16:36:50,682 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 64/144 +[2024-10-13 16:36:50,977 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 65/144 +[2024-10-13 16:36:51,272 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 66/144 +[2024-10-13 16:36:51,568 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 67/144 +[2024-10-13 16:36:51,863 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 68/144 +[2024-10-13 16:36:52,158 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 69/144 +[2024-10-13 16:36:52,453 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 70/144 +[2024-10-13 16:36:52,747 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 71/144 +[2024-10-13 16:36:53,043 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 72/144 +[2024-10-13 16:36:53,337 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 73/144 +[2024-10-13 16:36:53,632 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 74/144 +[2024-10-13 16:36:53,927 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 75/144 +[2024-10-13 16:36:54,223 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 76/144 +[2024-10-13 16:36:54,519 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 77/144 +[2024-10-13 16:36:54,813 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 78/144 +[2024-10-13 16:36:55,109 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 79/144 +[2024-10-13 16:36:55,404 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 80/144 +[2024-10-13 16:36:55,699 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 81/144 +[2024-10-13 16:36:55,994 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 82/144 +[2024-10-13 16:36:56,289 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 83/144 +[2024-10-13 16:36:56,584 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 84/144 +[2024-10-13 16:36:56,879 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 85/144 +[2024-10-13 16:36:57,173 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 86/144 +[2024-10-13 16:36:57,468 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 87/144 +[2024-10-13 16:36:57,763 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 88/144 +[2024-10-13 16:36:58,058 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 89/144 +[2024-10-13 16:36:58,353 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 90/144 +[2024-10-13 16:36:58,648 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 91/144 +[2024-10-13 16:36:58,985 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 92/144 +[2024-10-13 16:36:59,322 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 93/144 +[2024-10-13 16:36:59,661 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 94/144 +[2024-10-13 16:36:59,998 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 95/144 +[2024-10-13 16:37:00,335 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 96/144 +[2024-10-13 16:37:00,674 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 97/144 +[2024-10-13 16:37:01,012 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 98/144 +[2024-10-13 16:37:01,350 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 99/144 +[2024-10-13 16:37:01,687 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 100/144 +[2024-10-13 16:37:02,026 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 101/144 +[2024-10-13 16:37:02,364 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 102/144 +[2024-10-13 16:37:02,702 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 103/144 +[2024-10-13 16:37:03,041 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 104/144 +[2024-10-13 16:37:03,380 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 105/144 +[2024-10-13 16:37:03,719 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 106/144 +[2024-10-13 16:37:04,057 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 107/144 +[2024-10-13 16:37:04,396 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 108/144 +[2024-10-13 16:37:04,733 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 109/144 +[2024-10-13 16:37:05,073 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 110/144 +[2024-10-13 16:37:05,412 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 111/144 +[2024-10-13 16:37:05,750 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 112/144 +[2024-10-13 16:37:06,088 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 113/144 +[2024-10-13 16:37:06,426 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 114/144 +[2024-10-13 16:37:06,764 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 115/144 +[2024-10-13 16:37:07,102 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 116/144 +[2024-10-13 16:37:07,440 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 117/144 +[2024-10-13 16:37:07,778 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 118/144 +[2024-10-13 16:37:08,116 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 119/144 +[2024-10-13 16:37:08,454 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 120/144 +[2024-10-13 16:37:08,792 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 121/144 +[2024-10-13 16:37:09,130 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 122/144 +[2024-10-13 16:37:09,468 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 123/144 +[2024-10-13 16:37:09,807 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 124/144 +[2024-10-13 16:37:10,145 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 125/144 +[2024-10-13 16:37:10,483 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 126/144 +[2024-10-13 16:37:10,821 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 127/144 +[2024-10-13 16:37:11,159 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 128/144 +[2024-10-13 16:37:11,496 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 129/144 +[2024-10-13 16:37:11,833 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 130/144 +[2024-10-13 16:37:12,171 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 131/144 +[2024-10-13 16:37:12,487 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 132/144 +[2024-10-13 16:37:12,801 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 133/144 +[2024-10-13 16:37:13,116 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 134/144 +[2024-10-13 16:37:13,430 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 135/144 +[2024-10-13 16:37:13,744 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 136/144 +[2024-10-13 16:37:14,058 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 137/144 +[2024-10-13 16:37:14,373 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 138/144 +[2024-10-13 16:37:14,687 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 139/144 +[2024-10-13 16:37:15,002 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 140/144 +[2024-10-13 16:37:15,316 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 141/144 +[2024-10-13 16:37:15,631 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 142/144 +[2024-10-13 16:37:15,946 INFO test.py line 186 25394] Test: 208/312-scene0307_01, Batch: 143/144 +[2024-10-13 16:37:16,462 INFO test.py line 272 25394] Test: scene0307_01 [208/312]-412511 Batch 45.984 (19.605) Accuracy 0.8948 (0.4613) mIoU 0.2197 (0.3579) +[2024-10-13 16:37:16,546 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 0/112 +[2024-10-13 16:37:16,621 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 1/112 +[2024-10-13 16:37:16,695 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 2/112 +[2024-10-13 16:37:16,770 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 3/112 +[2024-10-13 16:37:16,844 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 4/112 +[2024-10-13 16:37:16,919 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 5/112 +[2024-10-13 16:37:16,993 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 6/112 +[2024-10-13 16:37:17,068 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 7/112 +[2024-10-13 16:37:17,142 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 8/112 +[2024-10-13 16:37:17,217 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 9/112 +[2024-10-13 16:37:17,292 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 10/112 +[2024-10-13 16:37:17,367 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 11/112 +[2024-10-13 16:37:17,490 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 12/112 +[2024-10-13 16:37:17,566 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 13/112 +[2024-10-13 16:37:17,641 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 14/112 +[2024-10-13 16:37:17,715 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 15/112 +[2024-10-13 16:37:17,790 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 16/112 +[2024-10-13 16:37:17,865 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 17/112 +[2024-10-13 16:37:17,940 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 18/112 +[2024-10-13 16:37:18,015 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 19/112 +[2024-10-13 16:37:18,089 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 20/112 +[2024-10-13 16:37:18,164 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 21/112 +[2024-10-13 16:37:18,239 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 22/112 +[2024-10-13 16:37:18,314 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 23/112 +[2024-10-13 16:37:18,388 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 24/112 +[2024-10-13 16:37:18,463 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 25/112 +[2024-10-13 16:37:18,537 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 26/112 +[2024-10-13 16:37:18,612 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 27/112 +[2024-10-13 16:37:18,687 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 28/112 +[2024-10-13 16:37:18,761 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 29/112 +[2024-10-13 16:37:18,836 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 30/112 +[2024-10-13 16:37:18,910 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 31/112 +[2024-10-13 16:37:18,982 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 32/112 +[2024-10-13 16:37:19,053 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 33/112 +[2024-10-13 16:37:19,125 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 34/112 +[2024-10-13 16:37:19,196 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 35/112 +[2024-10-13 16:37:19,267 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 36/112 +[2024-10-13 16:37:19,339 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 37/112 +[2024-10-13 16:37:19,410 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 38/112 +[2024-10-13 16:37:19,482 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 39/112 +[2024-10-13 16:37:19,553 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 40/112 +[2024-10-13 16:37:19,624 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 41/112 +[2024-10-13 16:37:19,695 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 42/112 +[2024-10-13 16:37:19,767 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 43/112 +[2024-10-13 16:37:19,838 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 44/112 +[2024-10-13 16:37:19,909 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 45/112 +[2024-10-13 16:37:19,980 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 46/112 +[2024-10-13 16:37:20,051 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 47/112 +[2024-10-13 16:37:20,122 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 48/112 +[2024-10-13 16:37:20,194 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 49/112 +[2024-10-13 16:37:20,265 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 50/112 +[2024-10-13 16:37:20,336 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 51/112 +[2024-10-13 16:37:20,407 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 52/112 +[2024-10-13 16:37:20,478 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 53/112 +[2024-10-13 16:37:20,549 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 54/112 +[2024-10-13 16:37:20,621 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 55/112 +[2024-10-13 16:37:20,692 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 56/112 +[2024-10-13 16:37:20,763 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 57/112 +[2024-10-13 16:37:20,834 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 58/112 +[2024-10-13 16:37:20,905 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 59/112 +[2024-10-13 16:37:20,976 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 60/112 +[2024-10-13 16:37:21,047 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 61/112 +[2024-10-13 16:37:21,118 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 62/112 +[2024-10-13 16:37:21,189 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 63/112 +[2024-10-13 16:37:21,261 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 64/112 +[2024-10-13 16:37:21,332 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 65/112 +[2024-10-13 16:37:21,403 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 66/112 +[2024-10-13 16:37:21,474 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 67/112 +[2024-10-13 16:37:21,545 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 68/112 +[2024-10-13 16:37:21,616 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 69/112 +[2024-10-13 16:37:21,688 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 70/112 +[2024-10-13 16:37:21,759 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 71/112 +[2024-10-13 16:37:21,836 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 72/112 +[2024-10-13 16:37:21,914 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 73/112 +[2024-10-13 16:37:21,991 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 74/112 +[2024-10-13 16:37:22,068 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 75/112 +[2024-10-13 16:37:22,146 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 76/112 +[2024-10-13 16:37:22,223 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 77/112 +[2024-10-13 16:37:22,300 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 78/112 +[2024-10-13 16:37:22,378 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 79/112 +[2024-10-13 16:37:22,456 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 80/112 +[2024-10-13 16:37:22,534 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 81/112 +[2024-10-13 16:37:22,611 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 82/112 +[2024-10-13 16:37:22,689 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 83/112 +[2024-10-13 16:37:22,767 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 84/112 +[2024-10-13 16:37:22,844 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 85/112 +[2024-10-13 16:37:22,921 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 86/112 +[2024-10-13 16:37:22,999 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 87/112 +[2024-10-13 16:37:23,077 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 88/112 +[2024-10-13 16:37:23,154 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 89/112 +[2024-10-13 16:37:23,232 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 90/112 +[2024-10-13 16:37:23,310 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 91/112 +[2024-10-13 16:37:23,387 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 92/112 +[2024-10-13 16:37:23,465 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 93/112 +[2024-10-13 16:37:23,542 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 94/112 +[2024-10-13 16:37:23,620 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 95/112 +[2024-10-13 16:37:23,697 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 96/112 +[2024-10-13 16:37:23,775 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 97/112 +[2024-10-13 16:37:23,852 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 98/112 +[2024-10-13 16:37:23,929 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 99/112 +[2024-10-13 16:37:24,007 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 100/112 +[2024-10-13 16:37:24,084 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 101/112 +[2024-10-13 16:37:24,161 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 102/112 +[2024-10-13 16:37:24,238 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 103/112 +[2024-10-13 16:37:24,313 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 104/112 +[2024-10-13 16:37:24,388 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 105/112 +[2024-10-13 16:37:24,463 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 106/112 +[2024-10-13 16:37:24,538 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 107/112 +[2024-10-13 16:37:24,613 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 108/112 +[2024-10-13 16:37:24,687 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 109/112 +[2024-10-13 16:37:24,762 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 110/112 +[2024-10-13 16:37:24,837 INFO test.py line 186 25394] Test: 209/312-scene0527_00, Batch: 111/112 +[2024-10-13 16:37:24,926 INFO test.py line 272 25394] Test: scene0527_00 [209/312]-65893 Batch 8.464 (19.552) Accuracy 0.7984 (0.4613) mIoU 0.3880 (0.3580) +[2024-10-13 16:37:25,078 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 0/134 +[2024-10-13 16:37:25,207 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 1/134 +[2024-10-13 16:37:25,336 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 2/134 +[2024-10-13 16:37:25,465 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 3/134 +[2024-10-13 16:37:25,594 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 4/134 +[2024-10-13 16:37:25,723 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 5/134 +[2024-10-13 16:37:25,852 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 6/134 +[2024-10-13 16:37:25,981 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 7/134 +[2024-10-13 16:37:26,110 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 8/134 +[2024-10-13 16:37:26,239 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 9/134 +[2024-10-13 16:37:26,367 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 10/134 +[2024-10-13 16:37:26,495 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 11/134 +[2024-10-13 16:37:26,623 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 12/134 +[2024-10-13 16:37:26,751 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 13/134 +[2024-10-13 16:37:26,878 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 14/134 +[2024-10-13 16:37:27,007 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 15/134 +[2024-10-13 16:37:27,135 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 16/134 +[2024-10-13 16:37:27,263 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 17/134 +[2024-10-13 16:37:27,390 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 18/134 +[2024-10-13 16:37:27,518 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 19/134 +[2024-10-13 16:37:27,684 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 20/134 +[2024-10-13 16:37:27,813 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 21/134 +[2024-10-13 16:37:27,940 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 22/134 +[2024-10-13 16:37:28,067 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 23/134 +[2024-10-13 16:37:28,195 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 24/134 +[2024-10-13 16:37:28,322 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 25/134 +[2024-10-13 16:37:28,450 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 26/134 +[2024-10-13 16:37:28,577 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 27/134 +[2024-10-13 16:37:28,704 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 28/134 +[2024-10-13 16:37:28,831 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 29/134 +[2024-10-13 16:37:28,958 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 30/134 +[2024-10-13 16:37:29,085 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 31/134 +[2024-10-13 16:37:29,212 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 32/134 +[2024-10-13 16:37:29,340 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 33/134 +[2024-10-13 16:37:29,467 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 34/134 +[2024-10-13 16:37:29,594 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 35/134 +[2024-10-13 16:37:29,721 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 36/134 +[2024-10-13 16:37:29,848 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 37/134 +[2024-10-13 16:37:29,975 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 38/134 +[2024-10-13 16:37:30,102 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 39/134 +[2024-10-13 16:37:30,222 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 40/134 +[2024-10-13 16:37:30,341 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 41/134 +[2024-10-13 16:37:30,459 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 42/134 +[2024-10-13 16:37:30,577 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 43/134 +[2024-10-13 16:37:30,696 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 44/134 +[2024-10-13 16:37:30,814 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 45/134 +[2024-10-13 16:37:30,933 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 46/134 +[2024-10-13 16:37:31,051 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 47/134 +[2024-10-13 16:37:31,170 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 48/134 +[2024-10-13 16:37:31,288 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 49/134 +[2024-10-13 16:37:31,406 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 50/134 +[2024-10-13 16:37:31,525 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 51/134 +[2024-10-13 16:37:31,644 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 52/134 +[2024-10-13 16:37:31,763 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 53/134 +[2024-10-13 16:37:31,881 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 54/134 +[2024-10-13 16:37:32,000 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 55/134 +[2024-10-13 16:37:32,119 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 56/134 +[2024-10-13 16:37:32,240 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 57/134 +[2024-10-13 16:37:32,359 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 58/134 +[2024-10-13 16:37:32,478 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 59/134 +[2024-10-13 16:37:32,597 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 60/134 +[2024-10-13 16:37:32,718 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 61/134 +[2024-10-13 16:37:32,837 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 62/134 +[2024-10-13 16:37:32,956 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 63/134 +[2024-10-13 16:37:33,075 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 64/134 +[2024-10-13 16:37:33,194 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 65/134 +[2024-10-13 16:37:33,313 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 66/134 +[2024-10-13 16:37:33,432 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 67/134 +[2024-10-13 16:37:33,551 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 68/134 +[2024-10-13 16:37:33,670 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 69/134 +[2024-10-13 16:37:33,788 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 70/134 +[2024-10-13 16:37:33,907 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 71/134 +[2024-10-13 16:37:34,026 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 72/134 +[2024-10-13 16:37:34,145 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 73/134 +[2024-10-13 16:37:34,264 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 74/134 +[2024-10-13 16:37:34,382 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 75/134 +[2024-10-13 16:37:34,501 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 76/134 +[2024-10-13 16:37:34,619 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 77/134 +[2024-10-13 16:37:34,737 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 78/134 +[2024-10-13 16:37:34,856 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 79/134 +[2024-10-13 16:37:34,975 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 80/134 +[2024-10-13 16:37:35,094 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 81/134 +[2024-10-13 16:37:35,212 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 82/134 +[2024-10-13 16:37:35,331 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 83/134 +[2024-10-13 16:37:35,449 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 84/134 +[2024-10-13 16:37:35,569 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 85/134 +[2024-10-13 16:37:35,688 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 86/134 +[2024-10-13 16:37:35,806 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 87/134 +[2024-10-13 16:37:35,940 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 88/134 +[2024-10-13 16:37:36,075 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 89/134 +[2024-10-13 16:37:36,210 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 90/134 +[2024-10-13 16:37:36,344 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 91/134 +[2024-10-13 16:37:36,479 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 92/134 +[2024-10-13 16:37:36,613 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 93/134 +[2024-10-13 16:37:36,748 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 94/134 +[2024-10-13 16:37:36,883 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 95/134 +[2024-10-13 16:37:37,018 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 96/134 +[2024-10-13 16:37:37,152 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 97/134 +[2024-10-13 16:37:37,286 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 98/134 +[2024-10-13 16:37:37,420 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 99/134 +[2024-10-13 16:37:37,555 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 100/134 +[2024-10-13 16:37:37,689 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 101/134 +[2024-10-13 16:37:37,823 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 102/134 +[2024-10-13 16:37:37,957 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 103/134 +[2024-10-13 16:37:38,091 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 104/134 +[2024-10-13 16:37:38,226 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 105/134 +[2024-10-13 16:37:38,362 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 106/134 +[2024-10-13 16:37:38,498 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 107/134 +[2024-10-13 16:37:38,634 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 108/134 +[2024-10-13 16:37:38,770 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 109/134 +[2024-10-13 16:37:38,906 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 110/134 +[2024-10-13 16:37:39,043 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 111/134 +[2024-10-13 16:37:39,179 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 112/134 +[2024-10-13 16:37:39,315 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 113/134 +[2024-10-13 16:37:39,451 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 114/134 +[2024-10-13 16:37:39,586 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 115/134 +[2024-10-13 16:37:39,721 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 116/134 +[2024-10-13 16:37:39,857 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 117/134 +[2024-10-13 16:37:39,992 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 118/134 +[2024-10-13 16:37:40,127 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 119/134 +[2024-10-13 16:37:40,263 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 120/134 +[2024-10-13 16:37:40,398 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 121/134 +[2024-10-13 16:37:40,533 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 122/134 +[2024-10-13 16:37:40,669 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 123/134 +[2024-10-13 16:37:40,796 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 124/134 +[2024-10-13 16:37:40,924 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 125/134 +[2024-10-13 16:37:41,051 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 126/134 +[2024-10-13 16:37:41,178 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 127/134 +[2024-10-13 16:37:41,305 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 128/134 +[2024-10-13 16:37:41,433 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 129/134 +[2024-10-13 16:37:41,560 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 130/134 +[2024-10-13 16:37:41,687 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 131/134 +[2024-10-13 16:37:41,815 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 132/134 +[2024-10-13 16:37:41,942 INFO test.py line 186 25394] Test: 210/312-scene0578_00, Batch: 133/134 +[2024-10-13 16:37:42,139 INFO test.py line 272 25394] Test: scene0578_00 [210/312]-147607 Batch 17.213 (19.541) Accuracy 0.9514 (0.4613) mIoU 0.6976 (0.3581) +[2024-10-13 16:37:42,211 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 0/112 +[2024-10-13 16:37:42,273 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 1/112 +[2024-10-13 16:37:42,335 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 2/112 +[2024-10-13 16:37:42,397 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 3/112 +[2024-10-13 16:37:42,459 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 4/112 +[2024-10-13 16:37:42,521 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 5/112 +[2024-10-13 16:37:42,583 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 6/112 +[2024-10-13 16:37:42,645 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 7/112 +[2024-10-13 16:37:42,707 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 8/112 +[2024-10-13 16:37:42,769 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 9/112 +[2024-10-13 16:37:42,831 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 10/112 +[2024-10-13 16:37:42,893 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 11/112 +[2024-10-13 16:37:42,958 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 12/112 +[2024-10-13 16:37:43,019 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 13/112 +[2024-10-13 16:37:43,081 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 14/112 +[2024-10-13 16:37:43,143 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 15/112 +[2024-10-13 16:37:43,206 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 16/112 +[2024-10-13 16:37:43,268 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 17/112 +[2024-10-13 16:37:43,330 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 18/112 +[2024-10-13 16:37:43,392 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 19/112 +[2024-10-13 16:37:43,454 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 20/112 +[2024-10-13 16:37:43,516 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 21/112 +[2024-10-13 16:37:43,578 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 22/112 +[2024-10-13 16:37:43,640 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 23/112 +[2024-10-13 16:37:43,702 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 24/112 +[2024-10-13 16:37:43,764 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 25/112 +[2024-10-13 16:37:43,826 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 26/112 +[2024-10-13 16:37:43,888 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 27/112 +[2024-10-13 16:37:43,950 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 28/112 +[2024-10-13 16:37:44,012 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 29/112 +[2024-10-13 16:37:44,074 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 30/112 +[2024-10-13 16:37:44,136 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 31/112 +[2024-10-13 16:37:44,195 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 32/112 +[2024-10-13 16:37:44,255 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 33/112 +[2024-10-13 16:37:44,314 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 34/112 +[2024-10-13 16:37:44,373 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 35/112 +[2024-10-13 16:37:44,432 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 36/112 +[2024-10-13 16:37:44,492 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 37/112 +[2024-10-13 16:37:44,551 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 38/112 +[2024-10-13 16:37:44,610 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 39/112 +[2024-10-13 16:37:44,670 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 40/112 +[2024-10-13 16:37:44,729 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 41/112 +[2024-10-13 16:37:44,788 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 42/112 +[2024-10-13 16:37:44,848 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 43/112 +[2024-10-13 16:37:44,907 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 44/112 +[2024-10-13 16:37:44,967 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 45/112 +[2024-10-13 16:37:45,026 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 46/112 +[2024-10-13 16:37:45,085 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 47/112 +[2024-10-13 16:37:45,145 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 48/112 +[2024-10-13 16:37:45,204 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 49/112 +[2024-10-13 16:37:45,264 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 50/112 +[2024-10-13 16:37:45,323 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 51/112 +[2024-10-13 16:37:45,383 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 52/112 +[2024-10-13 16:37:45,442 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 53/112 +[2024-10-13 16:37:45,501 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 54/112 +[2024-10-13 16:37:45,560 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 55/112 +[2024-10-13 16:37:45,619 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 56/112 +[2024-10-13 16:37:45,679 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 57/112 +[2024-10-13 16:37:45,738 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 58/112 +[2024-10-13 16:37:45,797 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 59/112 +[2024-10-13 16:37:45,856 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 60/112 +[2024-10-13 16:37:45,915 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 61/112 +[2024-10-13 16:37:45,975 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 62/112 +[2024-10-13 16:37:46,034 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 63/112 +[2024-10-13 16:37:46,152 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 64/112 +[2024-10-13 16:37:46,213 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 65/112 +[2024-10-13 16:37:46,274 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 66/112 +[2024-10-13 16:37:46,342 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 67/112 +[2024-10-13 16:37:46,404 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 68/112 +[2024-10-13 16:37:46,464 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 69/112 +[2024-10-13 16:37:46,524 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 70/112 +[2024-10-13 16:37:46,583 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 71/112 +[2024-10-13 16:37:46,642 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 72/112 +[2024-10-13 16:37:46,702 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 73/112 +[2024-10-13 16:37:46,761 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 74/112 +[2024-10-13 16:37:46,820 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 75/112 +[2024-10-13 16:37:46,885 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 76/112 +[2024-10-13 16:37:46,949 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 77/112 +[2024-10-13 16:37:47,014 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 78/112 +[2024-10-13 16:37:47,078 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 79/112 +[2024-10-13 16:37:47,142 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 80/112 +[2024-10-13 16:37:47,207 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 81/112 +[2024-10-13 16:37:47,271 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 82/112 +[2024-10-13 16:37:47,336 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 83/112 +[2024-10-13 16:37:47,400 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 84/112 +[2024-10-13 16:37:47,465 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 85/112 +[2024-10-13 16:37:47,529 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 86/112 +[2024-10-13 16:37:47,594 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 87/112 +[2024-10-13 16:37:47,658 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 88/112 +[2024-10-13 16:37:47,723 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 89/112 +[2024-10-13 16:37:47,787 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 90/112 +[2024-10-13 16:37:47,852 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 91/112 +[2024-10-13 16:37:47,916 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 92/112 +[2024-10-13 16:37:47,981 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 93/112 +[2024-10-13 16:37:48,046 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 94/112 +[2024-10-13 16:37:48,110 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 95/112 +[2024-10-13 16:37:48,175 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 96/112 +[2024-10-13 16:37:48,239 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 97/112 +[2024-10-13 16:37:48,304 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 98/112 +[2024-10-13 16:37:48,369 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 99/112 +[2024-10-13 16:37:48,433 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 100/112 +[2024-10-13 16:37:48,498 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 101/112 +[2024-10-13 16:37:48,562 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 102/112 +[2024-10-13 16:37:48,627 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 103/112 +[2024-10-13 16:37:48,689 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 104/112 +[2024-10-13 16:37:48,751 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 105/112 +[2024-10-13 16:37:48,813 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 106/112 +[2024-10-13 16:37:48,875 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 107/112 +[2024-10-13 16:37:48,937 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 108/112 +[2024-10-13 16:37:48,999 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 109/112 +[2024-10-13 16:37:49,061 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 110/112 +[2024-10-13 16:37:49,122 INFO test.py line 186 25394] Test: 211/312-scene0406_01, Batch: 111/112 +[2024-10-13 16:37:49,188 INFO test.py line 272 25394] Test: scene0406_01 [211/312]-45557 Batch 7.049 (19.482) Accuracy 0.7028 (0.4613) mIoU 0.5211 (0.3579) +[2024-10-13 16:37:49,311 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 0/125 +[2024-10-13 16:37:49,419 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 1/125 +[2024-10-13 16:37:49,528 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 2/125 +[2024-10-13 16:37:49,636 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 3/125 +[2024-10-13 16:37:49,745 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 4/125 +[2024-10-13 16:37:49,854 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 5/125 +[2024-10-13 16:37:49,962 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 6/125 +[2024-10-13 16:37:50,071 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 7/125 +[2024-10-13 16:37:50,180 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 8/125 +[2024-10-13 16:37:50,288 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 9/125 +[2024-10-13 16:37:50,397 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 10/125 +[2024-10-13 16:37:50,505 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 11/125 +[2024-10-13 16:37:50,614 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 12/125 +[2024-10-13 16:37:50,722 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 13/125 +[2024-10-13 16:37:50,831 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 14/125 +[2024-10-13 16:37:50,976 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 15/125 +[2024-10-13 16:37:51,086 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 16/125 +[2024-10-13 16:37:51,194 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 17/125 +[2024-10-13 16:37:51,303 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 18/125 +[2024-10-13 16:37:51,412 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 19/125 +[2024-10-13 16:37:51,520 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 20/125 +[2024-10-13 16:37:51,629 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 21/125 +[2024-10-13 16:37:51,738 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 22/125 +[2024-10-13 16:37:51,846 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 23/125 +[2024-10-13 16:37:51,955 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 24/125 +[2024-10-13 16:37:52,063 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 25/125 +[2024-10-13 16:37:52,172 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 26/125 +[2024-10-13 16:37:52,280 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 27/125 +[2024-10-13 16:37:52,388 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 28/125 +[2024-10-13 16:37:52,497 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 29/125 +[2024-10-13 16:37:52,605 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 30/125 +[2024-10-13 16:37:52,713 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 31/125 +[2024-10-13 16:37:52,821 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 32/125 +[2024-10-13 16:37:52,929 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 33/125 +[2024-10-13 16:37:53,038 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 34/125 +[2024-10-13 16:37:53,146 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 35/125 +[2024-10-13 16:37:53,247 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 36/125 +[2024-10-13 16:37:53,347 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 37/125 +[2024-10-13 16:37:53,448 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 38/125 +[2024-10-13 16:37:53,548 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 39/125 +[2024-10-13 16:37:53,648 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 40/125 +[2024-10-13 16:37:53,749 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 41/125 +[2024-10-13 16:37:53,849 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 42/125 +[2024-10-13 16:37:53,950 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 43/125 +[2024-10-13 16:37:54,051 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 44/125 +[2024-10-13 16:37:54,151 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 45/125 +[2024-10-13 16:37:54,252 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 46/125 +[2024-10-13 16:37:54,353 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 47/125 +[2024-10-13 16:37:54,453 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 48/125 +[2024-10-13 16:37:54,554 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 49/125 +[2024-10-13 16:37:54,655 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 50/125 +[2024-10-13 16:37:54,755 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 51/125 +[2024-10-13 16:37:54,856 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 52/125 +[2024-10-13 16:37:54,957 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 53/125 +[2024-10-13 16:37:55,058 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 54/125 +[2024-10-13 16:37:55,158 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 55/125 +[2024-10-13 16:37:55,259 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 56/125 +[2024-10-13 16:37:55,360 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 57/125 +[2024-10-13 16:37:55,461 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 58/125 +[2024-10-13 16:37:55,562 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 59/125 +[2024-10-13 16:37:55,663 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 60/125 +[2024-10-13 16:37:55,765 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 61/125 +[2024-10-13 16:37:55,866 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 62/125 +[2024-10-13 16:37:55,966 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 63/125 +[2024-10-13 16:37:56,067 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 64/125 +[2024-10-13 16:37:56,168 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 65/125 +[2024-10-13 16:37:56,269 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 66/125 +[2024-10-13 16:37:56,369 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 67/125 +[2024-10-13 16:37:56,470 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 68/125 +[2024-10-13 16:37:56,571 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 69/125 +[2024-10-13 16:37:56,672 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 70/125 +[2024-10-13 16:37:56,772 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 71/125 +[2024-10-13 16:37:56,873 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 72/125 +[2024-10-13 16:37:56,973 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 73/125 +[2024-10-13 16:37:57,075 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 74/125 +[2024-10-13 16:37:57,175 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 75/125 +[2024-10-13 16:37:57,290 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 76/125 +[2024-10-13 16:37:57,405 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 77/125 +[2024-10-13 16:37:57,521 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 78/125 +[2024-10-13 16:37:57,636 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 79/125 +[2024-10-13 16:37:57,751 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 80/125 +[2024-10-13 16:37:57,866 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 81/125 +[2024-10-13 16:37:57,981 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 82/125 +[2024-10-13 16:37:58,096 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 83/125 +[2024-10-13 16:37:58,211 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 84/125 +[2024-10-13 16:37:58,327 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 85/125 +[2024-10-13 16:37:58,442 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 86/125 +[2024-10-13 16:37:58,556 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 87/125 +[2024-10-13 16:37:58,672 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 88/125 +[2024-10-13 16:37:58,787 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 89/125 +[2024-10-13 16:37:58,902 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 90/125 +[2024-10-13 16:37:59,017 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 91/125 +[2024-10-13 16:37:59,132 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 92/125 +[2024-10-13 16:37:59,247 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 93/125 +[2024-10-13 16:37:59,363 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 94/125 +[2024-10-13 16:37:59,478 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 95/125 +[2024-10-13 16:37:59,593 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 96/125 +[2024-10-13 16:37:59,707 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 97/125 +[2024-10-13 16:37:59,822 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 98/125 +[2024-10-13 16:37:59,937 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 99/125 +[2024-10-13 16:38:00,052 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 100/125 +[2024-10-13 16:38:00,167 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 101/125 +[2024-10-13 16:38:00,282 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 102/125 +[2024-10-13 16:38:00,397 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 103/125 +[2024-10-13 16:38:00,512 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 104/125 +[2024-10-13 16:38:00,627 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 105/125 +[2024-10-13 16:38:00,741 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 106/125 +[2024-10-13 16:38:00,856 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 107/125 +[2024-10-13 16:38:00,971 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 108/125 +[2024-10-13 16:38:01,085 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 109/125 +[2024-10-13 16:38:01,200 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 110/125 +[2024-10-13 16:38:01,315 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 111/125 +[2024-10-13 16:38:01,430 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 112/125 +[2024-10-13 16:38:01,545 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 113/125 +[2024-10-13 16:38:01,660 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 114/125 +[2024-10-13 16:38:01,775 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 115/125 +[2024-10-13 16:38:01,884 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 116/125 +[2024-10-13 16:38:01,992 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 117/125 +[2024-10-13 16:38:02,101 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 118/125 +[2024-10-13 16:38:02,210 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 119/125 +[2024-10-13 16:38:02,318 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 120/125 +[2024-10-13 16:38:02,427 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 121/125 +[2024-10-13 16:38:02,535 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 122/125 +[2024-10-13 16:38:02,644 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 123/125 +[2024-10-13 16:38:02,752 INFO test.py line 186 25394] Test: 212/312-scene0144_01, Batch: 124/125 +[2024-10-13 16:38:02,909 INFO test.py line 272 25394] Test: scene0144_01 [212/312]-116341 Batch 13.720 (19.455) Accuracy 0.8397 (0.4612) mIoU 0.3382 (0.3577) +[2024-10-13 16:38:03,067 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 0/148 +[2024-10-13 16:38:03,201 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 1/148 +[2024-10-13 16:38:03,334 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 2/148 +[2024-10-13 16:38:03,469 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 3/148 +[2024-10-13 16:38:03,603 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 4/148 +[2024-10-13 16:38:03,737 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 5/148 +[2024-10-13 16:38:03,871 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 6/148 +[2024-10-13 16:38:04,006 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 7/148 +[2024-10-13 16:38:04,168 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 8/148 +[2024-10-13 16:38:04,303 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 9/148 +[2024-10-13 16:38:04,437 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 10/148 +[2024-10-13 16:38:04,571 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 11/148 +[2024-10-13 16:38:04,705 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 12/148 +[2024-10-13 16:38:04,838 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 13/148 +[2024-10-13 16:38:04,971 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 14/148 +[2024-10-13 16:38:05,104 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 15/148 +[2024-10-13 16:38:05,237 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 16/148 +[2024-10-13 16:38:05,371 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 17/148 +[2024-10-13 16:38:05,504 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 18/148 +[2024-10-13 16:38:05,637 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 19/148 +[2024-10-13 16:38:05,770 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 20/148 +[2024-10-13 16:38:05,903 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 21/148 +[2024-10-13 16:38:06,036 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 22/148 +[2024-10-13 16:38:06,170 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 23/148 +[2024-10-13 16:38:06,303 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 24/148 +[2024-10-13 16:38:06,436 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 25/148 +[2024-10-13 16:38:06,569 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 26/148 +[2024-10-13 16:38:06,702 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 27/148 +[2024-10-13 16:38:06,835 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 28/148 +[2024-10-13 16:38:06,968 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 29/148 +[2024-10-13 16:38:07,101 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 30/148 +[2024-10-13 16:38:07,235 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 31/148 +[2024-10-13 16:38:07,368 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 32/148 +[2024-10-13 16:38:07,501 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 33/148 +[2024-10-13 16:38:07,635 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 34/148 +[2024-10-13 16:38:07,768 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 35/148 +[2024-10-13 16:38:07,901 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 36/148 +[2024-10-13 16:38:08,035 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 37/148 +[2024-10-13 16:38:08,170 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 38/148 +[2024-10-13 16:38:08,304 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 39/148 +[2024-10-13 16:38:08,438 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 40/148 +[2024-10-13 16:38:08,572 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 41/148 +[2024-10-13 16:38:08,706 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 42/148 +[2024-10-13 16:38:08,840 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 43/148 +[2024-10-13 16:38:08,973 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 44/148 +[2024-10-13 16:38:09,107 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 45/148 +[2024-10-13 16:38:09,241 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 46/148 +[2024-10-13 16:38:09,375 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 47/148 +[2024-10-13 16:38:09,502 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 48/148 +[2024-10-13 16:38:09,629 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 49/148 +[2024-10-13 16:38:09,755 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 50/148 +[2024-10-13 16:38:09,882 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 51/148 +[2024-10-13 16:38:10,008 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 52/148 +[2024-10-13 16:38:10,135 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 53/148 +[2024-10-13 16:38:10,261 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 54/148 +[2024-10-13 16:38:10,387 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 55/148 +[2024-10-13 16:38:10,514 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 56/148 +[2024-10-13 16:38:10,640 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 57/148 +[2024-10-13 16:38:10,766 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 58/148 +[2024-10-13 16:38:10,893 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 59/148 +[2024-10-13 16:38:11,020 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 60/148 +[2024-10-13 16:38:11,146 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 61/148 +[2024-10-13 16:38:11,273 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 62/148 +[2024-10-13 16:38:11,400 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 63/148 +[2024-10-13 16:38:11,526 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 64/148 +[2024-10-13 16:38:11,653 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 65/148 +[2024-10-13 16:38:11,779 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 66/148 +[2024-10-13 16:38:11,906 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 67/148 +[2024-10-13 16:38:12,033 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 68/148 +[2024-10-13 16:38:12,159 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 69/148 +[2024-10-13 16:38:12,286 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 70/148 +[2024-10-13 16:38:12,413 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 71/148 +[2024-10-13 16:38:12,539 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 72/148 +[2024-10-13 16:38:12,666 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 73/148 +[2024-10-13 16:38:12,792 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 74/148 +[2024-10-13 16:38:12,918 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 75/148 +[2024-10-13 16:38:13,045 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 76/148 +[2024-10-13 16:38:13,171 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 77/148 +[2024-10-13 16:38:13,297 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 78/148 +[2024-10-13 16:38:13,423 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 79/148 +[2024-10-13 16:38:13,549 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 80/148 +[2024-10-13 16:38:13,675 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 81/148 +[2024-10-13 16:38:13,802 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 82/148 +[2024-10-13 16:38:13,928 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 83/148 +[2024-10-13 16:38:14,055 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 84/148 +[2024-10-13 16:38:14,181 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 85/148 +[2024-10-13 16:38:14,307 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 86/148 +[2024-10-13 16:38:14,434 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 87/148 +[2024-10-13 16:38:14,560 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 88/148 +[2024-10-13 16:38:14,686 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 89/148 +[2024-10-13 16:38:14,812 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 90/148 +[2024-10-13 16:38:14,938 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 91/148 +[2024-10-13 16:38:15,064 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 92/148 +[2024-10-13 16:38:15,190 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 93/148 +[2024-10-13 16:38:15,317 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 94/148 +[2024-10-13 16:38:15,443 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 95/148 +[2024-10-13 16:38:15,585 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 96/148 +[2024-10-13 16:38:15,727 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 97/148 +[2024-10-13 16:38:15,869 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 98/148 +[2024-10-13 16:38:16,012 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 99/148 +[2024-10-13 16:38:16,154 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 100/148 +[2024-10-13 16:38:16,296 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 101/148 +[2024-10-13 16:38:16,439 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 102/148 +[2024-10-13 16:38:16,581 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 103/148 +[2024-10-13 16:38:16,723 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 104/148 +[2024-10-13 16:38:16,865 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 105/148 +[2024-10-13 16:38:17,007 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 106/148 +[2024-10-13 16:38:17,149 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 107/148 +[2024-10-13 16:38:17,291 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 108/148 +[2024-10-13 16:38:17,434 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 109/148 +[2024-10-13 16:38:17,576 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 110/148 +[2024-10-13 16:38:17,718 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 111/148 +[2024-10-13 16:38:17,861 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 112/148 +[2024-10-13 16:38:18,003 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 113/148 +[2024-10-13 16:38:18,145 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 114/148 +[2024-10-13 16:38:18,287 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 115/148 +[2024-10-13 16:38:18,430 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 116/148 +[2024-10-13 16:38:18,572 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 117/148 +[2024-10-13 16:38:18,714 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 118/148 +[2024-10-13 16:38:18,857 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 119/148 +[2024-10-13 16:38:18,999 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 120/148 +[2024-10-13 16:38:19,141 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 121/148 +[2024-10-13 16:38:19,284 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 122/148 +[2024-10-13 16:38:19,426 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 123/148 +[2024-10-13 16:38:19,568 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 124/148 +[2024-10-13 16:38:19,710 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 125/148 +[2024-10-13 16:38:19,851 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 126/148 +[2024-10-13 16:38:19,993 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 127/148 +[2024-10-13 16:38:20,135 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 128/148 +[2024-10-13 16:38:20,277 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 129/148 +[2024-10-13 16:38:20,419 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 130/148 +[2024-10-13 16:38:20,561 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 131/148 +[2024-10-13 16:38:20,702 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 132/148 +[2024-10-13 16:38:20,844 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 133/148 +[2024-10-13 16:38:20,986 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 134/148 +[2024-10-13 16:38:21,127 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 135/148 +[2024-10-13 16:38:21,261 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 136/148 +[2024-10-13 16:38:21,394 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 137/148 +[2024-10-13 16:38:21,527 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 138/148 +[2024-10-13 16:38:21,660 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 139/148 +[2024-10-13 16:38:21,793 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 140/148 +[2024-10-13 16:38:21,926 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 141/148 +[2024-10-13 16:38:22,059 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 142/148 +[2024-10-13 16:38:22,192 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 143/148 +[2024-10-13 16:38:22,325 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 144/148 +[2024-10-13 16:38:22,458 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 145/148 +[2024-10-13 16:38:22,591 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 146/148 +[2024-10-13 16:38:22,725 INFO test.py line 186 25394] Test: 213/312-scene0697_01, Batch: 147/148 +[2024-10-13 16:38:22,915 INFO test.py line 272 25394] Test: scene0697_01 [213/312]-146820 Batch 20.006 (19.457) Accuracy 0.7911 (0.4612) mIoU 0.3912 (0.3579) +[2024-10-13 16:38:23,017 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 0/122 +[2024-10-13 16:38:23,106 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 1/122 +[2024-10-13 16:38:23,195 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 2/122 +[2024-10-13 16:38:23,283 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 3/122 +[2024-10-13 16:38:23,372 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 4/122 +[2024-10-13 16:38:23,461 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 5/122 +[2024-10-13 16:38:23,550 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 6/122 +[2024-10-13 16:38:23,638 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 7/122 +[2024-10-13 16:38:23,727 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 8/122 +[2024-10-13 16:38:23,816 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 9/122 +[2024-10-13 16:38:23,905 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 10/122 +[2024-10-13 16:38:23,995 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 11/122 +[2024-10-13 16:38:24,084 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 12/122 +[2024-10-13 16:38:24,173 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 13/122 +[2024-10-13 16:38:24,262 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 14/122 +[2024-10-13 16:38:24,351 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 15/122 +[2024-10-13 16:38:24,440 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 16/122 +[2024-10-13 16:38:24,529 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 17/122 +[2024-10-13 16:38:24,618 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 18/122 +[2024-10-13 16:38:24,707 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 19/122 +[2024-10-13 16:38:24,796 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 20/122 +[2024-10-13 16:38:24,885 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 21/122 +[2024-10-13 16:38:24,974 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 22/122 +[2024-10-13 16:38:25,063 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 23/122 +[2024-10-13 16:38:25,152 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 24/122 +[2024-10-13 16:38:25,241 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 25/122 +[2024-10-13 16:38:25,331 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 26/122 +[2024-10-13 16:38:25,419 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 27/122 +[2024-10-13 16:38:25,508 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 28/122 +[2024-10-13 16:38:25,597 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 29/122 +[2024-10-13 16:38:25,686 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 30/122 +[2024-10-13 16:38:25,776 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 31/122 +[2024-10-13 16:38:25,864 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 32/122 +[2024-10-13 16:38:25,954 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 33/122 +[2024-10-13 16:38:26,043 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 34/122 +[2024-10-13 16:38:26,132 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 35/122 +[2024-10-13 16:38:26,273 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 36/122 +[2024-10-13 16:38:26,363 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 37/122 +[2024-10-13 16:38:26,453 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 38/122 +[2024-10-13 16:38:26,544 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 39/122 +[2024-10-13 16:38:26,628 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 40/122 +[2024-10-13 16:38:26,712 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 41/122 +[2024-10-13 16:38:26,796 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 42/122 +[2024-10-13 16:38:26,880 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 43/122 +[2024-10-13 16:38:26,964 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 44/122 +[2024-10-13 16:38:27,048 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 45/122 +[2024-10-13 16:38:27,132 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 46/122 +[2024-10-13 16:38:27,216 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 47/122 +[2024-10-13 16:38:27,300 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 48/122 +[2024-10-13 16:38:27,384 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 49/122 +[2024-10-13 16:38:27,468 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 50/122 +[2024-10-13 16:38:27,552 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 51/122 +[2024-10-13 16:38:27,636 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 52/122 +[2024-10-13 16:38:27,720 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 53/122 +[2024-10-13 16:38:27,804 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 54/122 +[2024-10-13 16:38:27,888 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 55/122 +[2024-10-13 16:38:27,972 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 56/122 +[2024-10-13 16:38:28,056 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 57/122 +[2024-10-13 16:38:28,140 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 58/122 +[2024-10-13 16:38:28,224 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 59/122 +[2024-10-13 16:38:28,306 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 60/122 +[2024-10-13 16:38:28,389 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 61/122 +[2024-10-13 16:38:28,471 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 62/122 +[2024-10-13 16:38:28,554 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 63/122 +[2024-10-13 16:38:28,636 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 64/122 +[2024-10-13 16:38:28,719 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 65/122 +[2024-10-13 16:38:28,801 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 66/122 +[2024-10-13 16:38:28,884 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 67/122 +[2024-10-13 16:38:28,967 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 68/122 +[2024-10-13 16:38:29,049 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 69/122 +[2024-10-13 16:38:29,132 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 70/122 +[2024-10-13 16:38:29,215 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 71/122 +[2024-10-13 16:38:29,297 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 72/122 +[2024-10-13 16:38:29,380 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 73/122 +[2024-10-13 16:38:29,462 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 74/122 +[2024-10-13 16:38:29,545 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 75/122 +[2024-10-13 16:38:29,628 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 76/122 +[2024-10-13 16:38:29,710 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 77/122 +[2024-10-13 16:38:29,793 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 78/122 +[2024-10-13 16:38:29,876 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 79/122 +[2024-10-13 16:38:29,968 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 80/122 +[2024-10-13 16:38:30,060 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 81/122 +[2024-10-13 16:38:30,153 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 82/122 +[2024-10-13 16:38:30,245 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 83/122 +[2024-10-13 16:38:30,338 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 84/122 +[2024-10-13 16:38:30,430 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 85/122 +[2024-10-13 16:38:30,522 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 86/122 +[2024-10-13 16:38:30,615 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 87/122 +[2024-10-13 16:38:30,707 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 88/122 +[2024-10-13 16:38:30,800 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 89/122 +[2024-10-13 16:38:30,892 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 90/122 +[2024-10-13 16:38:30,984 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 91/122 +[2024-10-13 16:38:31,076 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 92/122 +[2024-10-13 16:38:31,169 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 93/122 +[2024-10-13 16:38:31,261 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 94/122 +[2024-10-13 16:38:31,353 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 95/122 +[2024-10-13 16:38:31,446 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 96/122 +[2024-10-13 16:38:31,538 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 97/122 +[2024-10-13 16:38:31,631 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 98/122 +[2024-10-13 16:38:31,723 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 99/122 +[2024-10-13 16:38:31,816 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 100/122 +[2024-10-13 16:38:31,908 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 101/122 +[2024-10-13 16:38:32,001 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 102/122 +[2024-10-13 16:38:32,093 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 103/122 +[2024-10-13 16:38:32,186 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 104/122 +[2024-10-13 16:38:32,278 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 105/122 +[2024-10-13 16:38:32,370 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 106/122 +[2024-10-13 16:38:32,462 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 107/122 +[2024-10-13 16:38:32,554 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 108/122 +[2024-10-13 16:38:32,646 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 109/122 +[2024-10-13 16:38:32,738 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 110/122 +[2024-10-13 16:38:32,830 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 111/122 +[2024-10-13 16:38:32,919 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 112/122 +[2024-10-13 16:38:33,008 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 113/122 +[2024-10-13 16:38:33,097 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 114/122 +[2024-10-13 16:38:33,186 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 115/122 +[2024-10-13 16:38:33,274 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 116/122 +[2024-10-13 16:38:33,363 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 117/122 +[2024-10-13 16:38:33,452 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 118/122 +[2024-10-13 16:38:33,541 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 119/122 +[2024-10-13 16:38:33,630 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 120/122 +[2024-10-13 16:38:33,719 INFO test.py line 186 25394] Test: 214/312-scene0314_00, Batch: 121/122 +[2024-10-13 16:38:33,832 INFO test.py line 272 25394] Test: scene0314_00 [214/312]-87446 Batch 10.917 (19.417) Accuracy 0.4565 (0.4612) mIoU 0.2905 (0.3578) +[2024-10-13 16:38:33,905 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 0/112 +[2024-10-13 16:38:33,969 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 1/112 +[2024-10-13 16:38:34,033 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 2/112 +[2024-10-13 16:38:34,098 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 3/112 +[2024-10-13 16:38:34,162 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 4/112 +[2024-10-13 16:38:34,226 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 5/112 +[2024-10-13 16:38:34,289 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 6/112 +[2024-10-13 16:38:34,353 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 7/112 +[2024-10-13 16:38:34,417 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 8/112 +[2024-10-13 16:38:34,481 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 9/112 +[2024-10-13 16:38:34,545 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 10/112 +[2024-10-13 16:38:34,609 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 11/112 +[2024-10-13 16:38:34,673 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 12/112 +[2024-10-13 16:38:34,737 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 13/112 +[2024-10-13 16:38:34,801 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 14/112 +[2024-10-13 16:38:34,864 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 15/112 +[2024-10-13 16:38:34,928 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 16/112 +[2024-10-13 16:38:34,992 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 17/112 +[2024-10-13 16:38:35,056 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 18/112 +[2024-10-13 16:38:35,120 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 19/112 +[2024-10-13 16:38:35,184 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 20/112 +[2024-10-13 16:38:35,248 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 21/112 +[2024-10-13 16:38:35,312 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 22/112 +[2024-10-13 16:38:35,376 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 23/112 +[2024-10-13 16:38:35,440 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 24/112 +[2024-10-13 16:38:35,504 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 25/112 +[2024-10-13 16:38:35,568 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 26/112 +[2024-10-13 16:38:35,631 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 27/112 +[2024-10-13 16:38:35,696 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 28/112 +[2024-10-13 16:38:35,760 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 29/112 +[2024-10-13 16:38:35,824 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 30/112 +[2024-10-13 16:38:35,887 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 31/112 +[2024-10-13 16:38:35,950 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 32/112 +[2024-10-13 16:38:36,012 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 33/112 +[2024-10-13 16:38:36,074 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 34/112 +[2024-10-13 16:38:36,136 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 35/112 +[2024-10-13 16:38:36,198 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 36/112 +[2024-10-13 16:38:36,260 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 37/112 +[2024-10-13 16:38:36,322 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 38/112 +[2024-10-13 16:38:36,384 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 39/112 +[2024-10-13 16:38:36,446 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 40/112 +[2024-10-13 16:38:36,507 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 41/112 +[2024-10-13 16:38:36,570 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 42/112 +[2024-10-13 16:38:36,632 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 43/112 +[2024-10-13 16:38:36,694 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 44/112 +[2024-10-13 16:38:36,756 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 45/112 +[2024-10-13 16:38:36,818 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 46/112 +[2024-10-13 16:38:36,881 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 47/112 +[2024-10-13 16:38:36,943 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 48/112 +[2024-10-13 16:38:37,026 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 49/112 +[2024-10-13 16:38:37,117 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 50/112 +[2024-10-13 16:38:37,181 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 51/112 +[2024-10-13 16:38:37,246 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 52/112 +[2024-10-13 16:38:37,310 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 53/112 +[2024-10-13 16:38:37,373 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 54/112 +[2024-10-13 16:38:37,435 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 55/112 +[2024-10-13 16:38:37,497 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 56/112 +[2024-10-13 16:38:37,559 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 57/112 +[2024-10-13 16:38:37,621 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 58/112 +[2024-10-13 16:38:37,683 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 59/112 +[2024-10-13 16:38:37,745 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 60/112 +[2024-10-13 16:38:37,806 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 61/112 +[2024-10-13 16:38:37,868 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 62/112 +[2024-10-13 16:38:37,931 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 63/112 +[2024-10-13 16:38:37,993 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 64/112 +[2024-10-13 16:38:38,055 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 65/112 +[2024-10-13 16:38:38,117 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 66/112 +[2024-10-13 16:38:38,179 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 67/112 +[2024-10-13 16:38:38,245 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 68/112 +[2024-10-13 16:38:38,312 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 69/112 +[2024-10-13 16:38:38,379 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 70/112 +[2024-10-13 16:38:38,445 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 71/112 +[2024-10-13 16:38:38,512 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 72/112 +[2024-10-13 16:38:38,578 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 73/112 +[2024-10-13 16:38:38,645 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 74/112 +[2024-10-13 16:38:38,711 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 75/112 +[2024-10-13 16:38:38,778 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 76/112 +[2024-10-13 16:38:38,845 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 77/112 +[2024-10-13 16:38:38,912 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 78/112 +[2024-10-13 16:38:38,979 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 79/112 +[2024-10-13 16:38:39,045 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 80/112 +[2024-10-13 16:38:39,112 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 81/112 +[2024-10-13 16:38:39,179 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 82/112 +[2024-10-13 16:38:39,246 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 83/112 +[2024-10-13 16:38:39,313 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 84/112 +[2024-10-13 16:38:39,380 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 85/112 +[2024-10-13 16:38:39,446 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 86/112 +[2024-10-13 16:38:39,513 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 87/112 +[2024-10-13 16:38:39,579 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 88/112 +[2024-10-13 16:38:39,646 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 89/112 +[2024-10-13 16:38:39,712 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 90/112 +[2024-10-13 16:38:39,779 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 91/112 +[2024-10-13 16:38:39,845 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 92/112 +[2024-10-13 16:38:39,911 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 93/112 +[2024-10-13 16:38:39,978 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 94/112 +[2024-10-13 16:38:40,044 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 95/112 +[2024-10-13 16:38:40,111 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 96/112 +[2024-10-13 16:38:40,177 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 97/112 +[2024-10-13 16:38:40,244 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 98/112 +[2024-10-13 16:38:40,310 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 99/112 +[2024-10-13 16:38:40,376 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 100/112 +[2024-10-13 16:38:40,443 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 101/112 +[2024-10-13 16:38:40,509 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 102/112 +[2024-10-13 16:38:40,576 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 103/112 +[2024-10-13 16:38:40,640 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 104/112 +[2024-10-13 16:38:40,704 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 105/112 +[2024-10-13 16:38:40,767 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 106/112 +[2024-10-13 16:38:40,831 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 107/112 +[2024-10-13 16:38:40,895 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 108/112 +[2024-10-13 16:38:40,959 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 109/112 +[2024-10-13 16:38:41,023 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 110/112 +[2024-10-13 16:38:41,087 INFO test.py line 186 25394] Test: 215/312-scene0423_00, Batch: 111/112 +[2024-10-13 16:38:41,162 INFO test.py line 272 25394] Test: scene0423_00 [215/312]-53074 Batch 7.329 (19.361) Accuracy 0.9602 (0.4612) mIoU 0.4978 (0.3578) +[2024-10-13 16:38:41,293 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 0/144 +[2024-10-13 16:38:41,410 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 1/144 +[2024-10-13 16:38:41,526 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 2/144 +[2024-10-13 16:38:41,643 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 3/144 +[2024-10-13 16:38:41,759 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 4/144 +[2024-10-13 16:38:41,876 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 5/144 +[2024-10-13 16:38:41,992 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 6/144 +[2024-10-13 16:38:42,109 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 7/144 +[2024-10-13 16:38:42,226 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 8/144 +[2024-10-13 16:38:42,342 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 9/144 +[2024-10-13 16:38:42,459 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 10/144 +[2024-10-13 16:38:42,575 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 11/144 +[2024-10-13 16:38:42,693 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 12/144 +[2024-10-13 16:38:42,811 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 13/144 +[2024-10-13 16:38:42,928 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 14/144 +[2024-10-13 16:38:43,046 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 15/144 +[2024-10-13 16:38:43,164 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 16/144 +[2024-10-13 16:38:43,282 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 17/144 +[2024-10-13 16:38:43,399 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 18/144 +[2024-10-13 16:38:43,517 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 19/144 +[2024-10-13 16:38:43,634 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 20/144 +[2024-10-13 16:38:43,752 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 21/144 +[2024-10-13 16:38:43,869 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 22/144 +[2024-10-13 16:38:43,987 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 23/144 +[2024-10-13 16:38:44,103 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 24/144 +[2024-10-13 16:38:44,220 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 25/144 +[2024-10-13 16:38:44,337 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 26/144 +[2024-10-13 16:38:44,453 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 27/144 +[2024-10-13 16:38:44,570 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 28/144 +[2024-10-13 16:38:44,687 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 29/144 +[2024-10-13 16:38:44,804 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 30/144 +[2024-10-13 16:38:44,921 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 31/144 +[2024-10-13 16:38:45,038 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 32/144 +[2024-10-13 16:38:45,155 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 33/144 +[2024-10-13 16:38:45,272 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 34/144 +[2024-10-13 16:38:45,389 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 35/144 +[2024-10-13 16:38:45,507 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 36/144 +[2024-10-13 16:38:45,624 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 37/144 +[2024-10-13 16:38:45,741 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 38/144 +[2024-10-13 16:38:45,858 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 39/144 +[2024-10-13 16:38:46,013 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 40/144 +[2024-10-13 16:38:46,131 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 41/144 +[2024-10-13 16:38:46,250 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 42/144 +[2024-10-13 16:38:46,369 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 43/144 +[2024-10-13 16:38:46,486 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 44/144 +[2024-10-13 16:38:46,604 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 45/144 +[2024-10-13 16:38:46,721 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 46/144 +[2024-10-13 16:38:46,838 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 47/144 +[2024-10-13 16:38:46,949 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 48/144 +[2024-10-13 16:38:47,060 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 49/144 +[2024-10-13 16:38:47,171 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 50/144 +[2024-10-13 16:38:47,282 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 51/144 +[2024-10-13 16:38:47,393 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 52/144 +[2024-10-13 16:38:47,504 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 53/144 +[2024-10-13 16:38:47,615 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 54/144 +[2024-10-13 16:38:47,725 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 55/144 +[2024-10-13 16:38:47,836 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 56/144 +[2024-10-13 16:38:47,947 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 57/144 +[2024-10-13 16:38:48,058 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 58/144 +[2024-10-13 16:38:48,169 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 59/144 +[2024-10-13 16:38:48,279 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 60/144 +[2024-10-13 16:38:48,388 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 61/144 +[2024-10-13 16:38:48,498 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 62/144 +[2024-10-13 16:38:48,608 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 63/144 +[2024-10-13 16:38:48,718 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 64/144 +[2024-10-13 16:38:48,828 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 65/144 +[2024-10-13 16:38:48,938 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 66/144 +[2024-10-13 16:38:49,048 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 67/144 +[2024-10-13 16:38:49,158 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 68/144 +[2024-10-13 16:38:49,267 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 69/144 +[2024-10-13 16:38:49,377 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 70/144 +[2024-10-13 16:38:49,487 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 71/144 +[2024-10-13 16:38:49,596 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 72/144 +[2024-10-13 16:38:49,705 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 73/144 +[2024-10-13 16:38:49,815 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 74/144 +[2024-10-13 16:38:49,924 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 75/144 +[2024-10-13 16:38:50,034 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 76/144 +[2024-10-13 16:38:50,143 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 77/144 +[2024-10-13 16:38:50,252 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 78/144 +[2024-10-13 16:38:50,362 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 79/144 +[2024-10-13 16:38:50,472 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 80/144 +[2024-10-13 16:38:50,581 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 81/144 +[2024-10-13 16:38:50,691 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 82/144 +[2024-10-13 16:38:50,800 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 83/144 +[2024-10-13 16:38:50,909 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 84/144 +[2024-10-13 16:38:51,019 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 85/144 +[2024-10-13 16:38:51,129 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 86/144 +[2024-10-13 16:38:51,239 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 87/144 +[2024-10-13 16:38:51,349 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 88/144 +[2024-10-13 16:38:51,459 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 89/144 +[2024-10-13 16:38:51,568 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 90/144 +[2024-10-13 16:38:51,678 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 91/144 +[2024-10-13 16:38:51,787 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 92/144 +[2024-10-13 16:38:51,897 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 93/144 +[2024-10-13 16:38:52,006 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 94/144 +[2024-10-13 16:38:52,116 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 95/144 +[2024-10-13 16:38:52,239 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 96/144 +[2024-10-13 16:38:52,362 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 97/144 +[2024-10-13 16:38:52,486 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 98/144 +[2024-10-13 16:38:52,609 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 99/144 +[2024-10-13 16:38:52,733 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 100/144 +[2024-10-13 16:38:52,856 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 101/144 +[2024-10-13 16:38:52,979 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 102/144 +[2024-10-13 16:38:53,103 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 103/144 +[2024-10-13 16:38:53,226 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 104/144 +[2024-10-13 16:38:53,350 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 105/144 +[2024-10-13 16:38:53,473 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 106/144 +[2024-10-13 16:38:53,596 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 107/144 +[2024-10-13 16:38:53,719 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 108/144 +[2024-10-13 16:38:53,842 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 109/144 +[2024-10-13 16:38:53,966 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 110/144 +[2024-10-13 16:38:54,089 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 111/144 +[2024-10-13 16:38:54,212 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 112/144 +[2024-10-13 16:38:54,335 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 113/144 +[2024-10-13 16:38:54,460 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 114/144 +[2024-10-13 16:38:54,584 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 115/144 +[2024-10-13 16:38:54,708 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 116/144 +[2024-10-13 16:38:54,832 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 117/144 +[2024-10-13 16:38:54,957 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 118/144 +[2024-10-13 16:38:55,081 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 119/144 +[2024-10-13 16:38:55,205 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 120/144 +[2024-10-13 16:38:55,329 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 121/144 +[2024-10-13 16:38:55,453 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 122/144 +[2024-10-13 16:38:55,577 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 123/144 +[2024-10-13 16:38:55,701 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 124/144 +[2024-10-13 16:38:55,824 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 125/144 +[2024-10-13 16:38:55,948 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 126/144 +[2024-10-13 16:38:56,072 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 127/144 +[2024-10-13 16:38:56,196 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 128/144 +[2024-10-13 16:38:56,320 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 129/144 +[2024-10-13 16:38:56,443 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 130/144 +[2024-10-13 16:38:56,567 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 131/144 +[2024-10-13 16:38:56,684 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 132/144 +[2024-10-13 16:38:56,801 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 133/144 +[2024-10-13 16:38:56,918 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 134/144 +[2024-10-13 16:38:57,034 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 135/144 +[2024-10-13 16:38:57,151 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 136/144 +[2024-10-13 16:38:57,268 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 137/144 +[2024-10-13 16:38:57,385 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 138/144 +[2024-10-13 16:38:57,501 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 139/144 +[2024-10-13 16:38:57,618 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 140/144 +[2024-10-13 16:38:57,735 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 141/144 +[2024-10-13 16:38:57,852 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 142/144 +[2024-10-13 16:38:57,969 INFO test.py line 186 25394] Test: 216/312-scene0086_01, Batch: 143/144 +[2024-10-13 16:38:58,134 INFO test.py line 272 25394] Test: scene0086_01 [216/312]-124210 Batch 16.972 (19.350) Accuracy 0.8023 (0.4647) mIoU 0.4991 (0.3574) +[2024-10-13 16:38:58,277 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 0/126 +[2024-10-13 16:38:58,398 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 1/126 +[2024-10-13 16:38:58,520 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 2/126 +[2024-10-13 16:38:58,641 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 3/126 +[2024-10-13 16:38:58,763 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 4/126 +[2024-10-13 16:38:58,884 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 5/126 +[2024-10-13 16:38:59,006 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 6/126 +[2024-10-13 16:38:59,128 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 7/126 +[2024-10-13 16:38:59,250 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 8/126 +[2024-10-13 16:38:59,372 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 9/126 +[2024-10-13 16:38:59,494 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 10/126 +[2024-10-13 16:38:59,616 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 11/126 +[2024-10-13 16:38:59,737 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 12/126 +[2024-10-13 16:38:59,858 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 13/126 +[2024-10-13 16:38:59,980 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 14/126 +[2024-10-13 16:39:00,102 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 15/126 +[2024-10-13 16:39:00,223 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 16/126 +[2024-10-13 16:39:00,345 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 17/126 +[2024-10-13 16:39:00,467 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 18/126 +[2024-10-13 16:39:00,589 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 19/126 +[2024-10-13 16:39:00,710 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 20/126 +[2024-10-13 16:39:00,832 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 21/126 +[2024-10-13 16:39:00,954 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 22/126 +[2024-10-13 16:39:01,076 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 23/126 +[2024-10-13 16:39:01,198 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 24/126 +[2024-10-13 16:39:01,319 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 25/126 +[2024-10-13 16:39:01,441 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 26/126 +[2024-10-13 16:39:01,563 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 27/126 +[2024-10-13 16:39:01,685 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 28/126 +[2024-10-13 16:39:01,807 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 29/126 +[2024-10-13 16:39:01,928 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 30/126 +[2024-10-13 16:39:02,050 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 31/126 +[2024-10-13 16:39:02,172 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 32/126 +[2024-10-13 16:39:02,294 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 33/126 +[2024-10-13 16:39:02,416 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 34/126 +[2024-10-13 16:39:02,537 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 35/126 +[2024-10-13 16:39:02,659 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 36/126 +[2024-10-13 16:39:02,781 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 37/126 +[2024-10-13 16:39:02,902 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 38/126 +[2024-10-13 16:39:03,024 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 39/126 +[2024-10-13 16:39:03,138 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 40/126 +[2024-10-13 16:39:03,253 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 41/126 +[2024-10-13 16:39:03,367 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 42/126 +[2024-10-13 16:39:03,481 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 43/126 +[2024-10-13 16:39:03,599 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 44/126 +[2024-10-13 16:39:03,747 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 45/126 +[2024-10-13 16:39:03,862 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 46/126 +[2024-10-13 16:39:03,978 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 47/126 +[2024-10-13 16:39:04,093 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 48/126 +[2024-10-13 16:39:04,206 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 49/126 +[2024-10-13 16:39:04,321 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 50/126 +[2024-10-13 16:39:04,435 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 51/126 +[2024-10-13 16:39:04,550 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 52/126 +[2024-10-13 16:39:04,664 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 53/126 +[2024-10-13 16:39:04,779 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 54/126 +[2024-10-13 16:39:04,893 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 55/126 +[2024-10-13 16:39:05,008 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 56/126 +[2024-10-13 16:39:05,123 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 57/126 +[2024-10-13 16:39:05,237 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 58/126 +[2024-10-13 16:39:05,352 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 59/126 +[2024-10-13 16:39:05,467 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 60/126 +[2024-10-13 16:39:05,582 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 61/126 +[2024-10-13 16:39:05,697 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 62/126 +[2024-10-13 16:39:05,811 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 63/126 +[2024-10-13 16:39:05,926 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 64/126 +[2024-10-13 16:39:06,041 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 65/126 +[2024-10-13 16:39:06,155 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 66/126 +[2024-10-13 16:39:06,270 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 67/126 +[2024-10-13 16:39:06,384 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 68/126 +[2024-10-13 16:39:06,499 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 69/126 +[2024-10-13 16:39:06,614 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 70/126 +[2024-10-13 16:39:06,728 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 71/126 +[2024-10-13 16:39:06,843 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 72/126 +[2024-10-13 16:39:06,958 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 73/126 +[2024-10-13 16:39:07,072 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 74/126 +[2024-10-13 16:39:07,187 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 75/126 +[2024-10-13 16:39:07,301 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 76/126 +[2024-10-13 16:39:07,416 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 77/126 +[2024-10-13 16:39:07,530 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 78/126 +[2024-10-13 16:39:07,645 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 79/126 +[2024-10-13 16:39:07,773 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 80/126 +[2024-10-13 16:39:07,902 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 81/126 +[2024-10-13 16:39:08,031 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 82/126 +[2024-10-13 16:39:08,160 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 83/126 +[2024-10-13 16:39:08,289 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 84/126 +[2024-10-13 16:39:08,418 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 85/126 +[2024-10-13 16:39:08,547 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 86/126 +[2024-10-13 16:39:08,676 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 87/126 +[2024-10-13 16:39:08,805 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 88/126 +[2024-10-13 16:39:08,934 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 89/126 +[2024-10-13 16:39:09,064 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 90/126 +[2024-10-13 16:39:09,193 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 91/126 +[2024-10-13 16:39:09,322 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 92/126 +[2024-10-13 16:39:09,451 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 93/126 +[2024-10-13 16:39:09,580 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 94/126 +[2024-10-13 16:39:09,709 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 95/126 +[2024-10-13 16:39:09,839 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 96/126 +[2024-10-13 16:39:09,968 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 97/126 +[2024-10-13 16:39:10,097 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 98/126 +[2024-10-13 16:39:10,225 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 99/126 +[2024-10-13 16:39:10,354 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 100/126 +[2024-10-13 16:39:10,483 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 101/126 +[2024-10-13 16:39:10,611 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 102/126 +[2024-10-13 16:39:10,740 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 103/126 +[2024-10-13 16:39:10,869 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 104/126 +[2024-10-13 16:39:10,998 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 105/126 +[2024-10-13 16:39:11,126 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 106/126 +[2024-10-13 16:39:11,255 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 107/126 +[2024-10-13 16:39:11,383 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 108/126 +[2024-10-13 16:39:11,511 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 109/126 +[2024-10-13 16:39:11,640 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 110/126 +[2024-10-13 16:39:11,768 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 111/126 +[2024-10-13 16:39:11,897 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 112/126 +[2024-10-13 16:39:12,025 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 113/126 +[2024-10-13 16:39:12,154 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 114/126 +[2024-10-13 16:39:12,282 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 115/126 +[2024-10-13 16:39:12,404 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 116/126 +[2024-10-13 16:39:12,526 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 117/126 +[2024-10-13 16:39:12,648 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 118/126 +[2024-10-13 16:39:12,770 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 119/126 +[2024-10-13 16:39:12,891 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 120/126 +[2024-10-13 16:39:13,013 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 121/126 +[2024-10-13 16:39:13,134 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 122/126 +[2024-10-13 16:39:13,256 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 123/126 +[2024-10-13 16:39:13,378 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 124/126 +[2024-10-13 16:39:13,500 INFO test.py line 186 25394] Test: 217/312-scene0357_00, Batch: 125/126 +[2024-10-13 16:39:13,677 INFO test.py line 272 25394] Test: scene0357_00 [217/312]-136945 Batch 15.543 (19.332) Accuracy 0.8008 (0.4645) mIoU 0.3267 (0.3575) +[2024-10-13 16:39:13,887 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 0/121 +[2024-10-13 16:39:14,063 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 1/121 +[2024-10-13 16:39:14,240 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 2/121 +[2024-10-13 16:39:14,417 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 3/121 +[2024-10-13 16:39:14,593 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 4/121 +[2024-10-13 16:39:14,770 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 5/121 +[2024-10-13 16:39:14,946 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 6/121 +[2024-10-13 16:39:15,122 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 7/121 +[2024-10-13 16:39:15,298 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 8/121 +[2024-10-13 16:39:15,474 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 9/121 +[2024-10-13 16:39:15,650 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 10/121 +[2024-10-13 16:39:15,826 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 11/121 +[2024-10-13 16:39:16,002 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 12/121 +[2024-10-13 16:39:16,178 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 13/121 +[2024-10-13 16:39:16,355 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 14/121 +[2024-10-13 16:39:16,531 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 15/121 +[2024-10-13 16:39:16,708 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 16/121 +[2024-10-13 16:39:16,885 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 17/121 +[2024-10-13 16:39:17,060 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 18/121 +[2024-10-13 16:39:17,236 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 19/121 +[2024-10-13 16:39:17,412 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 20/121 +[2024-10-13 16:39:17,588 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 21/121 +[2024-10-13 16:39:17,765 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 22/121 +[2024-10-13 16:39:17,941 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 23/121 +[2024-10-13 16:39:18,158 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 24/121 +[2024-10-13 16:39:18,336 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 25/121 +[2024-10-13 16:39:18,512 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 26/121 +[2024-10-13 16:39:18,688 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 27/121 +[2024-10-13 16:39:18,864 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 28/121 +[2024-10-13 16:39:19,039 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 29/121 +[2024-10-13 16:39:19,215 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 30/121 +[2024-10-13 16:39:19,391 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 31/121 +[2024-10-13 16:39:19,567 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 32/121 +[2024-10-13 16:39:19,743 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 33/121 +[2024-10-13 16:39:19,919 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 34/121 +[2024-10-13 16:39:20,094 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 35/121 +[2024-10-13 16:39:20,259 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 36/121 +[2024-10-13 16:39:20,424 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 37/121 +[2024-10-13 16:39:20,589 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 38/121 +[2024-10-13 16:39:20,754 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 39/121 +[2024-10-13 16:39:20,918 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 40/121 +[2024-10-13 16:39:21,083 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 41/121 +[2024-10-13 16:39:21,248 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 42/121 +[2024-10-13 16:39:21,413 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 43/121 +[2024-10-13 16:39:21,578 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 44/121 +[2024-10-13 16:39:21,743 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 45/121 +[2024-10-13 16:39:21,908 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 46/121 +[2024-10-13 16:39:22,072 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 47/121 +[2024-10-13 16:39:22,237 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 48/121 +[2024-10-13 16:39:22,402 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 49/121 +[2024-10-13 16:39:22,567 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 50/121 +[2024-10-13 16:39:22,731 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 51/121 +[2024-10-13 16:39:22,896 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 52/121 +[2024-10-13 16:39:23,061 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 53/121 +[2024-10-13 16:39:23,225 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 54/121 +[2024-10-13 16:39:23,390 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 55/121 +[2024-10-13 16:39:23,554 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 56/121 +[2024-10-13 16:39:23,719 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 57/121 +[2024-10-13 16:39:23,884 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 58/121 +[2024-10-13 16:39:24,050 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 59/121 +[2024-10-13 16:39:24,215 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 60/121 +[2024-10-13 16:39:24,380 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 61/121 +[2024-10-13 16:39:24,546 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 62/121 +[2024-10-13 16:39:24,710 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 63/121 +[2024-10-13 16:39:24,875 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 64/121 +[2024-10-13 16:39:25,041 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 65/121 +[2024-10-13 16:39:25,207 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 66/121 +[2024-10-13 16:39:25,373 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 67/121 +[2024-10-13 16:39:25,538 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 68/121 +[2024-10-13 16:39:25,703 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 69/121 +[2024-10-13 16:39:25,868 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 70/121 +[2024-10-13 16:39:26,034 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 71/121 +[2024-10-13 16:39:26,199 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 72/121 +[2024-10-13 16:39:26,365 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 73/121 +[2024-10-13 16:39:26,530 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 74/121 +[2024-10-13 16:39:26,695 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 75/121 +[2024-10-13 16:39:26,861 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 76/121 +[2024-10-13 16:39:27,026 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 77/121 +[2024-10-13 16:39:27,192 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 78/121 +[2024-10-13 16:39:27,357 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 79/121 +[2024-10-13 16:39:27,544 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 80/121 +[2024-10-13 16:39:27,731 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 81/121 +[2024-10-13 16:39:27,918 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 82/121 +[2024-10-13 16:39:28,105 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 83/121 +[2024-10-13 16:39:28,292 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 84/121 +[2024-10-13 16:39:28,479 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 85/121 +[2024-10-13 16:39:28,667 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 86/121 +[2024-10-13 16:39:28,854 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 87/121 +[2024-10-13 16:39:29,041 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 88/121 +[2024-10-13 16:39:29,229 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 89/121 +[2024-10-13 16:39:29,416 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 90/121 +[2024-10-13 16:39:29,604 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 91/121 +[2024-10-13 16:39:29,791 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 92/121 +[2024-10-13 16:39:29,979 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 93/121 +[2024-10-13 16:39:30,166 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 94/121 +[2024-10-13 16:39:30,354 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 95/121 +[2024-10-13 16:39:30,542 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 96/121 +[2024-10-13 16:39:30,729 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 97/121 +[2024-10-13 16:39:30,917 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 98/121 +[2024-10-13 16:39:31,105 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 99/121 +[2024-10-13 16:39:31,293 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 100/121 +[2024-10-13 16:39:31,480 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 101/121 +[2024-10-13 16:39:31,668 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 102/121 +[2024-10-13 16:39:31,856 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 103/121 +[2024-10-13 16:39:32,043 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 104/121 +[2024-10-13 16:39:32,230 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 105/121 +[2024-10-13 16:39:32,417 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 106/121 +[2024-10-13 16:39:32,604 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 107/121 +[2024-10-13 16:39:32,791 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 108/121 +[2024-10-13 16:39:32,979 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 109/121 +[2024-10-13 16:39:33,166 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 110/121 +[2024-10-13 16:39:33,354 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 111/121 +[2024-10-13 16:39:33,530 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 112/121 +[2024-10-13 16:39:33,706 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 113/121 +[2024-10-13 16:39:33,882 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 114/121 +[2024-10-13 16:39:34,058 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 115/121 +[2024-10-13 16:39:34,234 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 116/121 +[2024-10-13 16:39:34,409 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 117/121 +[2024-10-13 16:39:34,586 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 118/121 +[2024-10-13 16:39:34,762 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 119/121 +[2024-10-13 16:39:34,938 INFO test.py line 186 25394] Test: 218/312-scene0203_00, Batch: 120/121 +[2024-10-13 16:39:35,200 INFO test.py line 272 25394] Test: scene0203_00 [218/312]-205756 Batch 21.522 (19.342) Accuracy 0.7762 (0.4640) mIoU 0.3260 (0.3574) +[2024-10-13 16:39:35,413 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 0/143 +[2024-10-13 16:39:35,596 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 1/143 +[2024-10-13 16:39:35,777 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 2/143 +[2024-10-13 16:39:35,959 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 3/143 +[2024-10-13 16:39:36,141 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 4/143 +[2024-10-13 16:39:36,324 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 5/143 +[2024-10-13 16:39:36,506 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 6/143 +[2024-10-13 16:39:36,688 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 7/143 +[2024-10-13 16:39:36,870 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 8/143 +[2024-10-13 16:39:37,052 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 9/143 +[2024-10-13 16:39:37,235 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 10/143 +[2024-10-13 16:39:37,416 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 11/143 +[2024-10-13 16:39:37,598 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 12/143 +[2024-10-13 16:39:37,779 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 13/143 +[2024-10-13 16:39:37,961 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 14/143 +[2024-10-13 16:39:38,143 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 15/143 +[2024-10-13 16:39:38,325 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 16/143 +[2024-10-13 16:39:38,508 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 17/143 +[2024-10-13 16:39:38,691 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 18/143 +[2024-10-13 16:39:38,874 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 19/143 +[2024-10-13 16:39:39,056 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 20/143 +[2024-10-13 16:39:39,237 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 21/143 +[2024-10-13 16:39:39,419 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 22/143 +[2024-10-13 16:39:39,602 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 23/143 +[2024-10-13 16:39:39,785 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 24/143 +[2024-10-13 16:39:39,967 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 25/143 +[2024-10-13 16:39:40,150 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 26/143 +[2024-10-13 16:39:40,332 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 27/143 +[2024-10-13 16:39:40,515 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 28/143 +[2024-10-13 16:39:40,697 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 29/143 +[2024-10-13 16:39:40,879 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 30/143 +[2024-10-13 16:39:41,062 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 31/143 +[2024-10-13 16:39:41,244 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 32/143 +[2024-10-13 16:39:41,427 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 33/143 +[2024-10-13 16:39:41,609 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 34/143 +[2024-10-13 16:39:41,792 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 35/143 +[2024-10-13 16:39:41,974 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 36/143 +[2024-10-13 16:39:42,156 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 37/143 +[2024-10-13 16:39:42,339 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 38/143 +[2024-10-13 16:39:42,522 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 39/143 +[2024-10-13 16:39:42,704 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 40/143 +[2024-10-13 16:39:42,887 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 41/143 +[2024-10-13 16:39:43,070 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 42/143 +[2024-10-13 16:39:43,252 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 43/143 +[2024-10-13 16:39:43,422 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 44/143 +[2024-10-13 16:39:43,592 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 45/143 +[2024-10-13 16:39:43,762 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 46/143 +[2024-10-13 16:39:43,932 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 47/143 +[2024-10-13 16:39:44,102 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 48/143 +[2024-10-13 16:39:44,272 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 49/143 +[2024-10-13 16:39:44,442 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 50/143 +[2024-10-13 16:39:44,611 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 51/143 +[2024-10-13 16:39:44,781 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 52/143 +[2024-10-13 16:39:44,951 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 53/143 +[2024-10-13 16:39:45,121 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 54/143 +[2024-10-13 16:39:45,291 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 55/143 +[2024-10-13 16:39:45,461 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 56/143 +[2024-10-13 16:39:45,631 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 57/143 +[2024-10-13 16:39:45,801 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 58/143 +[2024-10-13 16:39:45,971 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 59/143 +[2024-10-13 16:39:46,141 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 60/143 +[2024-10-13 16:39:46,311 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 61/143 +[2024-10-13 16:39:46,481 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 62/143 +[2024-10-13 16:39:46,651 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 63/143 +[2024-10-13 16:39:46,822 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 64/143 +[2024-10-13 16:39:46,991 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 65/143 +[2024-10-13 16:39:47,161 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 66/143 +[2024-10-13 16:39:47,331 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 67/143 +[2024-10-13 16:39:47,502 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 68/143 +[2024-10-13 16:39:47,671 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 69/143 +[2024-10-13 16:39:47,842 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 70/143 +[2024-10-13 16:39:48,012 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 71/143 +[2024-10-13 16:39:48,182 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 72/143 +[2024-10-13 16:39:48,352 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 73/143 +[2024-10-13 16:39:48,522 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 74/143 +[2024-10-13 16:39:48,692 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 75/143 +[2024-10-13 16:39:48,863 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 76/143 +[2024-10-13 16:39:49,033 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 77/143 +[2024-10-13 16:39:49,203 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 78/143 +[2024-10-13 16:39:49,373 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 79/143 +[2024-10-13 16:39:49,543 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 80/143 +[2024-10-13 16:39:49,713 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 81/143 +[2024-10-13 16:39:49,883 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 82/143 +[2024-10-13 16:39:50,053 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 83/143 +[2024-10-13 16:39:50,223 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 84/143 +[2024-10-13 16:39:50,393 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 85/143 +[2024-10-13 16:39:50,563 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 86/143 +[2024-10-13 16:39:50,734 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 87/143 +[2024-10-13 16:39:50,904 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 88/143 +[2024-10-13 16:39:51,075 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 89/143 +[2024-10-13 16:39:51,245 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 90/143 +[2024-10-13 16:39:51,416 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 91/143 +[2024-10-13 16:39:51,586 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 92/143 +[2024-10-13 16:39:51,756 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 93/143 +[2024-10-13 16:39:51,926 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 94/143 +[2024-10-13 16:39:52,096 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 95/143 +[2024-10-13 16:39:52,290 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 96/143 +[2024-10-13 16:39:52,485 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 97/143 +[2024-10-13 16:39:52,679 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 98/143 +[2024-10-13 16:39:52,874 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 99/143 +[2024-10-13 16:39:53,068 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 100/143 +[2024-10-13 16:39:53,262 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 101/143 +[2024-10-13 16:39:53,457 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 102/143 +[2024-10-13 16:39:53,652 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 103/143 +[2024-10-13 16:39:53,846 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 104/143 +[2024-10-13 16:39:54,040 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 105/143 +[2024-10-13 16:39:54,235 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 106/143 +[2024-10-13 16:39:54,429 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 107/143 +[2024-10-13 16:39:54,624 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 108/143 +[2024-10-13 16:39:54,819 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 109/143 +[2024-10-13 16:39:55,013 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 110/143 +[2024-10-13 16:39:55,207 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 111/143 +[2024-10-13 16:39:55,401 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 112/143 +[2024-10-13 16:39:55,596 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 113/143 +[2024-10-13 16:39:55,790 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 114/143 +[2024-10-13 16:39:55,985 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 115/143 +[2024-10-13 16:39:56,179 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 116/143 +[2024-10-13 16:39:56,374 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 117/143 +[2024-10-13 16:39:56,569 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 118/143 +[2024-10-13 16:39:56,763 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 119/143 +[2024-10-13 16:39:56,958 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 120/143 +[2024-10-13 16:39:57,153 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 121/143 +[2024-10-13 16:39:57,347 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 122/143 +[2024-10-13 16:39:57,541 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 123/143 +[2024-10-13 16:39:57,735 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 124/143 +[2024-10-13 16:39:57,930 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 125/143 +[2024-10-13 16:39:58,124 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 126/143 +[2024-10-13 16:39:58,318 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 127/143 +[2024-10-13 16:39:58,513 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 128/143 +[2024-10-13 16:39:58,707 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 129/143 +[2024-10-13 16:39:58,902 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 130/143 +[2024-10-13 16:39:59,096 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 131/143 +[2024-10-13 16:39:59,279 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 132/143 +[2024-10-13 16:39:59,461 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 133/143 +[2024-10-13 16:39:59,644 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 134/143 +[2024-10-13 16:39:59,827 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 135/143 +[2024-10-13 16:40:00,009 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 136/143 +[2024-10-13 16:40:00,191 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 137/143 +[2024-10-13 16:40:00,374 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 138/143 +[2024-10-13 16:40:00,556 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 139/143 +[2024-10-13 16:40:00,739 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 140/143 +[2024-10-13 16:40:00,922 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 141/143 +[2024-10-13 16:40:01,104 INFO test.py line 186 25394] Test: 219/312-scene0353_00, Batch: 142/143 +[2024-10-13 16:40:01,378 INFO test.py line 272 25394] Test: scene0353_00 [219/312]-208782 Batch 26.178 (19.374) Accuracy 0.8118 (0.4637) mIoU 0.3113 (0.3562) +[2024-10-13 16:40:01,549 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 0/147 +[2024-10-13 16:40:01,694 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 1/147 +[2024-10-13 16:40:01,839 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 2/147 +[2024-10-13 16:40:01,984 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 3/147 +[2024-10-13 16:40:02,129 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 4/147 +[2024-10-13 16:40:02,274 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 5/147 +[2024-10-13 16:40:02,419 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 6/147 +[2024-10-13 16:40:02,565 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 7/147 +[2024-10-13 16:40:02,711 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 8/147 +[2024-10-13 16:40:02,856 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 9/147 +[2024-10-13 16:40:03,001 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 10/147 +[2024-10-13 16:40:03,146 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 11/147 +[2024-10-13 16:40:03,291 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 12/147 +[2024-10-13 16:40:03,436 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 13/147 +[2024-10-13 16:40:03,581 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 14/147 +[2024-10-13 16:40:03,726 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 15/147 +[2024-10-13 16:40:03,871 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 16/147 +[2024-10-13 16:40:04,016 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 17/147 +[2024-10-13 16:40:04,162 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 18/147 +[2024-10-13 16:40:04,307 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 19/147 +[2024-10-13 16:40:04,452 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 20/147 +[2024-10-13 16:40:04,597 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 21/147 +[2024-10-13 16:40:04,742 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 22/147 +[2024-10-13 16:40:04,887 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 23/147 +[2024-10-13 16:40:05,033 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 24/147 +[2024-10-13 16:40:05,178 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 25/147 +[2024-10-13 16:40:05,324 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 26/147 +[2024-10-13 16:40:05,469 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 27/147 +[2024-10-13 16:40:05,615 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 28/147 +[2024-10-13 16:40:05,760 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 29/147 +[2024-10-13 16:40:05,906 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 30/147 +[2024-10-13 16:40:06,051 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 31/147 +[2024-10-13 16:40:06,197 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 32/147 +[2024-10-13 16:40:06,342 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 33/147 +[2024-10-13 16:40:06,487 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 34/147 +[2024-10-13 16:40:06,636 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 35/147 +[2024-10-13 16:40:06,799 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 36/147 +[2024-10-13 16:40:06,945 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 37/147 +[2024-10-13 16:40:07,091 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 38/147 +[2024-10-13 16:40:07,236 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 39/147 +[2024-10-13 16:40:07,381 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 40/147 +[2024-10-13 16:40:07,526 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 41/147 +[2024-10-13 16:40:07,671 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 42/147 +[2024-10-13 16:40:07,816 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 43/147 +[2024-10-13 16:40:07,952 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 44/147 +[2024-10-13 16:40:08,089 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 45/147 +[2024-10-13 16:40:08,225 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 46/147 +[2024-10-13 16:40:08,362 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 47/147 +[2024-10-13 16:40:08,499 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 48/147 +[2024-10-13 16:40:08,635 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 49/147 +[2024-10-13 16:40:08,772 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 50/147 +[2024-10-13 16:40:08,909 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 51/147 +[2024-10-13 16:40:09,045 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 52/147 +[2024-10-13 16:40:09,181 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 53/147 +[2024-10-13 16:40:09,318 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 54/147 +[2024-10-13 16:40:09,454 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 55/147 +[2024-10-13 16:40:09,591 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 56/147 +[2024-10-13 16:40:09,727 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 57/147 +[2024-10-13 16:40:09,864 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 58/147 +[2024-10-13 16:40:10,000 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 59/147 +[2024-10-13 16:40:10,136 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 60/147 +[2024-10-13 16:40:10,273 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 61/147 +[2024-10-13 16:40:10,409 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 62/147 +[2024-10-13 16:40:10,545 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 63/147 +[2024-10-13 16:40:10,682 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 64/147 +[2024-10-13 16:40:10,818 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 65/147 +[2024-10-13 16:40:10,954 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 66/147 +[2024-10-13 16:40:11,091 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 67/147 +[2024-10-13 16:40:11,227 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 68/147 +[2024-10-13 16:40:11,363 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 69/147 +[2024-10-13 16:40:11,500 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 70/147 +[2024-10-13 16:40:11,636 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 71/147 +[2024-10-13 16:40:11,773 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 72/147 +[2024-10-13 16:40:11,909 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 73/147 +[2024-10-13 16:40:12,046 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 74/147 +[2024-10-13 16:40:12,183 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 75/147 +[2024-10-13 16:40:12,319 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 76/147 +[2024-10-13 16:40:12,456 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 77/147 +[2024-10-13 16:40:12,592 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 78/147 +[2024-10-13 16:40:12,729 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 79/147 +[2024-10-13 16:40:12,865 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 80/147 +[2024-10-13 16:40:13,002 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 81/147 +[2024-10-13 16:40:13,138 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 82/147 +[2024-10-13 16:40:13,275 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 83/147 +[2024-10-13 16:40:13,412 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 84/147 +[2024-10-13 16:40:13,548 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 85/147 +[2024-10-13 16:40:13,685 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 86/147 +[2024-10-13 16:40:13,821 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 87/147 +[2024-10-13 16:40:13,957 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 88/147 +[2024-10-13 16:40:14,094 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 89/147 +[2024-10-13 16:40:14,230 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 90/147 +[2024-10-13 16:40:14,367 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 91/147 +[2024-10-13 16:40:14,504 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 92/147 +[2024-10-13 16:40:14,640 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 93/147 +[2024-10-13 16:40:14,777 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 94/147 +[2024-10-13 16:40:14,914 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 95/147 +[2024-10-13 16:40:15,050 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 96/147 +[2024-10-13 16:40:15,186 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 97/147 +[2024-10-13 16:40:15,323 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 98/147 +[2024-10-13 16:40:15,460 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 99/147 +[2024-10-13 16:40:15,614 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 100/147 +[2024-10-13 16:40:15,768 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 101/147 +[2024-10-13 16:40:15,922 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 102/147 +[2024-10-13 16:40:16,076 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 103/147 +[2024-10-13 16:40:16,231 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 104/147 +[2024-10-13 16:40:16,385 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 105/147 +[2024-10-13 16:40:16,539 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 106/147 +[2024-10-13 16:40:16,693 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 107/147 +[2024-10-13 16:40:16,847 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 108/147 +[2024-10-13 16:40:17,001 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 109/147 +[2024-10-13 16:40:17,155 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 110/147 +[2024-10-13 16:40:17,309 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 111/147 +[2024-10-13 16:40:17,463 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 112/147 +[2024-10-13 16:40:17,617 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 113/147 +[2024-10-13 16:40:17,770 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 114/147 +[2024-10-13 16:40:17,924 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 115/147 +[2024-10-13 16:40:18,078 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 116/147 +[2024-10-13 16:40:18,232 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 117/147 +[2024-10-13 16:40:18,386 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 118/147 +[2024-10-13 16:40:18,540 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 119/147 +[2024-10-13 16:40:18,694 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 120/147 +[2024-10-13 16:40:18,847 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 121/147 +[2024-10-13 16:40:19,002 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 122/147 +[2024-10-13 16:40:19,156 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 123/147 +[2024-10-13 16:40:19,309 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 124/147 +[2024-10-13 16:40:19,464 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 125/147 +[2024-10-13 16:40:19,618 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 126/147 +[2024-10-13 16:40:19,772 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 127/147 +[2024-10-13 16:40:19,926 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 128/147 +[2024-10-13 16:40:20,080 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 129/147 +[2024-10-13 16:40:20,234 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 130/147 +[2024-10-13 16:40:20,388 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 131/147 +[2024-10-13 16:40:20,542 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 132/147 +[2024-10-13 16:40:20,696 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 133/147 +[2024-10-13 16:40:20,850 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 134/147 +[2024-10-13 16:40:21,004 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 135/147 +[2024-10-13 16:40:21,149 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 136/147 +[2024-10-13 16:40:21,294 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 137/147 +[2024-10-13 16:40:21,440 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 138/147 +[2024-10-13 16:40:21,585 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 139/147 +[2024-10-13 16:40:21,730 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 140/147 +[2024-10-13 16:40:21,876 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 141/147 +[2024-10-13 16:40:22,021 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 142/147 +[2024-10-13 16:40:22,166 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 143/147 +[2024-10-13 16:40:22,311 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 144/147 +[2024-10-13 16:40:22,456 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 145/147 +[2024-10-13 16:40:22,602 INFO test.py line 186 25394] Test: 220/312-scene0697_02, Batch: 146/147 +[2024-10-13 16:40:22,818 INFO test.py line 272 25394] Test: scene0697_02 [220/312]-166855 Batch 21.440 (19.383) Accuracy 0.7806 (0.4636) mIoU 0.4090 (0.3562) +[2024-10-13 16:40:22,968 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 0/130 +[2024-10-13 16:40:23,094 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 1/130 +[2024-10-13 16:40:23,220 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 2/130 +[2024-10-13 16:40:23,346 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 3/130 +[2024-10-13 16:40:23,472 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 4/130 +[2024-10-13 16:40:23,598 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 5/130 +[2024-10-13 16:40:23,723 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 6/130 +[2024-10-13 16:40:23,849 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 7/130 +[2024-10-13 16:40:23,975 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 8/130 +[2024-10-13 16:40:24,101 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 9/130 +[2024-10-13 16:40:24,227 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 10/130 +[2024-10-13 16:40:24,353 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 11/130 +[2024-10-13 16:40:24,479 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 12/130 +[2024-10-13 16:40:24,605 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 13/130 +[2024-10-13 16:40:24,731 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 14/130 +[2024-10-13 16:40:24,857 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 15/130 +[2024-10-13 16:40:24,983 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 16/130 +[2024-10-13 16:40:25,109 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 17/130 +[2024-10-13 16:40:25,235 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 18/130 +[2024-10-13 16:40:25,361 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 19/130 +[2024-10-13 16:40:25,487 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 20/130 +[2024-10-13 16:40:25,613 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 21/130 +[2024-10-13 16:40:25,739 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 22/130 +[2024-10-13 16:40:25,865 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 23/130 +[2024-10-13 16:40:25,991 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 24/130 +[2024-10-13 16:40:26,117 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 25/130 +[2024-10-13 16:40:26,244 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 26/130 +[2024-10-13 16:40:26,370 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 27/130 +[2024-10-13 16:40:26,495 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 28/130 +[2024-10-13 16:40:26,622 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 29/130 +[2024-10-13 16:40:26,747 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 30/130 +[2024-10-13 16:40:26,872 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 31/130 +[2024-10-13 16:40:26,997 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 32/130 +[2024-10-13 16:40:27,123 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 33/130 +[2024-10-13 16:40:27,248 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 34/130 +[2024-10-13 16:40:27,401 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 35/130 +[2024-10-13 16:40:27,528 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 36/130 +[2024-10-13 16:40:27,654 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 37/130 +[2024-10-13 16:40:27,779 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 38/130 +[2024-10-13 16:40:27,904 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 39/130 +[2024-10-13 16:40:28,023 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 40/130 +[2024-10-13 16:40:28,143 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 41/130 +[2024-10-13 16:40:28,262 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 42/130 +[2024-10-13 16:40:28,380 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 43/130 +[2024-10-13 16:40:28,499 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 44/130 +[2024-10-13 16:40:28,618 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 45/130 +[2024-10-13 16:40:28,736 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 46/130 +[2024-10-13 16:40:28,857 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 47/130 +[2024-10-13 16:40:28,975 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 48/130 +[2024-10-13 16:40:29,094 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 49/130 +[2024-10-13 16:40:29,213 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 50/130 +[2024-10-13 16:40:29,331 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 51/130 +[2024-10-13 16:40:29,449 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 52/130 +[2024-10-13 16:40:29,567 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 53/130 +[2024-10-13 16:40:29,685 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 54/130 +[2024-10-13 16:40:29,803 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 55/130 +[2024-10-13 16:40:29,921 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 56/130 +[2024-10-13 16:40:30,040 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 57/130 +[2024-10-13 16:40:30,158 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 58/130 +[2024-10-13 16:40:30,276 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 59/130 +[2024-10-13 16:40:30,395 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 60/130 +[2024-10-13 16:40:30,513 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 61/130 +[2024-10-13 16:40:30,631 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 62/130 +[2024-10-13 16:40:30,749 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 63/130 +[2024-10-13 16:40:30,867 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 64/130 +[2024-10-13 16:40:30,985 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 65/130 +[2024-10-13 16:40:31,103 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 66/130 +[2024-10-13 16:40:31,220 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 67/130 +[2024-10-13 16:40:31,338 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 68/130 +[2024-10-13 16:40:31,456 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 69/130 +[2024-10-13 16:40:31,574 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 70/130 +[2024-10-13 16:40:31,693 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 71/130 +[2024-10-13 16:40:31,811 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 72/130 +[2024-10-13 16:40:31,928 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 73/130 +[2024-10-13 16:40:32,046 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 74/130 +[2024-10-13 16:40:32,164 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 75/130 +[2024-10-13 16:40:32,282 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 76/130 +[2024-10-13 16:40:32,399 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 77/130 +[2024-10-13 16:40:32,517 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 78/130 +[2024-10-13 16:40:32,635 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 79/130 +[2024-10-13 16:40:32,752 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 80/130 +[2024-10-13 16:40:32,870 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 81/130 +[2024-10-13 16:40:32,988 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 82/130 +[2024-10-13 16:40:33,106 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 83/130 +[2024-10-13 16:40:33,238 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 84/130 +[2024-10-13 16:40:33,371 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 85/130 +[2024-10-13 16:40:33,503 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 86/130 +[2024-10-13 16:40:33,636 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 87/130 +[2024-10-13 16:40:33,768 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 88/130 +[2024-10-13 16:40:33,901 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 89/130 +[2024-10-13 16:40:34,034 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 90/130 +[2024-10-13 16:40:34,167 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 91/130 +[2024-10-13 16:40:34,300 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 92/130 +[2024-10-13 16:40:34,433 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 93/130 +[2024-10-13 16:40:34,566 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 94/130 +[2024-10-13 16:40:34,699 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 95/130 +[2024-10-13 16:40:34,832 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 96/130 +[2024-10-13 16:40:34,966 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 97/130 +[2024-10-13 16:40:35,099 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 98/130 +[2024-10-13 16:40:35,232 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 99/130 +[2024-10-13 16:40:35,365 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 100/130 +[2024-10-13 16:40:35,499 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 101/130 +[2024-10-13 16:40:35,632 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 102/130 +[2024-10-13 16:40:35,764 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 103/130 +[2024-10-13 16:40:35,898 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 104/130 +[2024-10-13 16:40:36,030 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 105/130 +[2024-10-13 16:40:36,163 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 106/130 +[2024-10-13 16:40:36,296 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 107/130 +[2024-10-13 16:40:36,429 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 108/130 +[2024-10-13 16:40:36,562 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 109/130 +[2024-10-13 16:40:36,694 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 110/130 +[2024-10-13 16:40:36,827 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 111/130 +[2024-10-13 16:40:36,960 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 112/130 +[2024-10-13 16:40:37,093 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 113/130 +[2024-10-13 16:40:37,226 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 114/130 +[2024-10-13 16:40:37,359 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 115/130 +[2024-10-13 16:40:37,491 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 116/130 +[2024-10-13 16:40:37,624 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 117/130 +[2024-10-13 16:40:37,757 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 118/130 +[2024-10-13 16:40:37,889 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 119/130 +[2024-10-13 16:40:38,015 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 120/130 +[2024-10-13 16:40:38,141 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 121/130 +[2024-10-13 16:40:38,267 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 122/130 +[2024-10-13 16:40:38,393 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 123/130 +[2024-10-13 16:40:38,519 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 124/130 +[2024-10-13 16:40:38,645 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 125/130 +[2024-10-13 16:40:38,771 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 126/130 +[2024-10-13 16:40:38,897 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 127/130 +[2024-10-13 16:40:39,023 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 128/130 +[2024-10-13 16:40:39,152 INFO test.py line 186 25394] Test: 221/312-scene0595_00, Batch: 129/130 +[2024-10-13 16:40:39,336 INFO test.py line 272 25394] Test: scene0595_00 [221/312]-142330 Batch 16.518 (19.370) Accuracy 0.8323 (0.4634) mIoU 0.3133 (0.3559) +[2024-10-13 16:40:39,535 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 0/144 +[2024-10-13 16:40:39,701 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 1/144 +[2024-10-13 16:40:39,867 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 2/144 +[2024-10-13 16:40:40,033 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 3/144 +[2024-10-13 16:40:40,199 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 4/144 +[2024-10-13 16:40:40,365 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 5/144 +[2024-10-13 16:40:40,531 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 6/144 +[2024-10-13 16:40:40,697 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 7/144 +[2024-10-13 16:40:40,864 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 8/144 +[2024-10-13 16:40:41,030 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 9/144 +[2024-10-13 16:40:41,196 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 10/144 +[2024-10-13 16:40:41,362 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 11/144 +[2024-10-13 16:40:41,528 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 12/144 +[2024-10-13 16:40:41,694 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 13/144 +[2024-10-13 16:40:41,861 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 14/144 +[2024-10-13 16:40:42,027 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 15/144 +[2024-10-13 16:40:42,207 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 16/144 +[2024-10-13 16:40:42,377 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 17/144 +[2024-10-13 16:40:42,544 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 18/144 +[2024-10-13 16:40:42,710 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 19/144 +[2024-10-13 16:40:42,877 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 20/144 +[2024-10-13 16:40:43,043 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 21/144 +[2024-10-13 16:40:43,209 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 22/144 +[2024-10-13 16:40:43,376 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 23/144 +[2024-10-13 16:40:43,541 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 24/144 +[2024-10-13 16:40:43,706 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 25/144 +[2024-10-13 16:40:43,872 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 26/144 +[2024-10-13 16:40:44,037 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 27/144 +[2024-10-13 16:40:44,203 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 28/144 +[2024-10-13 16:40:44,368 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 29/144 +[2024-10-13 16:40:44,533 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 30/144 +[2024-10-13 16:40:44,699 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 31/144 +[2024-10-13 16:40:44,864 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 32/144 +[2024-10-13 16:40:45,029 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 33/144 +[2024-10-13 16:40:45,194 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 34/144 +[2024-10-13 16:40:45,360 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 35/144 +[2024-10-13 16:40:45,525 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 36/144 +[2024-10-13 16:40:45,690 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 37/144 +[2024-10-13 16:40:45,855 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 38/144 +[2024-10-13 16:40:46,021 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 39/144 +[2024-10-13 16:40:46,186 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 40/144 +[2024-10-13 16:40:46,351 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 41/144 +[2024-10-13 16:40:46,517 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 42/144 +[2024-10-13 16:40:46,682 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 43/144 +[2024-10-13 16:40:46,848 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 44/144 +[2024-10-13 16:40:47,013 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 45/144 +[2024-10-13 16:40:47,178 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 46/144 +[2024-10-13 16:40:47,344 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 47/144 +[2024-10-13 16:40:47,499 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 48/144 +[2024-10-13 16:40:47,655 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 49/144 +[2024-10-13 16:40:47,810 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 50/144 +[2024-10-13 16:40:47,966 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 51/144 +[2024-10-13 16:40:48,121 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 52/144 +[2024-10-13 16:40:48,277 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 53/144 +[2024-10-13 16:40:48,432 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 54/144 +[2024-10-13 16:40:48,588 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 55/144 +[2024-10-13 16:40:48,743 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 56/144 +[2024-10-13 16:40:48,899 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 57/144 +[2024-10-13 16:40:49,054 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 58/144 +[2024-10-13 16:40:49,209 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 59/144 +[2024-10-13 16:40:49,364 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 60/144 +[2024-10-13 16:40:49,519 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 61/144 +[2024-10-13 16:40:49,674 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 62/144 +[2024-10-13 16:40:49,829 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 63/144 +[2024-10-13 16:40:49,984 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 64/144 +[2024-10-13 16:40:50,139 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 65/144 +[2024-10-13 16:40:50,294 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 66/144 +[2024-10-13 16:40:50,449 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 67/144 +[2024-10-13 16:40:50,604 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 68/144 +[2024-10-13 16:40:50,760 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 69/144 +[2024-10-13 16:40:50,915 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 70/144 +[2024-10-13 16:40:51,070 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 71/144 +[2024-10-13 16:40:51,225 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 72/144 +[2024-10-13 16:40:51,380 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 73/144 +[2024-10-13 16:40:51,535 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 74/144 +[2024-10-13 16:40:51,690 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 75/144 +[2024-10-13 16:40:51,845 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 76/144 +[2024-10-13 16:40:52,000 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 77/144 +[2024-10-13 16:40:52,155 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 78/144 +[2024-10-13 16:40:52,310 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 79/144 +[2024-10-13 16:40:52,465 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 80/144 +[2024-10-13 16:40:52,620 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 81/144 +[2024-10-13 16:40:52,775 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 82/144 +[2024-10-13 16:40:52,929 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 83/144 +[2024-10-13 16:40:53,084 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 84/144 +[2024-10-13 16:40:53,240 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 85/144 +[2024-10-13 16:40:53,395 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 86/144 +[2024-10-13 16:40:53,549 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 87/144 +[2024-10-13 16:40:53,705 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 88/144 +[2024-10-13 16:40:53,860 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 89/144 +[2024-10-13 16:40:54,015 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 90/144 +[2024-10-13 16:40:54,170 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 91/144 +[2024-10-13 16:40:54,325 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 92/144 +[2024-10-13 16:40:54,480 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 93/144 +[2024-10-13 16:40:54,635 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 94/144 +[2024-10-13 16:40:54,790 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 95/144 +[2024-10-13 16:40:54,967 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 96/144 +[2024-10-13 16:40:55,143 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 97/144 +[2024-10-13 16:40:55,319 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 98/144 +[2024-10-13 16:40:55,495 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 99/144 +[2024-10-13 16:40:55,671 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 100/144 +[2024-10-13 16:40:55,847 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 101/144 +[2024-10-13 16:40:56,024 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 102/144 +[2024-10-13 16:40:56,200 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 103/144 +[2024-10-13 16:40:56,376 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 104/144 +[2024-10-13 16:40:56,552 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 105/144 +[2024-10-13 16:40:56,727 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 106/144 +[2024-10-13 16:40:56,903 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 107/144 +[2024-10-13 16:40:57,079 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 108/144 +[2024-10-13 16:40:57,255 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 109/144 +[2024-10-13 16:40:57,431 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 110/144 +[2024-10-13 16:40:57,607 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 111/144 +[2024-10-13 16:40:57,783 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 112/144 +[2024-10-13 16:40:57,959 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 113/144 +[2024-10-13 16:40:58,135 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 114/144 +[2024-10-13 16:40:58,310 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 115/144 +[2024-10-13 16:40:58,486 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 116/144 +[2024-10-13 16:40:58,662 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 117/144 +[2024-10-13 16:40:58,838 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 118/144 +[2024-10-13 16:40:59,013 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 119/144 +[2024-10-13 16:40:59,189 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 120/144 +[2024-10-13 16:40:59,365 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 121/144 +[2024-10-13 16:40:59,540 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 122/144 +[2024-10-13 16:40:59,716 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 123/144 +[2024-10-13 16:40:59,891 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 124/144 +[2024-10-13 16:41:00,066 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 125/144 +[2024-10-13 16:41:00,242 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 126/144 +[2024-10-13 16:41:00,418 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 127/144 +[2024-10-13 16:41:00,594 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 128/144 +[2024-10-13 16:41:00,769 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 129/144 +[2024-10-13 16:41:00,945 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 130/144 +[2024-10-13 16:41:01,121 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 131/144 +[2024-10-13 16:41:01,286 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 132/144 +[2024-10-13 16:41:01,452 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 133/144 +[2024-10-13 16:41:01,617 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 134/144 +[2024-10-13 16:41:01,782 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 135/144 +[2024-10-13 16:41:01,948 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 136/144 +[2024-10-13 16:41:02,113 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 137/144 +[2024-10-13 16:41:02,279 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 138/144 +[2024-10-13 16:41:02,444 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 139/144 +[2024-10-13 16:41:02,609 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 140/144 +[2024-10-13 16:41:02,774 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 141/144 +[2024-10-13 16:41:02,939 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 142/144 +[2024-10-13 16:41:03,105 INFO test.py line 186 25394] Test: 222/312-scene0046_01, Batch: 143/144 +[2024-10-13 16:41:03,355 INFO test.py line 272 25394] Test: scene0046_01 [222/312]-198471 Batch 24.019 (19.391) Accuracy 0.8122 (0.4636) mIoU 0.3850 (0.3561) +[2024-10-13 16:41:03,555 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 0/121 +[2024-10-13 16:41:03,724 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 1/121 +[2024-10-13 16:41:03,893 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 2/121 +[2024-10-13 16:41:04,061 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 3/121 +[2024-10-13 16:41:04,230 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 4/121 +[2024-10-13 16:41:04,399 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 5/121 +[2024-10-13 16:41:04,567 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 6/121 +[2024-10-13 16:41:04,736 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 7/121 +[2024-10-13 16:41:04,905 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 8/121 +[2024-10-13 16:41:05,074 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 9/121 +[2024-10-13 16:41:05,243 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 10/121 +[2024-10-13 16:41:05,412 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 11/121 +[2024-10-13 16:41:05,580 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 12/121 +[2024-10-13 16:41:05,749 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 13/121 +[2024-10-13 16:41:05,918 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 14/121 +[2024-10-13 16:41:06,087 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 15/121 +[2024-10-13 16:41:06,256 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 16/121 +[2024-10-13 16:41:06,453 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 17/121 +[2024-10-13 16:41:06,622 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 18/121 +[2024-10-13 16:41:06,790 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 19/121 +[2024-10-13 16:41:06,958 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 20/121 +[2024-10-13 16:41:07,126 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 21/121 +[2024-10-13 16:41:07,294 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 22/121 +[2024-10-13 16:41:07,462 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 23/121 +[2024-10-13 16:41:07,630 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 24/121 +[2024-10-13 16:41:07,798 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 25/121 +[2024-10-13 16:41:07,966 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 26/121 +[2024-10-13 16:41:08,134 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 27/121 +[2024-10-13 16:41:08,302 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 28/121 +[2024-10-13 16:41:08,470 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 29/121 +[2024-10-13 16:41:08,638 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 30/121 +[2024-10-13 16:41:08,806 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 31/121 +[2024-10-13 16:41:08,975 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 32/121 +[2024-10-13 16:41:09,143 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 33/121 +[2024-10-13 16:41:09,311 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 34/121 +[2024-10-13 16:41:09,479 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 35/121 +[2024-10-13 16:41:09,636 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 36/121 +[2024-10-13 16:41:09,793 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 37/121 +[2024-10-13 16:41:09,951 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 38/121 +[2024-10-13 16:41:10,110 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 39/121 +[2024-10-13 16:41:10,267 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 40/121 +[2024-10-13 16:41:10,425 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 41/121 +[2024-10-13 16:41:10,583 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 42/121 +[2024-10-13 16:41:10,740 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 43/121 +[2024-10-13 16:41:10,897 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 44/121 +[2024-10-13 16:41:11,054 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 45/121 +[2024-10-13 16:41:11,211 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 46/121 +[2024-10-13 16:41:11,369 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 47/121 +[2024-10-13 16:41:11,527 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 48/121 +[2024-10-13 16:41:11,685 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 49/121 +[2024-10-13 16:41:11,842 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 50/121 +[2024-10-13 16:41:12,000 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 51/121 +[2024-10-13 16:41:12,157 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 52/121 +[2024-10-13 16:41:12,314 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 53/121 +[2024-10-13 16:41:12,472 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 54/121 +[2024-10-13 16:41:12,629 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 55/121 +[2024-10-13 16:41:12,787 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 56/121 +[2024-10-13 16:41:12,945 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 57/121 +[2024-10-13 16:41:13,102 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 58/121 +[2024-10-13 16:41:13,260 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 59/121 +[2024-10-13 16:41:13,418 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 60/121 +[2024-10-13 16:41:13,575 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 61/121 +[2024-10-13 16:41:13,733 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 62/121 +[2024-10-13 16:41:13,890 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 63/121 +[2024-10-13 16:41:14,048 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 64/121 +[2024-10-13 16:41:14,206 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 65/121 +[2024-10-13 16:41:14,364 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 66/121 +[2024-10-13 16:41:14,521 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 67/121 +[2024-10-13 16:41:14,679 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 68/121 +[2024-10-13 16:41:14,836 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 69/121 +[2024-10-13 16:41:14,994 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 70/121 +[2024-10-13 16:41:15,152 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 71/121 +[2024-10-13 16:41:15,309 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 72/121 +[2024-10-13 16:41:15,467 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 73/121 +[2024-10-13 16:41:15,625 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 74/121 +[2024-10-13 16:41:15,783 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 75/121 +[2024-10-13 16:41:15,941 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 76/121 +[2024-10-13 16:41:16,099 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 77/121 +[2024-10-13 16:41:16,256 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 78/121 +[2024-10-13 16:41:16,414 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 79/121 +[2024-10-13 16:41:16,593 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 80/121 +[2024-10-13 16:41:16,773 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 81/121 +[2024-10-13 16:41:16,953 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 82/121 +[2024-10-13 16:41:17,133 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 83/121 +[2024-10-13 16:41:17,313 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 84/121 +[2024-10-13 16:41:17,493 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 85/121 +[2024-10-13 16:41:17,672 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 86/121 +[2024-10-13 16:41:17,852 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 87/121 +[2024-10-13 16:41:18,032 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 88/121 +[2024-10-13 16:41:18,211 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 89/121 +[2024-10-13 16:41:18,391 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 90/121 +[2024-10-13 16:41:18,570 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 91/121 +[2024-10-13 16:41:18,750 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 92/121 +[2024-10-13 16:41:18,929 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 93/121 +[2024-10-13 16:41:19,108 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 94/121 +[2024-10-13 16:41:19,287 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 95/121 +[2024-10-13 16:41:19,466 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 96/121 +[2024-10-13 16:41:19,644 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 97/121 +[2024-10-13 16:41:19,823 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 98/121 +[2024-10-13 16:41:20,002 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 99/121 +[2024-10-13 16:41:20,180 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 100/121 +[2024-10-13 16:41:20,359 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 101/121 +[2024-10-13 16:41:20,538 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 102/121 +[2024-10-13 16:41:20,717 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 103/121 +[2024-10-13 16:41:20,897 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 104/121 +[2024-10-13 16:41:21,076 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 105/121 +[2024-10-13 16:41:21,256 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 106/121 +[2024-10-13 16:41:21,435 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 107/121 +[2024-10-13 16:41:21,615 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 108/121 +[2024-10-13 16:41:21,795 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 109/121 +[2024-10-13 16:41:21,975 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 110/121 +[2024-10-13 16:41:22,155 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 111/121 +[2024-10-13 16:41:22,324 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 112/121 +[2024-10-13 16:41:22,492 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 113/121 +[2024-10-13 16:41:22,661 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 114/121 +[2024-10-13 16:41:22,829 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 115/121 +[2024-10-13 16:41:22,997 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 116/121 +[2024-10-13 16:41:23,165 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 117/121 +[2024-10-13 16:41:23,333 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 118/121 +[2024-10-13 16:41:23,501 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 119/121 +[2024-10-13 16:41:23,669 INFO test.py line 186 25394] Test: 223/312-scene0246_00, Batch: 120/121 +[2024-10-13 16:41:23,927 INFO test.py line 272 25394] Test: scene0246_00 [223/312]-201062 Batch 20.572 (19.396) Accuracy 0.7931 (0.4638) mIoU 0.4521 (0.3559) +[2024-10-13 16:41:24,044 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 0/151 +[2024-10-13 16:41:24,145 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 1/151 +[2024-10-13 16:41:24,247 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 2/151 +[2024-10-13 16:41:24,350 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 3/151 +[2024-10-13 16:41:24,452 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 4/151 +[2024-10-13 16:41:24,554 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 5/151 +[2024-10-13 16:41:24,656 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 6/151 +[2024-10-13 16:41:24,758 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 7/151 +[2024-10-13 16:41:24,860 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 8/151 +[2024-10-13 16:41:24,962 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 9/151 +[2024-10-13 16:41:25,064 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 10/151 +[2024-10-13 16:41:25,165 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 11/151 +[2024-10-13 16:41:25,267 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 12/151 +[2024-10-13 16:41:25,369 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 13/151 +[2024-10-13 16:41:25,471 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 14/151 +[2024-10-13 16:41:25,572 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 15/151 +[2024-10-13 16:41:25,674 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 16/151 +[2024-10-13 16:41:25,776 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 17/151 +[2024-10-13 16:41:25,878 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 18/151 +[2024-10-13 16:41:25,980 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 19/151 +[2024-10-13 16:41:26,081 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 20/151 +[2024-10-13 16:41:26,183 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 21/151 +[2024-10-13 16:41:26,285 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 22/151 +[2024-10-13 16:41:26,387 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 23/151 +[2024-10-13 16:41:26,488 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 24/151 +[2024-10-13 16:41:26,590 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 25/151 +[2024-10-13 16:41:26,693 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 26/151 +[2024-10-13 16:41:26,795 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 27/151 +[2024-10-13 16:41:26,897 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 28/151 +[2024-10-13 16:41:27,001 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 29/151 +[2024-10-13 16:41:27,103 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 30/151 +[2024-10-13 16:41:27,205 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 31/151 +[2024-10-13 16:41:27,306 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 32/151 +[2024-10-13 16:41:27,408 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 33/151 +[2024-10-13 16:41:27,510 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 34/151 +[2024-10-13 16:41:27,612 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 35/151 +[2024-10-13 16:41:27,714 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 36/151 +[2024-10-13 16:41:27,816 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 37/151 +[2024-10-13 16:41:27,918 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 38/151 +[2024-10-13 16:41:28,022 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 39/151 +[2024-10-13 16:41:28,123 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 40/151 +[2024-10-13 16:41:28,225 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 41/151 +[2024-10-13 16:41:28,327 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 42/151 +[2024-10-13 16:41:28,429 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 43/151 +[2024-10-13 16:41:28,524 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 44/151 +[2024-10-13 16:41:28,620 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 45/151 +[2024-10-13 16:41:28,715 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 46/151 +[2024-10-13 16:41:28,811 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 47/151 +[2024-10-13 16:41:28,906 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 48/151 +[2024-10-13 16:41:29,002 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 49/151 +[2024-10-13 16:41:29,097 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 50/151 +[2024-10-13 16:41:29,193 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 51/151 +[2024-10-13 16:41:29,288 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 52/151 +[2024-10-13 16:41:29,384 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 53/151 +[2024-10-13 16:41:29,479 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 54/151 +[2024-10-13 16:41:29,575 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 55/151 +[2024-10-13 16:41:29,670 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 56/151 +[2024-10-13 16:41:29,766 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 57/151 +[2024-10-13 16:41:29,861 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 58/151 +[2024-10-13 16:41:29,957 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 59/151 +[2024-10-13 16:41:30,052 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 60/151 +[2024-10-13 16:41:30,148 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 61/151 +[2024-10-13 16:41:30,244 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 62/151 +[2024-10-13 16:41:30,339 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 63/151 +[2024-10-13 16:41:30,435 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 64/151 +[2024-10-13 16:41:30,530 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 65/151 +[2024-10-13 16:41:30,626 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 66/151 +[2024-10-13 16:41:30,722 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 67/151 +[2024-10-13 16:41:30,817 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 68/151 +[2024-10-13 16:41:30,913 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 69/151 +[2024-10-13 16:41:31,009 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 70/151 +[2024-10-13 16:41:31,104 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 71/151 +[2024-10-13 16:41:31,199 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 72/151 +[2024-10-13 16:41:31,295 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 73/151 +[2024-10-13 16:41:31,390 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 74/151 +[2024-10-13 16:41:31,553 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 75/151 +[2024-10-13 16:41:31,650 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 76/151 +[2024-10-13 16:41:31,746 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 77/151 +[2024-10-13 16:41:31,843 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 78/151 +[2024-10-13 16:41:31,939 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 79/151 +[2024-10-13 16:41:32,036 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 80/151 +[2024-10-13 16:41:32,131 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 81/151 +[2024-10-13 16:41:32,226 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 82/151 +[2024-10-13 16:41:32,321 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 83/151 +[2024-10-13 16:41:32,417 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 84/151 +[2024-10-13 16:41:32,512 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 85/151 +[2024-10-13 16:41:32,607 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 86/151 +[2024-10-13 16:41:32,703 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 87/151 +[2024-10-13 16:41:32,798 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 88/151 +[2024-10-13 16:41:32,893 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 89/151 +[2024-10-13 16:41:32,989 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 90/151 +[2024-10-13 16:41:33,084 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 91/151 +[2024-10-13 16:41:33,180 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 92/151 +[2024-10-13 16:41:33,275 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 93/151 +[2024-10-13 16:41:33,371 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 94/151 +[2024-10-13 16:41:33,466 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 95/151 +[2024-10-13 16:41:33,562 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 96/151 +[2024-10-13 16:41:33,657 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 97/151 +[2024-10-13 16:41:33,753 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 98/151 +[2024-10-13 16:41:33,848 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 99/151 +[2024-10-13 16:41:33,955 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 100/151 +[2024-10-13 16:41:34,062 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 101/151 +[2024-10-13 16:41:34,170 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 102/151 +[2024-10-13 16:41:34,277 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 103/151 +[2024-10-13 16:41:34,384 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 104/151 +[2024-10-13 16:41:34,491 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 105/151 +[2024-10-13 16:41:34,599 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 106/151 +[2024-10-13 16:41:34,706 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 107/151 +[2024-10-13 16:41:34,813 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 108/151 +[2024-10-13 16:41:34,920 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 109/151 +[2024-10-13 16:41:35,027 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 110/151 +[2024-10-13 16:41:35,134 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 111/151 +[2024-10-13 16:41:35,242 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 112/151 +[2024-10-13 16:41:35,349 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 113/151 +[2024-10-13 16:41:35,456 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 114/151 +[2024-10-13 16:41:35,563 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 115/151 +[2024-10-13 16:41:35,671 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 116/151 +[2024-10-13 16:41:35,778 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 117/151 +[2024-10-13 16:41:35,886 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 118/151 +[2024-10-13 16:41:35,993 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 119/151 +[2024-10-13 16:41:36,100 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 120/151 +[2024-10-13 16:41:36,207 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 121/151 +[2024-10-13 16:41:36,314 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 122/151 +[2024-10-13 16:41:36,421 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 123/151 +[2024-10-13 16:41:36,528 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 124/151 +[2024-10-13 16:41:36,636 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 125/151 +[2024-10-13 16:41:36,743 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 126/151 +[2024-10-13 16:41:36,850 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 127/151 +[2024-10-13 16:41:36,957 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 128/151 +[2024-10-13 16:41:37,064 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 129/151 +[2024-10-13 16:41:37,170 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 130/151 +[2024-10-13 16:41:37,277 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 131/151 +[2024-10-13 16:41:37,383 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 132/151 +[2024-10-13 16:41:37,489 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 133/151 +[2024-10-13 16:41:37,595 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 134/151 +[2024-10-13 16:41:37,701 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 135/151 +[2024-10-13 16:41:37,807 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 136/151 +[2024-10-13 16:41:37,913 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 137/151 +[2024-10-13 16:41:38,019 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 138/151 +[2024-10-13 16:41:38,125 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 139/151 +[2024-10-13 16:41:38,227 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 140/151 +[2024-10-13 16:41:38,328 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 141/151 +[2024-10-13 16:41:38,430 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 142/151 +[2024-10-13 16:41:38,532 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 143/151 +[2024-10-13 16:41:38,634 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 144/151 +[2024-10-13 16:41:38,736 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 145/151 +[2024-10-13 16:41:38,838 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 146/151 +[2024-10-13 16:41:38,940 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 147/151 +[2024-10-13 16:41:39,041 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 148/151 +[2024-10-13 16:41:39,143 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 149/151 +[2024-10-13 16:41:39,245 INFO test.py line 186 25394] Test: 224/312-scene0354_00, Batch: 150/151 +[2024-10-13 16:41:39,388 INFO test.py line 272 25394] Test: scene0354_00 [224/312]-110569 Batch 15.461 (19.379) Accuracy 0.9676 (0.4638) mIoU 0.8332 (0.3559) +[2024-10-13 16:41:39,536 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 0/112 +[2024-10-13 16:41:39,662 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 1/112 +[2024-10-13 16:41:39,787 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 2/112 +[2024-10-13 16:41:39,912 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 3/112 +[2024-10-13 16:41:40,037 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 4/112 +[2024-10-13 16:41:40,163 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 5/112 +[2024-10-13 16:41:40,288 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 6/112 +[2024-10-13 16:41:40,413 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 7/112 +[2024-10-13 16:41:40,539 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 8/112 +[2024-10-13 16:41:40,665 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 9/112 +[2024-10-13 16:41:40,791 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 10/112 +[2024-10-13 16:41:40,917 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 11/112 +[2024-10-13 16:41:41,043 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 12/112 +[2024-10-13 16:41:41,169 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 13/112 +[2024-10-13 16:41:41,328 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 14/112 +[2024-10-13 16:41:41,455 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 15/112 +[2024-10-13 16:41:41,580 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 16/112 +[2024-10-13 16:41:41,706 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 17/112 +[2024-10-13 16:41:41,831 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 18/112 +[2024-10-13 16:41:41,957 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 19/112 +[2024-10-13 16:41:42,082 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 20/112 +[2024-10-13 16:41:42,208 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 21/112 +[2024-10-13 16:41:42,333 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 22/112 +[2024-10-13 16:41:42,459 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 23/112 +[2024-10-13 16:41:42,584 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 24/112 +[2024-10-13 16:41:42,710 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 25/112 +[2024-10-13 16:41:42,835 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 26/112 +[2024-10-13 16:41:42,960 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 27/112 +[2024-10-13 16:41:43,088 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 28/112 +[2024-10-13 16:41:43,213 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 29/112 +[2024-10-13 16:41:43,339 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 30/112 +[2024-10-13 16:41:43,464 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 31/112 +[2024-10-13 16:41:43,582 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 32/112 +[2024-10-13 16:41:43,701 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 33/112 +[2024-10-13 16:41:43,818 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 34/112 +[2024-10-13 16:41:43,937 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 35/112 +[2024-10-13 16:41:44,055 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 36/112 +[2024-10-13 16:41:44,173 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 37/112 +[2024-10-13 16:41:44,290 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 38/112 +[2024-10-13 16:41:44,408 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 39/112 +[2024-10-13 16:41:44,526 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 40/112 +[2024-10-13 16:41:44,644 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 41/112 +[2024-10-13 16:41:44,762 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 42/112 +[2024-10-13 16:41:44,880 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 43/112 +[2024-10-13 16:41:44,997 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 44/112 +[2024-10-13 16:41:45,115 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 45/112 +[2024-10-13 16:41:45,233 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 46/112 +[2024-10-13 16:41:45,351 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 47/112 +[2024-10-13 16:41:45,470 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 48/112 +[2024-10-13 16:41:45,587 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 49/112 +[2024-10-13 16:41:45,705 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 50/112 +[2024-10-13 16:41:45,823 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 51/112 +[2024-10-13 16:41:45,941 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 52/112 +[2024-10-13 16:41:46,059 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 53/112 +[2024-10-13 16:41:46,177 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 54/112 +[2024-10-13 16:41:46,296 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 55/112 +[2024-10-13 16:41:46,414 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 56/112 +[2024-10-13 16:41:46,532 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 57/112 +[2024-10-13 16:41:46,650 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 58/112 +[2024-10-13 16:41:46,768 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 59/112 +[2024-10-13 16:41:46,886 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 60/112 +[2024-10-13 16:41:47,004 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 61/112 +[2024-10-13 16:41:47,122 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 62/112 +[2024-10-13 16:41:47,240 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 63/112 +[2024-10-13 16:41:47,358 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 64/112 +[2024-10-13 16:41:47,476 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 65/112 +[2024-10-13 16:41:47,594 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 66/112 +[2024-10-13 16:41:47,712 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 67/112 +[2024-10-13 16:41:47,830 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 68/112 +[2024-10-13 16:41:47,948 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 69/112 +[2024-10-13 16:41:48,066 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 70/112 +[2024-10-13 16:41:48,184 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 71/112 +[2024-10-13 16:41:48,316 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 72/112 +[2024-10-13 16:41:48,448 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 73/112 +[2024-10-13 16:41:48,581 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 74/112 +[2024-10-13 16:41:48,713 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 75/112 +[2024-10-13 16:41:48,845 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 76/112 +[2024-10-13 16:41:48,977 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 77/112 +[2024-10-13 16:41:49,110 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 78/112 +[2024-10-13 16:41:49,242 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 79/112 +[2024-10-13 16:41:49,374 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 80/112 +[2024-10-13 16:41:49,506 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 81/112 +[2024-10-13 16:41:49,638 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 82/112 +[2024-10-13 16:41:49,770 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 83/112 +[2024-10-13 16:41:49,903 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 84/112 +[2024-10-13 16:41:50,035 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 85/112 +[2024-10-13 16:41:50,168 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 86/112 +[2024-10-13 16:41:50,300 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 87/112 +[2024-10-13 16:41:50,433 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 88/112 +[2024-10-13 16:41:50,565 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 89/112 +[2024-10-13 16:41:50,698 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 90/112 +[2024-10-13 16:41:50,831 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 91/112 +[2024-10-13 16:41:50,964 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 92/112 +[2024-10-13 16:41:51,097 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 93/112 +[2024-10-13 16:41:51,230 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 94/112 +[2024-10-13 16:41:51,363 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 95/112 +[2024-10-13 16:41:51,497 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 96/112 +[2024-10-13 16:41:51,630 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 97/112 +[2024-10-13 16:41:51,764 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 98/112 +[2024-10-13 16:41:51,897 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 99/112 +[2024-10-13 16:41:52,031 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 100/112 +[2024-10-13 16:41:52,164 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 101/112 +[2024-10-13 16:41:52,298 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 102/112 +[2024-10-13 16:41:52,431 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 103/112 +[2024-10-13 16:41:52,557 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 104/112 +[2024-10-13 16:41:52,683 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 105/112 +[2024-10-13 16:41:52,808 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 106/112 +[2024-10-13 16:41:52,934 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 107/112 +[2024-10-13 16:41:53,059 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 108/112 +[2024-10-13 16:41:53,185 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 109/112 +[2024-10-13 16:41:53,310 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 110/112 +[2024-10-13 16:41:53,436 INFO test.py line 186 25394] Test: 225/312-scene0695_01, Batch: 111/112 +[2024-10-13 16:41:53,623 INFO test.py line 272 25394] Test: scene0695_01 [225/312]-143776 Batch 14.235 (19.356) Accuracy 0.8113 (0.4632) mIoU 0.3836 (0.3553) +[2024-10-13 16:41:53,846 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 0/198 +[2024-10-13 16:41:54,033 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 1/198 +[2024-10-13 16:41:54,220 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 2/198 +[2024-10-13 16:41:54,407 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 3/198 +[2024-10-13 16:41:54,595 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 4/198 +[2024-10-13 16:41:54,783 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 5/198 +[2024-10-13 16:41:54,983 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 6/198 +[2024-10-13 16:41:55,170 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 7/198 +[2024-10-13 16:41:55,357 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 8/198 +[2024-10-13 16:41:55,543 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 9/198 +[2024-10-13 16:41:55,731 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 10/198 +[2024-10-13 16:41:55,918 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 11/198 +[2024-10-13 16:41:56,105 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 12/198 +[2024-10-13 16:41:56,292 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 13/198 +[2024-10-13 16:41:56,478 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 14/198 +[2024-10-13 16:41:56,666 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 15/198 +[2024-10-13 16:41:56,853 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 16/198 +[2024-10-13 16:41:57,039 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 17/198 +[2024-10-13 16:41:57,226 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 18/198 +[2024-10-13 16:41:57,413 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 19/198 +[2024-10-13 16:41:57,600 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 20/198 +[2024-10-13 16:41:57,787 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 21/198 +[2024-10-13 16:41:57,973 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 22/198 +[2024-10-13 16:41:58,160 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 23/198 +[2024-10-13 16:41:58,347 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 24/198 +[2024-10-13 16:41:58,534 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 25/198 +[2024-10-13 16:41:58,721 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 26/198 +[2024-10-13 16:41:58,908 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 27/198 +[2024-10-13 16:41:59,095 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 28/198 +[2024-10-13 16:41:59,282 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 29/198 +[2024-10-13 16:41:59,469 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 30/198 +[2024-10-13 16:41:59,657 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 31/198 +[2024-10-13 16:41:59,844 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 32/198 +[2024-10-13 16:42:00,031 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 33/198 +[2024-10-13 16:42:00,218 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 34/198 +[2024-10-13 16:42:00,405 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 35/198 +[2024-10-13 16:42:00,592 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 36/198 +[2024-10-13 16:42:00,780 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 37/198 +[2024-10-13 16:42:00,967 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 38/198 +[2024-10-13 16:42:01,155 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 39/198 +[2024-10-13 16:42:01,342 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 40/198 +[2024-10-13 16:42:01,530 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 41/198 +[2024-10-13 16:42:01,717 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 42/198 +[2024-10-13 16:42:01,904 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 43/198 +[2024-10-13 16:42:02,091 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 44/198 +[2024-10-13 16:42:02,279 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 45/198 +[2024-10-13 16:42:02,466 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 46/198 +[2024-10-13 16:42:02,654 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 47/198 +[2024-10-13 16:42:02,841 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 48/198 +[2024-10-13 16:42:03,028 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 49/198 +[2024-10-13 16:42:03,215 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 50/198 +[2024-10-13 16:42:03,402 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 51/198 +[2024-10-13 16:42:03,589 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 52/198 +[2024-10-13 16:42:03,776 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 53/198 +[2024-10-13 16:42:03,964 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 54/198 +[2024-10-13 16:42:04,151 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 55/198 +[2024-10-13 16:42:04,326 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 56/198 +[2024-10-13 16:42:04,500 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 57/198 +[2024-10-13 16:42:04,675 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 58/198 +[2024-10-13 16:42:04,850 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 59/198 +[2024-10-13 16:42:05,025 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 60/198 +[2024-10-13 16:42:05,200 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 61/198 +[2024-10-13 16:42:05,375 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 62/198 +[2024-10-13 16:42:05,549 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 63/198 +[2024-10-13 16:42:05,724 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 64/198 +[2024-10-13 16:42:05,899 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 65/198 +[2024-10-13 16:42:06,074 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 66/198 +[2024-10-13 16:42:06,249 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 67/198 +[2024-10-13 16:42:06,423 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 68/198 +[2024-10-13 16:42:06,598 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 69/198 +[2024-10-13 16:42:06,773 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 70/198 +[2024-10-13 16:42:06,947 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 71/198 +[2024-10-13 16:42:07,122 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 72/198 +[2024-10-13 16:42:07,296 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 73/198 +[2024-10-13 16:42:07,471 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 74/198 +[2024-10-13 16:42:07,646 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 75/198 +[2024-10-13 16:42:07,820 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 76/198 +[2024-10-13 16:42:07,995 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 77/198 +[2024-10-13 16:42:08,169 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 78/198 +[2024-10-13 16:42:08,344 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 79/198 +[2024-10-13 16:42:08,519 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 80/198 +[2024-10-13 16:42:08,693 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 81/198 +[2024-10-13 16:42:08,867 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 82/198 +[2024-10-13 16:42:09,042 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 83/198 +[2024-10-13 16:42:09,217 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 84/198 +[2024-10-13 16:42:09,392 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 85/198 +[2024-10-13 16:42:09,566 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 86/198 +[2024-10-13 16:42:09,741 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 87/198 +[2024-10-13 16:42:09,915 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 88/198 +[2024-10-13 16:42:10,090 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 89/198 +[2024-10-13 16:42:10,264 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 90/198 +[2024-10-13 16:42:10,439 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 91/198 +[2024-10-13 16:42:10,614 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 92/198 +[2024-10-13 16:42:10,789 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 93/198 +[2024-10-13 16:42:10,963 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 94/198 +[2024-10-13 16:42:11,138 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 95/198 +[2024-10-13 16:42:11,313 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 96/198 +[2024-10-13 16:42:11,488 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 97/198 +[2024-10-13 16:42:11,662 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 98/198 +[2024-10-13 16:42:11,837 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 99/198 +[2024-10-13 16:42:12,012 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 100/198 +[2024-10-13 16:42:12,187 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 101/198 +[2024-10-13 16:42:12,362 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 102/198 +[2024-10-13 16:42:12,536 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 103/198 +[2024-10-13 16:42:12,711 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 104/198 +[2024-10-13 16:42:12,886 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 105/198 +[2024-10-13 16:42:13,061 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 106/198 +[2024-10-13 16:42:13,236 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 107/198 +[2024-10-13 16:42:13,411 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 108/198 +[2024-10-13 16:42:13,586 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 109/198 +[2024-10-13 16:42:13,761 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 110/198 +[2024-10-13 16:42:13,935 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 111/198 +[2024-10-13 16:42:14,110 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 112/198 +[2024-10-13 16:42:14,285 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 113/198 +[2024-10-13 16:42:14,460 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 114/198 +[2024-10-13 16:42:14,634 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 115/198 +[2024-10-13 16:42:14,809 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 116/198 +[2024-10-13 16:42:14,983 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 117/198 +[2024-10-13 16:42:15,158 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 118/198 +[2024-10-13 16:42:15,333 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 119/198 +[2024-10-13 16:42:15,508 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 120/198 +[2024-10-13 16:42:15,682 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 121/198 +[2024-10-13 16:42:15,857 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 122/198 +[2024-10-13 16:42:16,032 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 123/198 +[2024-10-13 16:42:16,206 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 124/198 +[2024-10-13 16:42:16,381 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 125/198 +[2024-10-13 16:42:16,556 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 126/198 +[2024-10-13 16:42:16,731 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 127/198 +[2024-10-13 16:42:16,929 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 128/198 +[2024-10-13 16:42:17,127 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 129/198 +[2024-10-13 16:42:17,325 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 130/198 +[2024-10-13 16:42:17,523 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 131/198 +[2024-10-13 16:42:17,721 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 132/198 +[2024-10-13 16:42:17,919 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 133/198 +[2024-10-13 16:42:18,117 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 134/198 +[2024-10-13 16:42:18,315 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 135/198 +[2024-10-13 16:42:18,512 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 136/198 +[2024-10-13 16:42:18,710 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 137/198 +[2024-10-13 16:42:18,908 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 138/198 +[2024-10-13 16:42:19,106 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 139/198 +[2024-10-13 16:42:19,304 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 140/198 +[2024-10-13 16:42:19,502 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 141/198 +[2024-10-13 16:42:19,700 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 142/198 +[2024-10-13 16:42:19,897 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 143/198 +[2024-10-13 16:42:20,095 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 144/198 +[2024-10-13 16:42:20,293 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 145/198 +[2024-10-13 16:42:20,490 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 146/198 +[2024-10-13 16:42:20,687 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 147/198 +[2024-10-13 16:42:20,885 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 148/198 +[2024-10-13 16:42:21,083 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 149/198 +[2024-10-13 16:42:21,280 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 150/198 +[2024-10-13 16:42:21,478 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 151/198 +[2024-10-13 16:42:21,675 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 152/198 +[2024-10-13 16:42:21,872 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 153/198 +[2024-10-13 16:42:22,070 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 154/198 +[2024-10-13 16:42:22,268 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 155/198 +[2024-10-13 16:42:22,465 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 156/198 +[2024-10-13 16:42:22,663 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 157/198 +[2024-10-13 16:42:22,861 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 158/198 +[2024-10-13 16:42:23,058 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 159/198 +[2024-10-13 16:42:23,255 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 160/198 +[2024-10-13 16:42:23,453 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 161/198 +[2024-10-13 16:42:23,651 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 162/198 +[2024-10-13 16:42:23,849 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 163/198 +[2024-10-13 16:42:24,046 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 164/198 +[2024-10-13 16:42:24,244 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 165/198 +[2024-10-13 16:42:24,441 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 166/198 +[2024-10-13 16:42:24,639 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 167/198 +[2024-10-13 16:42:24,837 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 168/198 +[2024-10-13 16:42:25,034 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 169/198 +[2024-10-13 16:42:25,232 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 170/198 +[2024-10-13 16:42:25,429 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 171/198 +[2024-10-13 16:42:25,627 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 172/198 +[2024-10-13 16:42:25,824 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 173/198 +[2024-10-13 16:42:26,022 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 174/198 +[2024-10-13 16:42:26,219 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 175/198 +[2024-10-13 16:42:26,416 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 176/198 +[2024-10-13 16:42:26,614 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 177/198 +[2024-10-13 16:42:26,811 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 178/198 +[2024-10-13 16:42:27,009 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 179/198 +[2024-10-13 16:42:27,206 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 180/198 +[2024-10-13 16:42:27,404 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 181/198 +[2024-10-13 16:42:27,601 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 182/198 +[2024-10-13 16:42:27,799 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 183/198 +[2024-10-13 16:42:27,987 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 184/198 +[2024-10-13 16:42:28,174 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 185/198 +[2024-10-13 16:42:28,362 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 186/198 +[2024-10-13 16:42:28,549 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 187/198 +[2024-10-13 16:42:28,736 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 188/198 +[2024-10-13 16:42:28,923 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 189/198 +[2024-10-13 16:42:29,110 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 190/198 +[2024-10-13 16:42:29,297 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 191/198 +[2024-10-13 16:42:29,484 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 192/198 +[2024-10-13 16:42:29,672 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 193/198 +[2024-10-13 16:42:29,859 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 194/198 +[2024-10-13 16:42:30,046 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 195/198 +[2024-10-13 16:42:30,233 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 196/198 +[2024-10-13 16:42:30,420 INFO test.py line 186 25394] Test: 226/312-scene0251_00, Batch: 197/198 +[2024-10-13 16:42:30,707 INFO test.py line 272 25394] Test: scene0251_00 [226/312]-226765 Batch 37.084 (19.434) Accuracy 0.9086 (0.4632) mIoU 0.6002 (0.3552) +[2024-10-13 16:42:30,810 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 0/121 +[2024-10-13 16:42:30,900 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 1/121 +[2024-10-13 16:42:30,990 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 2/121 +[2024-10-13 16:42:31,080 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 3/121 +[2024-10-13 16:42:31,170 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 4/121 +[2024-10-13 16:42:31,260 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 5/121 +[2024-10-13 16:42:31,350 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 6/121 +[2024-10-13 16:42:31,440 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 7/121 +[2024-10-13 16:42:31,529 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 8/121 +[2024-10-13 16:42:31,619 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 9/121 +[2024-10-13 16:42:31,709 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 10/121 +[2024-10-13 16:42:31,799 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 11/121 +[2024-10-13 16:42:31,889 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 12/121 +[2024-10-13 16:42:31,979 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 13/121 +[2024-10-13 16:42:32,069 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 14/121 +[2024-10-13 16:42:32,159 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 15/121 +[2024-10-13 16:42:32,249 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 16/121 +[2024-10-13 16:42:32,339 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 17/121 +[2024-10-13 16:42:32,429 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 18/121 +[2024-10-13 16:42:32,518 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 19/121 +[2024-10-13 16:42:32,608 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 20/121 +[2024-10-13 16:42:32,698 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 21/121 +[2024-10-13 16:42:32,787 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 22/121 +[2024-10-13 16:42:32,877 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 23/121 +[2024-10-13 16:42:32,966 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 24/121 +[2024-10-13 16:42:33,056 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 25/121 +[2024-10-13 16:42:33,145 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 26/121 +[2024-10-13 16:42:33,235 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 27/121 +[2024-10-13 16:42:33,325 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 28/121 +[2024-10-13 16:42:33,414 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 29/121 +[2024-10-13 16:42:33,504 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 30/121 +[2024-10-13 16:42:33,594 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 31/121 +[2024-10-13 16:42:33,683 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 32/121 +[2024-10-13 16:42:33,773 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 33/121 +[2024-10-13 16:42:33,862 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 34/121 +[2024-10-13 16:42:33,952 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 35/121 +[2024-10-13 16:42:34,038 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 36/121 +[2024-10-13 16:42:34,125 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 37/121 +[2024-10-13 16:42:34,211 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 38/121 +[2024-10-13 16:42:34,297 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 39/121 +[2024-10-13 16:42:34,384 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 40/121 +[2024-10-13 16:42:34,470 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 41/121 +[2024-10-13 16:42:34,557 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 42/121 +[2024-10-13 16:42:34,643 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 43/121 +[2024-10-13 16:42:34,729 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 44/121 +[2024-10-13 16:42:34,862 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 45/121 +[2024-10-13 16:42:34,950 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 46/121 +[2024-10-13 16:42:35,037 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 47/121 +[2024-10-13 16:42:35,125 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 48/121 +[2024-10-13 16:42:35,211 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 49/121 +[2024-10-13 16:42:35,297 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 50/121 +[2024-10-13 16:42:35,383 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 51/121 +[2024-10-13 16:42:35,469 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 52/121 +[2024-10-13 16:42:35,555 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 53/121 +[2024-10-13 16:42:35,641 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 54/121 +[2024-10-13 16:42:35,728 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 55/121 +[2024-10-13 16:42:35,814 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 56/121 +[2024-10-13 16:42:35,900 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 57/121 +[2024-10-13 16:42:35,986 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 58/121 +[2024-10-13 16:42:36,072 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 59/121 +[2024-10-13 16:42:36,158 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 60/121 +[2024-10-13 16:42:36,244 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 61/121 +[2024-10-13 16:42:36,330 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 62/121 +[2024-10-13 16:42:36,416 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 63/121 +[2024-10-13 16:42:36,502 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 64/121 +[2024-10-13 16:42:36,588 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 65/121 +[2024-10-13 16:42:36,674 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 66/121 +[2024-10-13 16:42:36,760 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 67/121 +[2024-10-13 16:42:36,846 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 68/121 +[2024-10-13 16:42:36,932 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 69/121 +[2024-10-13 16:42:37,018 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 70/121 +[2024-10-13 16:42:37,103 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 71/121 +[2024-10-13 16:42:37,190 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 72/121 +[2024-10-13 16:42:37,276 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 73/121 +[2024-10-13 16:42:37,362 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 74/121 +[2024-10-13 16:42:37,448 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 75/121 +[2024-10-13 16:42:37,541 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 76/121 +[2024-10-13 16:42:37,635 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 77/121 +[2024-10-13 16:42:37,728 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 78/121 +[2024-10-13 16:42:37,822 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 79/121 +[2024-10-13 16:42:37,916 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 80/121 +[2024-10-13 16:42:38,009 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 81/121 +[2024-10-13 16:42:38,103 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 82/121 +[2024-10-13 16:42:38,196 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 83/121 +[2024-10-13 16:42:38,290 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 84/121 +[2024-10-13 16:42:38,383 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 85/121 +[2024-10-13 16:42:38,477 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 86/121 +[2024-10-13 16:42:38,571 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 87/121 +[2024-10-13 16:42:38,665 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 88/121 +[2024-10-13 16:42:38,758 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 89/121 +[2024-10-13 16:42:38,852 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 90/121 +[2024-10-13 16:42:38,946 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 91/121 +[2024-10-13 16:42:39,040 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 92/121 +[2024-10-13 16:42:39,133 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 93/121 +[2024-10-13 16:42:39,227 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 94/121 +[2024-10-13 16:42:39,320 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 95/121 +[2024-10-13 16:42:39,413 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 96/121 +[2024-10-13 16:42:39,507 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 97/121 +[2024-10-13 16:42:39,600 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 98/121 +[2024-10-13 16:42:39,694 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 99/121 +[2024-10-13 16:42:39,787 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 100/121 +[2024-10-13 16:42:39,881 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 101/121 +[2024-10-13 16:42:39,974 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 102/121 +[2024-10-13 16:42:40,068 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 103/121 +[2024-10-13 16:42:40,162 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 104/121 +[2024-10-13 16:42:40,255 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 105/121 +[2024-10-13 16:42:40,349 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 106/121 +[2024-10-13 16:42:40,443 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 107/121 +[2024-10-13 16:42:40,536 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 108/121 +[2024-10-13 16:42:40,630 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 109/121 +[2024-10-13 16:42:40,724 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 110/121 +[2024-10-13 16:42:40,818 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 111/121 +[2024-10-13 16:42:40,908 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 112/121 +[2024-10-13 16:42:40,997 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 113/121 +[2024-10-13 16:42:41,087 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 114/121 +[2024-10-13 16:42:41,176 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 115/121 +[2024-10-13 16:42:41,266 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 116/121 +[2024-10-13 16:42:41,356 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 117/121 +[2024-10-13 16:42:41,445 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 118/121 +[2024-10-13 16:42:41,535 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 119/121 +[2024-10-13 16:42:41,624 INFO test.py line 186 25394] Test: 227/312-scene0598_01, Batch: 120/121 +[2024-10-13 16:42:41,756 INFO test.py line 272 25394] Test: scene0598_01 [227/312]-91924 Batch 11.049 (19.397) Accuracy 0.6100 (0.4627) mIoU 0.5503 (0.3552) +[2024-10-13 16:42:41,825 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 0/134 +[2024-10-13 16:42:41,886 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 1/134 +[2024-10-13 16:42:41,946 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 2/134 +[2024-10-13 16:42:42,006 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 3/134 +[2024-10-13 16:42:42,066 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 4/134 +[2024-10-13 16:42:42,126 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 5/134 +[2024-10-13 16:42:42,187 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 6/134 +[2024-10-13 16:42:42,247 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 7/134 +[2024-10-13 16:42:42,307 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 8/134 +[2024-10-13 16:42:42,367 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 9/134 +[2024-10-13 16:42:42,427 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 10/134 +[2024-10-13 16:42:42,488 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 11/134 +[2024-10-13 16:42:42,548 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 12/134 +[2024-10-13 16:42:42,608 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 13/134 +[2024-10-13 16:42:42,668 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 14/134 +[2024-10-13 16:42:42,729 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 15/134 +[2024-10-13 16:42:42,789 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 16/134 +[2024-10-13 16:42:42,849 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 17/134 +[2024-10-13 16:42:42,909 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 18/134 +[2024-10-13 16:42:42,969 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 19/134 +[2024-10-13 16:42:43,030 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 20/134 +[2024-10-13 16:42:43,090 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 21/134 +[2024-10-13 16:42:43,150 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 22/134 +[2024-10-13 16:42:43,210 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 23/134 +[2024-10-13 16:42:43,270 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 24/134 +[2024-10-13 16:42:43,331 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 25/134 +[2024-10-13 16:42:43,391 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 26/134 +[2024-10-13 16:42:43,451 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 27/134 +[2024-10-13 16:42:43,511 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 28/134 +[2024-10-13 16:42:43,572 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 29/134 +[2024-10-13 16:42:43,632 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 30/134 +[2024-10-13 16:42:43,692 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 31/134 +[2024-10-13 16:42:43,752 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 32/134 +[2024-10-13 16:42:43,813 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 33/134 +[2024-10-13 16:42:43,873 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 34/134 +[2024-10-13 16:42:43,933 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 35/134 +[2024-10-13 16:42:43,993 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 36/134 +[2024-10-13 16:42:44,054 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 37/134 +[2024-10-13 16:42:44,114 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 38/134 +[2024-10-13 16:42:44,174 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 39/134 +[2024-10-13 16:42:44,233 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 40/134 +[2024-10-13 16:42:44,292 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 41/134 +[2024-10-13 16:42:44,351 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 42/134 +[2024-10-13 16:42:44,410 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 43/134 +[2024-10-13 16:42:44,468 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 44/134 +[2024-10-13 16:42:44,527 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 45/134 +[2024-10-13 16:42:44,586 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 46/134 +[2024-10-13 16:42:44,645 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 47/134 +[2024-10-13 16:42:44,703 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 48/134 +[2024-10-13 16:42:44,762 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 49/134 +[2024-10-13 16:42:44,821 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 50/134 +[2024-10-13 16:42:44,880 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 51/134 +[2024-10-13 16:42:44,997 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 52/134 +[2024-10-13 16:42:45,061 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 53/134 +[2024-10-13 16:42:45,122 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 54/134 +[2024-10-13 16:42:45,183 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 55/134 +[2024-10-13 16:42:45,244 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 56/134 +[2024-10-13 16:42:45,303 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 57/134 +[2024-10-13 16:42:45,361 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 58/134 +[2024-10-13 16:42:45,420 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 59/134 +[2024-10-13 16:42:45,478 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 60/134 +[2024-10-13 16:42:45,537 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 61/134 +[2024-10-13 16:42:45,596 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 62/134 +[2024-10-13 16:42:45,655 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 63/134 +[2024-10-13 16:42:45,713 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 64/134 +[2024-10-13 16:42:45,772 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 65/134 +[2024-10-13 16:42:45,831 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 66/134 +[2024-10-13 16:42:45,890 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 67/134 +[2024-10-13 16:42:45,948 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 68/134 +[2024-10-13 16:42:46,007 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 69/134 +[2024-10-13 16:42:46,066 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 70/134 +[2024-10-13 16:42:46,124 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 71/134 +[2024-10-13 16:42:46,183 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 72/134 +[2024-10-13 16:42:46,242 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 73/134 +[2024-10-13 16:42:46,300 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 74/134 +[2024-10-13 16:42:46,359 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 75/134 +[2024-10-13 16:42:46,418 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 76/134 +[2024-10-13 16:42:46,476 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 77/134 +[2024-10-13 16:42:46,535 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 78/134 +[2024-10-13 16:42:46,594 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 79/134 +[2024-10-13 16:42:46,652 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 80/134 +[2024-10-13 16:42:46,711 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 81/134 +[2024-10-13 16:42:46,770 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 82/134 +[2024-10-13 16:42:46,828 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 83/134 +[2024-10-13 16:42:46,892 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 84/134 +[2024-10-13 16:42:46,956 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 85/134 +[2024-10-13 16:42:47,020 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 86/134 +[2024-10-13 16:42:47,084 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 87/134 +[2024-10-13 16:42:47,148 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 88/134 +[2024-10-13 16:42:47,212 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 89/134 +[2024-10-13 16:42:47,276 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 90/134 +[2024-10-13 16:42:47,340 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 91/134 +[2024-10-13 16:42:47,404 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 92/134 +[2024-10-13 16:42:47,468 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 93/134 +[2024-10-13 16:42:47,532 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 94/134 +[2024-10-13 16:42:47,595 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 95/134 +[2024-10-13 16:42:47,659 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 96/134 +[2024-10-13 16:42:47,722 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 97/134 +[2024-10-13 16:42:47,786 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 98/134 +[2024-10-13 16:42:47,849 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 99/134 +[2024-10-13 16:42:47,913 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 100/134 +[2024-10-13 16:42:47,976 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 101/134 +[2024-10-13 16:42:48,040 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 102/134 +[2024-10-13 16:42:48,103 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 103/134 +[2024-10-13 16:42:48,167 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 104/134 +[2024-10-13 16:42:48,230 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 105/134 +[2024-10-13 16:42:48,293 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 106/134 +[2024-10-13 16:42:48,357 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 107/134 +[2024-10-13 16:42:48,420 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 108/134 +[2024-10-13 16:42:48,483 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 109/134 +[2024-10-13 16:42:48,546 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 110/134 +[2024-10-13 16:42:48,609 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 111/134 +[2024-10-13 16:42:48,673 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 112/134 +[2024-10-13 16:42:48,736 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 113/134 +[2024-10-13 16:42:48,800 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 114/134 +[2024-10-13 16:42:48,863 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 115/134 +[2024-10-13 16:42:48,926 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 116/134 +[2024-10-13 16:42:48,990 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 117/134 +[2024-10-13 16:42:49,053 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 118/134 +[2024-10-13 16:42:49,117 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 119/134 +[2024-10-13 16:42:49,180 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 120/134 +[2024-10-13 16:42:49,244 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 121/134 +[2024-10-13 16:42:49,307 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 122/134 +[2024-10-13 16:42:49,370 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 123/134 +[2024-10-13 16:42:49,431 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 124/134 +[2024-10-13 16:42:49,491 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 125/134 +[2024-10-13 16:42:49,552 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 126/134 +[2024-10-13 16:42:49,612 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 127/134 +[2024-10-13 16:42:49,672 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 128/134 +[2024-10-13 16:42:49,733 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 129/134 +[2024-10-13 16:42:49,793 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 130/134 +[2024-10-13 16:42:49,853 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 131/134 +[2024-10-13 16:42:49,914 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 132/134 +[2024-10-13 16:42:49,974 INFO test.py line 186 25394] Test: 228/312-scene0153_00, Batch: 133/134 +[2024-10-13 16:42:50,041 INFO test.py line 272 25394] Test: scene0153_00 [228/312]-47709 Batch 8.285 (19.349) Accuracy 0.8219 (0.4727) mIoU 0.5303 (0.3601) +[2024-10-13 16:42:50,219 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 0/125 +[2024-10-13 16:42:50,369 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 1/125 +[2024-10-13 16:42:50,520 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 2/125 +[2024-10-13 16:42:50,670 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 3/125 +[2024-10-13 16:42:50,820 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 4/125 +[2024-10-13 16:42:50,971 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 5/125 +[2024-10-13 16:42:51,121 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 6/125 +[2024-10-13 16:42:51,272 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 7/125 +[2024-10-13 16:42:51,423 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 8/125 +[2024-10-13 16:42:51,574 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 9/125 +[2024-10-13 16:42:51,724 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 10/125 +[2024-10-13 16:42:51,874 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 11/125 +[2024-10-13 16:42:52,024 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 12/125 +[2024-10-13 16:42:52,174 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 13/125 +[2024-10-13 16:42:52,324 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 14/125 +[2024-10-13 16:42:52,474 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 15/125 +[2024-10-13 16:42:52,625 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 16/125 +[2024-10-13 16:42:52,788 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 17/125 +[2024-10-13 16:42:52,939 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 18/125 +[2024-10-13 16:42:53,088 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 19/125 +[2024-10-13 16:42:53,237 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 20/125 +[2024-10-13 16:42:53,386 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 21/125 +[2024-10-13 16:42:53,536 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 22/125 +[2024-10-13 16:42:53,685 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 23/125 +[2024-10-13 16:42:53,835 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 24/125 +[2024-10-13 16:42:53,985 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 25/125 +[2024-10-13 16:42:54,134 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 26/125 +[2024-10-13 16:42:54,284 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 27/125 +[2024-10-13 16:42:54,434 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 28/125 +[2024-10-13 16:42:54,584 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 29/125 +[2024-10-13 16:42:54,734 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 30/125 +[2024-10-13 16:42:54,884 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 31/125 +[2024-10-13 16:42:55,034 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 32/125 +[2024-10-13 16:42:55,184 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 33/125 +[2024-10-13 16:42:55,334 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 34/125 +[2024-10-13 16:42:55,484 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 35/125 +[2024-10-13 16:42:55,625 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 36/125 +[2024-10-13 16:42:55,766 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 37/125 +[2024-10-13 16:42:55,908 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 38/125 +[2024-10-13 16:42:56,049 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 39/125 +[2024-10-13 16:42:56,190 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 40/125 +[2024-10-13 16:42:56,331 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 41/125 +[2024-10-13 16:42:56,472 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 42/125 +[2024-10-13 16:42:56,613 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 43/125 +[2024-10-13 16:42:56,754 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 44/125 +[2024-10-13 16:42:56,895 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 45/125 +[2024-10-13 16:42:57,036 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 46/125 +[2024-10-13 16:42:57,177 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 47/125 +[2024-10-13 16:42:57,319 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 48/125 +[2024-10-13 16:42:57,460 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 49/125 +[2024-10-13 16:42:57,602 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 50/125 +[2024-10-13 16:42:57,744 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 51/125 +[2024-10-13 16:42:57,886 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 52/125 +[2024-10-13 16:42:58,028 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 53/125 +[2024-10-13 16:42:58,169 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 54/125 +[2024-10-13 16:42:58,311 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 55/125 +[2024-10-13 16:42:58,452 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 56/125 +[2024-10-13 16:42:58,594 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 57/125 +[2024-10-13 16:42:58,734 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 58/125 +[2024-10-13 16:42:58,875 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 59/125 +[2024-10-13 16:42:59,015 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 60/125 +[2024-10-13 16:42:59,155 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 61/125 +[2024-10-13 16:42:59,296 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 62/125 +[2024-10-13 16:42:59,437 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 63/125 +[2024-10-13 16:42:59,577 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 64/125 +[2024-10-13 16:42:59,717 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 65/125 +[2024-10-13 16:42:59,858 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 66/125 +[2024-10-13 16:42:59,999 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 67/125 +[2024-10-13 16:43:00,140 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 68/125 +[2024-10-13 16:43:00,280 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 69/125 +[2024-10-13 16:43:00,421 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 70/125 +[2024-10-13 16:43:00,561 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 71/125 +[2024-10-13 16:43:00,702 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 72/125 +[2024-10-13 16:43:00,843 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 73/125 +[2024-10-13 16:43:00,983 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 74/125 +[2024-10-13 16:43:01,124 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 75/125 +[2024-10-13 16:43:01,265 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 76/125 +[2024-10-13 16:43:01,405 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 77/125 +[2024-10-13 16:43:01,547 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 78/125 +[2024-10-13 16:43:01,687 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 79/125 +[2024-10-13 16:43:01,847 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 80/125 +[2024-10-13 16:43:02,007 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 81/125 +[2024-10-13 16:43:02,167 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 82/125 +[2024-10-13 16:43:02,327 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 83/125 +[2024-10-13 16:43:02,487 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 84/125 +[2024-10-13 16:43:02,647 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 85/125 +[2024-10-13 16:43:02,807 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 86/125 +[2024-10-13 16:43:02,967 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 87/125 +[2024-10-13 16:43:03,127 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 88/125 +[2024-10-13 16:43:03,287 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 89/125 +[2024-10-13 16:43:03,447 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 90/125 +[2024-10-13 16:43:03,607 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 91/125 +[2024-10-13 16:43:03,767 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 92/125 +[2024-10-13 16:43:03,927 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 93/125 +[2024-10-13 16:43:04,087 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 94/125 +[2024-10-13 16:43:04,247 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 95/125 +[2024-10-13 16:43:04,407 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 96/125 +[2024-10-13 16:43:04,567 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 97/125 +[2024-10-13 16:43:04,727 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 98/125 +[2024-10-13 16:43:04,887 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 99/125 +[2024-10-13 16:43:05,047 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 100/125 +[2024-10-13 16:43:05,207 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 101/125 +[2024-10-13 16:43:05,367 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 102/125 +[2024-10-13 16:43:05,527 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 103/125 +[2024-10-13 16:43:05,687 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 104/125 +[2024-10-13 16:43:05,847 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 105/125 +[2024-10-13 16:43:06,007 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 106/125 +[2024-10-13 16:43:06,166 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 107/125 +[2024-10-13 16:43:06,326 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 108/125 +[2024-10-13 16:43:06,486 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 109/125 +[2024-10-13 16:43:06,646 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 110/125 +[2024-10-13 16:43:06,806 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 111/125 +[2024-10-13 16:43:06,966 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 112/125 +[2024-10-13 16:43:07,126 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 113/125 +[2024-10-13 16:43:07,286 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 114/125 +[2024-10-13 16:43:07,446 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 115/125 +[2024-10-13 16:43:07,595 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 116/125 +[2024-10-13 16:43:07,745 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 117/125 +[2024-10-13 16:43:07,894 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 118/125 +[2024-10-13 16:43:08,044 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 119/125 +[2024-10-13 16:43:08,193 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 120/125 +[2024-10-13 16:43:08,342 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 121/125 +[2024-10-13 16:43:08,492 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 122/125 +[2024-10-13 16:43:08,642 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 123/125 +[2024-10-13 16:43:08,791 INFO test.py line 186 25394] Test: 229/312-scene0670_00, Batch: 124/125 +[2024-10-13 16:43:09,019 INFO test.py line 272 25394] Test: scene0670_00 [229/312]-176038 Batch 18.977 (19.347) Accuracy 0.7923 (0.4729) mIoU 0.3313 (0.3603) +[2024-10-13 16:43:09,155 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 0/138 +[2024-10-13 16:43:09,274 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 1/138 +[2024-10-13 16:43:09,394 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 2/138 +[2024-10-13 16:43:09,514 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 3/138 +[2024-10-13 16:43:09,633 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 4/138 +[2024-10-13 16:43:09,753 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 5/138 +[2024-10-13 16:43:09,873 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 6/138 +[2024-10-13 16:43:09,993 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 7/138 +[2024-10-13 16:43:10,112 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 8/138 +[2024-10-13 16:43:10,232 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 9/138 +[2024-10-13 16:43:10,351 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 10/138 +[2024-10-13 16:43:10,470 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 11/138 +[2024-10-13 16:43:10,588 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 12/138 +[2024-10-13 16:43:10,707 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 13/138 +[2024-10-13 16:43:10,826 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 14/138 +[2024-10-13 16:43:10,944 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 15/138 +[2024-10-13 16:43:11,063 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 16/138 +[2024-10-13 16:43:11,182 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 17/138 +[2024-10-13 16:43:11,300 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 18/138 +[2024-10-13 16:43:11,419 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 19/138 +[2024-10-13 16:43:11,538 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 20/138 +[2024-10-13 16:43:11,658 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 21/138 +[2024-10-13 16:43:11,777 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 22/138 +[2024-10-13 16:43:11,897 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 23/138 +[2024-10-13 16:43:12,016 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 24/138 +[2024-10-13 16:43:12,136 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 25/138 +[2024-10-13 16:43:12,255 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 26/138 +[2024-10-13 16:43:12,374 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 27/138 +[2024-10-13 16:43:12,494 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 28/138 +[2024-10-13 16:43:12,613 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 29/138 +[2024-10-13 16:43:12,733 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 30/138 +[2024-10-13 16:43:12,890 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 31/138 +[2024-10-13 16:43:13,011 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 32/138 +[2024-10-13 16:43:13,132 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 33/138 +[2024-10-13 16:43:13,251 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 34/138 +[2024-10-13 16:43:13,371 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 35/138 +[2024-10-13 16:43:13,490 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 36/138 +[2024-10-13 16:43:13,610 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 37/138 +[2024-10-13 16:43:13,730 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 38/138 +[2024-10-13 16:43:13,849 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 39/138 +[2024-10-13 16:43:13,961 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 40/138 +[2024-10-13 16:43:14,072 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 41/138 +[2024-10-13 16:43:14,182 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 42/138 +[2024-10-13 16:43:14,293 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 43/138 +[2024-10-13 16:43:14,404 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 44/138 +[2024-10-13 16:43:14,515 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 45/138 +[2024-10-13 16:43:14,626 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 46/138 +[2024-10-13 16:43:14,737 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 47/138 +[2024-10-13 16:43:14,848 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 48/138 +[2024-10-13 16:43:14,959 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 49/138 +[2024-10-13 16:43:15,070 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 50/138 +[2024-10-13 16:43:15,181 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 51/138 +[2024-10-13 16:43:15,293 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 52/138 +[2024-10-13 16:43:15,405 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 53/138 +[2024-10-13 16:43:15,517 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 54/138 +[2024-10-13 16:43:15,629 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 55/138 +[2024-10-13 16:43:15,741 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 56/138 +[2024-10-13 16:43:15,853 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 57/138 +[2024-10-13 16:43:15,964 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 58/138 +[2024-10-13 16:43:16,076 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 59/138 +[2024-10-13 16:43:16,188 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 60/138 +[2024-10-13 16:43:16,300 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 61/138 +[2024-10-13 16:43:16,412 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 62/138 +[2024-10-13 16:43:16,523 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 63/138 +[2024-10-13 16:43:16,635 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 64/138 +[2024-10-13 16:43:16,747 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 65/138 +[2024-10-13 16:43:16,859 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 66/138 +[2024-10-13 16:43:16,971 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 67/138 +[2024-10-13 16:43:17,083 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 68/138 +[2024-10-13 16:43:17,195 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 69/138 +[2024-10-13 16:43:17,306 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 70/138 +[2024-10-13 16:43:17,418 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 71/138 +[2024-10-13 16:43:17,530 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 72/138 +[2024-10-13 16:43:17,642 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 73/138 +[2024-10-13 16:43:17,754 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 74/138 +[2024-10-13 16:43:17,866 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 75/138 +[2024-10-13 16:43:17,977 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 76/138 +[2024-10-13 16:43:18,088 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 77/138 +[2024-10-13 16:43:18,199 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 78/138 +[2024-10-13 16:43:18,311 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 79/138 +[2024-10-13 16:43:18,422 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 80/138 +[2024-10-13 16:43:18,533 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 81/138 +[2024-10-13 16:43:18,644 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 82/138 +[2024-10-13 16:43:18,755 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 83/138 +[2024-10-13 16:43:18,866 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 84/138 +[2024-10-13 16:43:18,977 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 85/138 +[2024-10-13 16:43:19,088 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 86/138 +[2024-10-13 16:43:19,199 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 87/138 +[2024-10-13 16:43:19,325 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 88/138 +[2024-10-13 16:43:19,451 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 89/138 +[2024-10-13 16:43:19,576 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 90/138 +[2024-10-13 16:43:19,701 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 91/138 +[2024-10-13 16:43:19,826 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 92/138 +[2024-10-13 16:43:19,952 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 93/138 +[2024-10-13 16:43:20,077 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 94/138 +[2024-10-13 16:43:20,202 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 95/138 +[2024-10-13 16:43:20,328 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 96/138 +[2024-10-13 16:43:20,453 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 97/138 +[2024-10-13 16:43:20,578 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 98/138 +[2024-10-13 16:43:20,704 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 99/138 +[2024-10-13 16:43:20,829 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 100/138 +[2024-10-13 16:43:20,955 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 101/138 +[2024-10-13 16:43:21,080 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 102/138 +[2024-10-13 16:43:21,206 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 103/138 +[2024-10-13 16:43:21,331 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 104/138 +[2024-10-13 16:43:21,457 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 105/138 +[2024-10-13 16:43:21,582 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 106/138 +[2024-10-13 16:43:21,708 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 107/138 +[2024-10-13 16:43:21,833 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 108/138 +[2024-10-13 16:43:21,958 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 109/138 +[2024-10-13 16:43:22,083 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 110/138 +[2024-10-13 16:43:22,208 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 111/138 +[2024-10-13 16:43:22,333 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 112/138 +[2024-10-13 16:43:22,459 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 113/138 +[2024-10-13 16:43:22,584 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 114/138 +[2024-10-13 16:43:22,709 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 115/138 +[2024-10-13 16:43:22,834 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 116/138 +[2024-10-13 16:43:22,959 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 117/138 +[2024-10-13 16:43:23,085 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 118/138 +[2024-10-13 16:43:23,210 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 119/138 +[2024-10-13 16:43:23,336 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 120/138 +[2024-10-13 16:43:23,462 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 121/138 +[2024-10-13 16:43:23,587 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 122/138 +[2024-10-13 16:43:23,713 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 123/138 +[2024-10-13 16:43:23,839 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 124/138 +[2024-10-13 16:43:23,964 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 125/138 +[2024-10-13 16:43:24,090 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 126/138 +[2024-10-13 16:43:24,215 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 127/138 +[2024-10-13 16:43:24,335 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 128/138 +[2024-10-13 16:43:24,454 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 129/138 +[2024-10-13 16:43:24,574 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 130/138 +[2024-10-13 16:43:24,693 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 131/138 +[2024-10-13 16:43:24,812 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 132/138 +[2024-10-13 16:43:24,931 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 133/138 +[2024-10-13 16:43:25,051 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 134/138 +[2024-10-13 16:43:25,170 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 135/138 +[2024-10-13 16:43:25,290 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 136/138 +[2024-10-13 16:43:25,409 INFO test.py line 186 25394] Test: 230/312-scene0426_03, Batch: 137/138 +[2024-10-13 16:43:25,577 INFO test.py line 272 25394] Test: scene0426_03 [230/312]-126181 Batch 16.558 (19.335) Accuracy 0.8083 (0.4726) mIoU 0.3428 (0.3598) +[2024-10-13 16:43:25,697 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 0/129 +[2024-10-13 16:43:25,802 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 1/129 +[2024-10-13 16:43:25,908 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 2/129 +[2024-10-13 16:43:26,013 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 3/129 +[2024-10-13 16:43:26,118 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 4/129 +[2024-10-13 16:43:26,224 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 5/129 +[2024-10-13 16:43:26,329 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 6/129 +[2024-10-13 16:43:26,435 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 7/129 +[2024-10-13 16:43:26,540 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 8/129 +[2024-10-13 16:43:26,646 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 9/129 +[2024-10-13 16:43:26,751 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 10/129 +[2024-10-13 16:43:26,857 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 11/129 +[2024-10-13 16:43:26,980 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 12/129 +[2024-10-13 16:43:27,106 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 13/129 +[2024-10-13 16:43:27,212 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 14/129 +[2024-10-13 16:43:27,318 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 15/129 +[2024-10-13 16:43:27,424 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 16/129 +[2024-10-13 16:43:27,530 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 17/129 +[2024-10-13 16:43:27,636 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 18/129 +[2024-10-13 16:43:27,742 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 19/129 +[2024-10-13 16:43:27,848 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 20/129 +[2024-10-13 16:43:27,954 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 21/129 +[2024-10-13 16:43:28,060 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 22/129 +[2024-10-13 16:43:28,167 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 23/129 +[2024-10-13 16:43:28,272 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 24/129 +[2024-10-13 16:43:28,378 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 25/129 +[2024-10-13 16:43:28,485 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 26/129 +[2024-10-13 16:43:28,590 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 27/129 +[2024-10-13 16:43:28,695 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 28/129 +[2024-10-13 16:43:28,801 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 29/129 +[2024-10-13 16:43:28,907 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 30/129 +[2024-10-13 16:43:29,012 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 31/129 +[2024-10-13 16:43:29,118 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 32/129 +[2024-10-13 16:43:29,223 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 33/129 +[2024-10-13 16:43:29,328 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 34/129 +[2024-10-13 16:43:29,434 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 35/129 +[2024-10-13 16:43:29,533 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 36/129 +[2024-10-13 16:43:29,632 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 37/129 +[2024-10-13 16:43:29,731 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 38/129 +[2024-10-13 16:43:29,831 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 39/129 +[2024-10-13 16:43:29,930 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 40/129 +[2024-10-13 16:43:30,030 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 41/129 +[2024-10-13 16:43:30,129 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 42/129 +[2024-10-13 16:43:30,229 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 43/129 +[2024-10-13 16:43:30,328 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 44/129 +[2024-10-13 16:43:30,428 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 45/129 +[2024-10-13 16:43:30,527 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 46/129 +[2024-10-13 16:43:30,627 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 47/129 +[2024-10-13 16:43:30,726 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 48/129 +[2024-10-13 16:43:30,826 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 49/129 +[2024-10-13 16:43:30,925 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 50/129 +[2024-10-13 16:43:31,024 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 51/129 +[2024-10-13 16:43:31,123 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 52/129 +[2024-10-13 16:43:31,223 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 53/129 +[2024-10-13 16:43:31,322 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 54/129 +[2024-10-13 16:43:31,421 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 55/129 +[2024-10-13 16:43:31,521 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 56/129 +[2024-10-13 16:43:31,620 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 57/129 +[2024-10-13 16:43:31,719 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 58/129 +[2024-10-13 16:43:31,818 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 59/129 +[2024-10-13 16:43:31,918 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 60/129 +[2024-10-13 16:43:32,018 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 61/129 +[2024-10-13 16:43:32,118 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 62/129 +[2024-10-13 16:43:32,217 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 63/129 +[2024-10-13 16:43:32,317 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 64/129 +[2024-10-13 16:43:32,417 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 65/129 +[2024-10-13 16:43:32,517 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 66/129 +[2024-10-13 16:43:32,617 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 67/129 +[2024-10-13 16:43:32,716 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 68/129 +[2024-10-13 16:43:32,816 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 69/129 +[2024-10-13 16:43:32,916 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 70/129 +[2024-10-13 16:43:33,016 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 71/129 +[2024-10-13 16:43:33,115 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 72/129 +[2024-10-13 16:43:33,215 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 73/129 +[2024-10-13 16:43:33,315 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 74/129 +[2024-10-13 16:43:33,415 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 75/129 +[2024-10-13 16:43:33,515 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 76/129 +[2024-10-13 16:43:33,615 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 77/129 +[2024-10-13 16:43:33,715 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 78/129 +[2024-10-13 16:43:33,815 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 79/129 +[2024-10-13 16:43:33,914 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 80/129 +[2024-10-13 16:43:34,014 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 81/129 +[2024-10-13 16:43:34,114 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 82/129 +[2024-10-13 16:43:34,214 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 83/129 +[2024-10-13 16:43:34,325 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 84/129 +[2024-10-13 16:43:34,436 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 85/129 +[2024-10-13 16:43:34,547 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 86/129 +[2024-10-13 16:43:34,658 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 87/129 +[2024-10-13 16:43:34,770 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 88/129 +[2024-10-13 16:43:34,880 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 89/129 +[2024-10-13 16:43:34,991 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 90/129 +[2024-10-13 16:43:35,103 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 91/129 +[2024-10-13 16:43:35,214 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 92/129 +[2024-10-13 16:43:35,325 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 93/129 +[2024-10-13 16:43:35,436 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 94/129 +[2024-10-13 16:43:35,548 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 95/129 +[2024-10-13 16:43:35,659 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 96/129 +[2024-10-13 16:43:35,770 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 97/129 +[2024-10-13 16:43:35,881 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 98/129 +[2024-10-13 16:43:35,993 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 99/129 +[2024-10-13 16:43:36,104 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 100/129 +[2024-10-13 16:43:36,216 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 101/129 +[2024-10-13 16:43:36,328 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 102/129 +[2024-10-13 16:43:36,439 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 103/129 +[2024-10-13 16:43:36,552 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 104/129 +[2024-10-13 16:43:36,663 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 105/129 +[2024-10-13 16:43:36,775 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 106/129 +[2024-10-13 16:43:36,887 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 107/129 +[2024-10-13 16:43:36,999 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 108/129 +[2024-10-13 16:43:37,111 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 109/129 +[2024-10-13 16:43:37,223 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 110/129 +[2024-10-13 16:43:37,333 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 111/129 +[2024-10-13 16:43:37,444 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 112/129 +[2024-10-13 16:43:37,555 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 113/129 +[2024-10-13 16:43:37,666 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 114/129 +[2024-10-13 16:43:37,776 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 115/129 +[2024-10-13 16:43:37,887 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 116/129 +[2024-10-13 16:43:37,998 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 117/129 +[2024-10-13 16:43:38,109 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 118/129 +[2024-10-13 16:43:38,219 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 119/129 +[2024-10-13 16:43:38,326 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 120/129 +[2024-10-13 16:43:38,431 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 121/129 +[2024-10-13 16:43:38,537 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 122/129 +[2024-10-13 16:43:38,643 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 123/129 +[2024-10-13 16:43:38,749 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 124/129 +[2024-10-13 16:43:38,855 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 125/129 +[2024-10-13 16:43:38,961 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 126/129 +[2024-10-13 16:43:39,067 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 127/129 +[2024-10-13 16:43:39,173 INFO test.py line 186 25394] Test: 231/312-scene0377_02, Batch: 128/129 +[2024-10-13 16:43:39,323 INFO test.py line 272 25394] Test: scene0377_02 [231/312]-113557 Batch 13.746 (19.311) Accuracy 0.8110 (0.4721) mIoU 0.1875 (0.3595) +[2024-10-13 16:43:39,501 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 0/122 +[2024-10-13 16:43:39,651 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 1/122 +[2024-10-13 16:43:39,801 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 2/122 +[2024-10-13 16:43:39,952 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 3/122 +[2024-10-13 16:43:40,102 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 4/122 +[2024-10-13 16:43:40,252 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 5/122 +[2024-10-13 16:43:40,402 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 6/122 +[2024-10-13 16:43:40,553 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 7/122 +[2024-10-13 16:43:40,703 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 8/122 +[2024-10-13 16:43:40,853 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 9/122 +[2024-10-13 16:43:41,003 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 10/122 +[2024-10-13 16:43:41,153 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 11/122 +[2024-10-13 16:43:41,304 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 12/122 +[2024-10-13 16:43:41,454 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 13/122 +[2024-10-13 16:43:41,604 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 14/122 +[2024-10-13 16:43:41,754 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 15/122 +[2024-10-13 16:43:41,904 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 16/122 +[2024-10-13 16:43:42,055 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 17/122 +[2024-10-13 16:43:42,205 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 18/122 +[2024-10-13 16:43:42,355 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 19/122 +[2024-10-13 16:43:42,506 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 20/122 +[2024-10-13 16:43:42,657 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 21/122 +[2024-10-13 16:43:42,808 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 22/122 +[2024-10-13 16:43:42,959 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 23/122 +[2024-10-13 16:43:43,110 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 24/122 +[2024-10-13 16:43:43,261 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 25/122 +[2024-10-13 16:43:43,411 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 26/122 +[2024-10-13 16:43:43,562 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 27/122 +[2024-10-13 16:43:43,713 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 28/122 +[2024-10-13 16:43:43,864 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 29/122 +[2024-10-13 16:43:44,016 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 30/122 +[2024-10-13 16:43:44,167 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 31/122 +[2024-10-13 16:43:44,319 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 32/122 +[2024-10-13 16:43:44,470 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 33/122 +[2024-10-13 16:43:44,621 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 34/122 +[2024-10-13 16:43:44,773 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 35/122 +[2024-10-13 16:43:44,965 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 36/122 +[2024-10-13 16:43:45,119 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 37/122 +[2024-10-13 16:43:45,271 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 38/122 +[2024-10-13 16:43:45,422 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 39/122 +[2024-10-13 16:43:45,563 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 40/122 +[2024-10-13 16:43:45,705 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 41/122 +[2024-10-13 16:43:45,846 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 42/122 +[2024-10-13 16:43:45,987 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 43/122 +[2024-10-13 16:43:46,128 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 44/122 +[2024-10-13 16:43:46,269 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 45/122 +[2024-10-13 16:43:46,411 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 46/122 +[2024-10-13 16:43:46,552 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 47/122 +[2024-10-13 16:43:46,693 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 48/122 +[2024-10-13 16:43:46,835 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 49/122 +[2024-10-13 16:43:46,976 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 50/122 +[2024-10-13 16:43:47,117 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 51/122 +[2024-10-13 16:43:47,258 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 52/122 +[2024-10-13 16:43:47,400 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 53/122 +[2024-10-13 16:43:47,541 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 54/122 +[2024-10-13 16:43:47,682 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 55/122 +[2024-10-13 16:43:47,823 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 56/122 +[2024-10-13 16:43:47,965 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 57/122 +[2024-10-13 16:43:48,106 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 58/122 +[2024-10-13 16:43:48,247 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 59/122 +[2024-10-13 16:43:48,389 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 60/122 +[2024-10-13 16:43:48,530 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 61/122 +[2024-10-13 16:43:48,671 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 62/122 +[2024-10-13 16:43:48,813 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 63/122 +[2024-10-13 16:43:48,954 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 64/122 +[2024-10-13 16:43:49,096 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 65/122 +[2024-10-13 16:43:49,237 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 66/122 +[2024-10-13 16:43:49,379 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 67/122 +[2024-10-13 16:43:49,520 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 68/122 +[2024-10-13 16:43:49,661 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 69/122 +[2024-10-13 16:43:49,803 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 70/122 +[2024-10-13 16:43:49,944 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 71/122 +[2024-10-13 16:43:50,086 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 72/122 +[2024-10-13 16:43:50,228 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 73/122 +[2024-10-13 16:43:50,369 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 74/122 +[2024-10-13 16:43:50,511 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 75/122 +[2024-10-13 16:43:50,653 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 76/122 +[2024-10-13 16:43:50,794 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 77/122 +[2024-10-13 16:43:50,935 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 78/122 +[2024-10-13 16:43:51,077 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 79/122 +[2024-10-13 16:43:51,235 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 80/122 +[2024-10-13 16:43:51,394 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 81/122 +[2024-10-13 16:43:51,553 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 82/122 +[2024-10-13 16:43:51,712 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 83/122 +[2024-10-13 16:43:51,871 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 84/122 +[2024-10-13 16:43:52,029 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 85/122 +[2024-10-13 16:43:52,188 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 86/122 +[2024-10-13 16:43:52,346 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 87/122 +[2024-10-13 16:43:52,504 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 88/122 +[2024-10-13 16:43:52,663 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 89/122 +[2024-10-13 16:43:52,821 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 90/122 +[2024-10-13 16:43:52,980 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 91/122 +[2024-10-13 16:43:53,138 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 92/122 +[2024-10-13 16:43:53,297 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 93/122 +[2024-10-13 16:43:53,456 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 94/122 +[2024-10-13 16:43:53,615 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 95/122 +[2024-10-13 16:43:53,774 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 96/122 +[2024-10-13 16:43:53,932 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 97/122 +[2024-10-13 16:43:54,091 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 98/122 +[2024-10-13 16:43:54,250 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 99/122 +[2024-10-13 16:43:54,409 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 100/122 +[2024-10-13 16:43:54,567 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 101/122 +[2024-10-13 16:43:54,726 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 102/122 +[2024-10-13 16:43:54,884 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 103/122 +[2024-10-13 16:43:55,042 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 104/122 +[2024-10-13 16:43:55,201 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 105/122 +[2024-10-13 16:43:55,360 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 106/122 +[2024-10-13 16:43:55,519 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 107/122 +[2024-10-13 16:43:55,678 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 108/122 +[2024-10-13 16:43:55,836 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 109/122 +[2024-10-13 16:43:55,995 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 110/122 +[2024-10-13 16:43:56,154 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 111/122 +[2024-10-13 16:43:56,305 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 112/122 +[2024-10-13 16:43:56,456 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 113/122 +[2024-10-13 16:43:56,607 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 114/122 +[2024-10-13 16:43:56,758 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 115/122 +[2024-10-13 16:43:56,909 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 116/122 +[2024-10-13 16:43:57,060 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 117/122 +[2024-10-13 16:43:57,210 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 118/122 +[2024-10-13 16:43:57,361 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 119/122 +[2024-10-13 16:43:57,512 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 120/122 +[2024-10-13 16:43:57,663 INFO test.py line 186 25394] Test: 232/312-scene0606_02, Batch: 121/122 +[2024-10-13 16:43:57,875 INFO test.py line 272 25394] Test: scene0606_02 [232/312]-167932 Batch 18.552 (19.307) Accuracy 0.7361 (0.4716) mIoU 0.1985 (0.3587) +[2024-10-13 16:43:57,956 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 0/131 +[2024-10-13 16:43:58,027 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 1/131 +[2024-10-13 16:43:58,097 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 2/131 +[2024-10-13 16:43:58,167 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 3/131 +[2024-10-13 16:43:58,237 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 4/131 +[2024-10-13 16:43:58,307 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 5/131 +[2024-10-13 16:43:58,378 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 6/131 +[2024-10-13 16:43:58,448 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 7/131 +[2024-10-13 16:43:58,518 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 8/131 +[2024-10-13 16:43:58,588 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 9/131 +[2024-10-13 16:43:58,659 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 10/131 +[2024-10-13 16:43:58,729 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 11/131 +[2024-10-13 16:43:58,799 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 12/131 +[2024-10-13 16:43:58,869 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 13/131 +[2024-10-13 16:43:58,939 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 14/131 +[2024-10-13 16:43:59,009 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 15/131 +[2024-10-13 16:43:59,079 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 16/131 +[2024-10-13 16:43:59,149 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 17/131 +[2024-10-13 16:43:59,220 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 18/131 +[2024-10-13 16:43:59,290 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 19/131 +[2024-10-13 16:43:59,360 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 20/131 +[2024-10-13 16:43:59,430 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 21/131 +[2024-10-13 16:43:59,500 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 22/131 +[2024-10-13 16:43:59,570 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 23/131 +[2024-10-13 16:43:59,640 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 24/131 +[2024-10-13 16:43:59,710 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 25/131 +[2024-10-13 16:43:59,781 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 26/131 +[2024-10-13 16:43:59,851 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 27/131 +[2024-10-13 16:43:59,921 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 28/131 +[2024-10-13 16:43:59,991 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 29/131 +[2024-10-13 16:44:00,062 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 30/131 +[2024-10-13 16:44:00,132 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 31/131 +[2024-10-13 16:44:00,202 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 32/131 +[2024-10-13 16:44:00,272 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 33/131 +[2024-10-13 16:44:00,343 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 34/131 +[2024-10-13 16:44:00,413 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 35/131 +[2024-10-13 16:44:00,483 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 36/131 +[2024-10-13 16:44:00,553 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 37/131 +[2024-10-13 16:44:00,624 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 38/131 +[2024-10-13 16:44:00,694 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 39/131 +[2024-10-13 16:44:00,764 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 40/131 +[2024-10-13 16:44:00,834 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 41/131 +[2024-10-13 16:44:00,905 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 42/131 +[2024-10-13 16:44:01,005 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 43/131 +[2024-10-13 16:44:01,098 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 44/131 +[2024-10-13 16:44:01,166 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 45/131 +[2024-10-13 16:44:01,234 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 46/131 +[2024-10-13 16:44:01,303 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 47/131 +[2024-10-13 16:44:01,369 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 48/131 +[2024-10-13 16:44:01,436 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 49/131 +[2024-10-13 16:44:01,502 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 50/131 +[2024-10-13 16:44:01,569 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 51/131 +[2024-10-13 16:44:01,636 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 52/131 +[2024-10-13 16:44:01,702 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 53/131 +[2024-10-13 16:44:01,769 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 54/131 +[2024-10-13 16:44:01,836 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 55/131 +[2024-10-13 16:44:01,902 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 56/131 +[2024-10-13 16:44:01,969 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 57/131 +[2024-10-13 16:44:02,036 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 58/131 +[2024-10-13 16:44:02,102 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 59/131 +[2024-10-13 16:44:02,169 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 60/131 +[2024-10-13 16:44:02,235 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 61/131 +[2024-10-13 16:44:02,302 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 62/131 +[2024-10-13 16:44:02,368 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 63/131 +[2024-10-13 16:44:02,435 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 64/131 +[2024-10-13 16:44:02,501 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 65/131 +[2024-10-13 16:44:02,568 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 66/131 +[2024-10-13 16:44:02,634 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 67/131 +[2024-10-13 16:44:02,701 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 68/131 +[2024-10-13 16:44:02,767 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 69/131 +[2024-10-13 16:44:02,834 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 70/131 +[2024-10-13 16:44:02,901 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 71/131 +[2024-10-13 16:44:02,967 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 72/131 +[2024-10-13 16:44:03,034 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 73/131 +[2024-10-13 16:44:03,100 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 74/131 +[2024-10-13 16:44:03,167 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 75/131 +[2024-10-13 16:44:03,233 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 76/131 +[2024-10-13 16:44:03,300 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 77/131 +[2024-10-13 16:44:03,366 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 78/131 +[2024-10-13 16:44:03,433 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 79/131 +[2024-10-13 16:44:03,506 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 80/131 +[2024-10-13 16:44:03,579 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 81/131 +[2024-10-13 16:44:03,653 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 82/131 +[2024-10-13 16:44:03,726 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 83/131 +[2024-10-13 16:44:03,800 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 84/131 +[2024-10-13 16:44:03,873 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 85/131 +[2024-10-13 16:44:03,946 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 86/131 +[2024-10-13 16:44:04,019 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 87/131 +[2024-10-13 16:44:04,092 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 88/131 +[2024-10-13 16:44:04,166 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 89/131 +[2024-10-13 16:44:04,239 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 90/131 +[2024-10-13 16:44:04,312 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 91/131 +[2024-10-13 16:44:04,385 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 92/131 +[2024-10-13 16:44:04,459 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 93/131 +[2024-10-13 16:44:04,532 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 94/131 +[2024-10-13 16:44:04,605 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 95/131 +[2024-10-13 16:44:04,679 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 96/131 +[2024-10-13 16:44:04,752 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 97/131 +[2024-10-13 16:44:04,825 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 98/131 +[2024-10-13 16:44:04,898 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 99/131 +[2024-10-13 16:44:04,972 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 100/131 +[2024-10-13 16:44:05,045 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 101/131 +[2024-10-13 16:44:05,119 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 102/131 +[2024-10-13 16:44:05,192 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 103/131 +[2024-10-13 16:44:05,265 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 104/131 +[2024-10-13 16:44:05,339 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 105/131 +[2024-10-13 16:44:05,412 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 106/131 +[2024-10-13 16:44:05,485 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 107/131 +[2024-10-13 16:44:05,559 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 108/131 +[2024-10-13 16:44:05,632 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 109/131 +[2024-10-13 16:44:05,705 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 110/131 +[2024-10-13 16:44:05,779 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 111/131 +[2024-10-13 16:44:05,852 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 112/131 +[2024-10-13 16:44:05,925 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 113/131 +[2024-10-13 16:44:05,999 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 114/131 +[2024-10-13 16:44:06,072 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 115/131 +[2024-10-13 16:44:06,145 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 116/131 +[2024-10-13 16:44:06,219 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 117/131 +[2024-10-13 16:44:06,292 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 118/131 +[2024-10-13 16:44:06,365 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 119/131 +[2024-10-13 16:44:06,436 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 120/131 +[2024-10-13 16:44:06,506 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 121/131 +[2024-10-13 16:44:06,576 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 122/131 +[2024-10-13 16:44:06,646 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 123/131 +[2024-10-13 16:44:06,716 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 124/131 +[2024-10-13 16:44:06,786 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 125/131 +[2024-10-13 16:44:06,857 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 126/131 +[2024-10-13 16:44:06,926 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 127/131 +[2024-10-13 16:44:06,997 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 128/131 +[2024-10-13 16:44:07,067 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 129/131 +[2024-10-13 16:44:07,137 INFO test.py line 186 25394] Test: 233/312-scene0494_00, Batch: 130/131 +[2024-10-13 16:44:07,221 INFO test.py line 272 25394] Test: scene0494_00 [233/312]-62048 Batch 9.345 (19.265) Accuracy 0.9768 (0.4716) mIoU 0.7930 (0.3587) +[2024-10-13 16:44:07,454 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 0/126 +[2024-10-13 16:44:07,651 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 1/126 +[2024-10-13 16:44:07,848 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 2/126 +[2024-10-13 16:44:08,044 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 3/126 +[2024-10-13 16:44:08,241 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 4/126 +[2024-10-13 16:44:08,437 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 5/126 +[2024-10-13 16:44:08,634 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 6/126 +[2024-10-13 16:44:08,846 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 7/126 +[2024-10-13 16:44:09,043 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 8/126 +[2024-10-13 16:44:09,239 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 9/126 +[2024-10-13 16:44:09,436 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 10/126 +[2024-10-13 16:44:09,633 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 11/126 +[2024-10-13 16:44:09,829 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 12/126 +[2024-10-13 16:44:10,026 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 13/126 +[2024-10-13 16:44:10,223 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 14/126 +[2024-10-13 16:44:10,419 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 15/126 +[2024-10-13 16:44:10,616 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 16/126 +[2024-10-13 16:44:10,812 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 17/126 +[2024-10-13 16:44:11,009 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 18/126 +[2024-10-13 16:44:11,206 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 19/126 +[2024-10-13 16:44:11,402 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 20/126 +[2024-10-13 16:44:11,598 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 21/126 +[2024-10-13 16:44:11,794 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 22/126 +[2024-10-13 16:44:11,990 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 23/126 +[2024-10-13 16:44:12,187 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 24/126 +[2024-10-13 16:44:12,383 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 25/126 +[2024-10-13 16:44:12,579 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 26/126 +[2024-10-13 16:44:12,776 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 27/126 +[2024-10-13 16:44:12,972 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 28/126 +[2024-10-13 16:44:13,168 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 29/126 +[2024-10-13 16:44:13,364 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 30/126 +[2024-10-13 16:44:13,560 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 31/126 +[2024-10-13 16:44:13,756 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 32/126 +[2024-10-13 16:44:13,951 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 33/126 +[2024-10-13 16:44:14,148 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 34/126 +[2024-10-13 16:44:14,344 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 35/126 +[2024-10-13 16:44:14,540 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 36/126 +[2024-10-13 16:44:14,736 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 37/126 +[2024-10-13 16:44:14,931 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 38/126 +[2024-10-13 16:44:15,127 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 39/126 +[2024-10-13 16:44:15,310 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 40/126 +[2024-10-13 16:44:15,493 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 41/126 +[2024-10-13 16:44:15,677 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 42/126 +[2024-10-13 16:44:15,860 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 43/126 +[2024-10-13 16:44:16,043 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 44/126 +[2024-10-13 16:44:16,226 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 45/126 +[2024-10-13 16:44:16,409 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 46/126 +[2024-10-13 16:44:16,592 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 47/126 +[2024-10-13 16:44:16,776 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 48/126 +[2024-10-13 16:44:16,959 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 49/126 +[2024-10-13 16:44:17,143 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 50/126 +[2024-10-13 16:44:17,326 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 51/126 +[2024-10-13 16:44:17,509 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 52/126 +[2024-10-13 16:44:17,692 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 53/126 +[2024-10-13 16:44:17,875 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 54/126 +[2024-10-13 16:44:18,059 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 55/126 +[2024-10-13 16:44:18,242 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 56/126 +[2024-10-13 16:44:18,427 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 57/126 +[2024-10-13 16:44:18,610 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 58/126 +[2024-10-13 16:44:18,793 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 59/126 +[2024-10-13 16:44:18,976 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 60/126 +[2024-10-13 16:44:19,159 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 61/126 +[2024-10-13 16:44:19,342 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 62/126 +[2024-10-13 16:44:19,525 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 63/126 +[2024-10-13 16:44:19,708 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 64/126 +[2024-10-13 16:44:19,891 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 65/126 +[2024-10-13 16:44:20,074 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 66/126 +[2024-10-13 16:44:20,257 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 67/126 +[2024-10-13 16:44:20,440 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 68/126 +[2024-10-13 16:44:20,623 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 69/126 +[2024-10-13 16:44:20,806 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 70/126 +[2024-10-13 16:44:20,989 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 71/126 +[2024-10-13 16:44:21,171 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 72/126 +[2024-10-13 16:44:21,354 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 73/126 +[2024-10-13 16:44:21,537 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 74/126 +[2024-10-13 16:44:21,720 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 75/126 +[2024-10-13 16:44:21,903 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 76/126 +[2024-10-13 16:44:22,087 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 77/126 +[2024-10-13 16:44:22,270 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 78/126 +[2024-10-13 16:44:22,452 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 79/126 +[2024-10-13 16:44:22,660 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 80/126 +[2024-10-13 16:44:22,869 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 81/126 +[2024-10-13 16:44:23,077 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 82/126 +[2024-10-13 16:44:23,285 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 83/126 +[2024-10-13 16:44:23,494 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 84/126 +[2024-10-13 16:44:23,702 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 85/126 +[2024-10-13 16:44:23,910 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 86/126 +[2024-10-13 16:44:24,119 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 87/126 +[2024-10-13 16:44:24,327 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 88/126 +[2024-10-13 16:44:24,535 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 89/126 +[2024-10-13 16:44:24,744 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 90/126 +[2024-10-13 16:44:24,952 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 91/126 +[2024-10-13 16:44:25,161 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 92/126 +[2024-10-13 16:44:25,370 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 93/126 +[2024-10-13 16:44:25,579 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 94/126 +[2024-10-13 16:44:25,787 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 95/126 +[2024-10-13 16:44:25,995 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 96/126 +[2024-10-13 16:44:26,204 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 97/126 +[2024-10-13 16:44:26,412 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 98/126 +[2024-10-13 16:44:26,621 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 99/126 +[2024-10-13 16:44:26,829 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 100/126 +[2024-10-13 16:44:27,038 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 101/126 +[2024-10-13 16:44:27,247 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 102/126 +[2024-10-13 16:44:27,455 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 103/126 +[2024-10-13 16:44:27,664 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 104/126 +[2024-10-13 16:44:27,873 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 105/126 +[2024-10-13 16:44:28,081 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 106/126 +[2024-10-13 16:44:28,290 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 107/126 +[2024-10-13 16:44:28,498 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 108/126 +[2024-10-13 16:44:28,707 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 109/126 +[2024-10-13 16:44:28,916 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 110/126 +[2024-10-13 16:44:29,124 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 111/126 +[2024-10-13 16:44:29,333 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 112/126 +[2024-10-13 16:44:29,542 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 113/126 +[2024-10-13 16:44:29,750 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 114/126 +[2024-10-13 16:44:29,959 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 115/126 +[2024-10-13 16:44:30,155 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 116/126 +[2024-10-13 16:44:30,351 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 117/126 +[2024-10-13 16:44:30,548 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 118/126 +[2024-10-13 16:44:30,744 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 119/126 +[2024-10-13 16:44:30,940 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 120/126 +[2024-10-13 16:44:31,137 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 121/126 +[2024-10-13 16:44:31,333 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 122/126 +[2024-10-13 16:44:31,529 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 123/126 +[2024-10-13 16:44:31,726 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 124/126 +[2024-10-13 16:44:31,922 INFO test.py line 186 25394] Test: 234/312-scene0011_01, Batch: 125/126 +[2024-10-13 16:44:32,225 INFO test.py line 272 25394] Test: scene0011_01 [234/312]-239261 Batch 25.004 (19.289) Accuracy 0.7956 (0.4707) mIoU 0.4114 (0.3577) +[2024-10-13 16:44:32,351 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 0/143 +[2024-10-13 16:44:32,462 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 1/143 +[2024-10-13 16:44:32,575 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 2/143 +[2024-10-13 16:44:32,690 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 3/143 +[2024-10-13 16:44:32,801 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 4/143 +[2024-10-13 16:44:32,912 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 5/143 +[2024-10-13 16:44:33,023 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 6/143 +[2024-10-13 16:44:33,134 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 7/143 +[2024-10-13 16:44:33,245 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 8/143 +[2024-10-13 16:44:33,355 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 9/143 +[2024-10-13 16:44:33,466 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 10/143 +[2024-10-13 16:44:33,577 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 11/143 +[2024-10-13 16:44:33,687 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 12/143 +[2024-10-13 16:44:33,797 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 13/143 +[2024-10-13 16:44:33,908 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 14/143 +[2024-10-13 16:44:34,018 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 15/143 +[2024-10-13 16:44:34,128 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 16/143 +[2024-10-13 16:44:34,239 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 17/143 +[2024-10-13 16:44:34,349 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 18/143 +[2024-10-13 16:44:34,459 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 19/143 +[2024-10-13 16:44:34,570 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 20/143 +[2024-10-13 16:44:34,680 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 21/143 +[2024-10-13 16:44:34,792 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 22/143 +[2024-10-13 16:44:34,903 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 23/143 +[2024-10-13 16:44:35,014 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 24/143 +[2024-10-13 16:44:35,129 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 25/143 +[2024-10-13 16:44:35,280 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 26/143 +[2024-10-13 16:44:35,393 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 27/143 +[2024-10-13 16:44:35,504 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 28/143 +[2024-10-13 16:44:35,615 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 29/143 +[2024-10-13 16:44:35,727 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 30/143 +[2024-10-13 16:44:35,838 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 31/143 +[2024-10-13 16:44:35,949 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 32/143 +[2024-10-13 16:44:36,060 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 33/143 +[2024-10-13 16:44:36,171 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 34/143 +[2024-10-13 16:44:36,282 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 35/143 +[2024-10-13 16:44:36,393 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 36/143 +[2024-10-13 16:44:36,505 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 37/143 +[2024-10-13 16:44:36,616 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 38/143 +[2024-10-13 16:44:36,727 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 39/143 +[2024-10-13 16:44:36,838 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 40/143 +[2024-10-13 16:44:36,949 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 41/143 +[2024-10-13 16:44:37,060 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 42/143 +[2024-10-13 16:44:37,172 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 43/143 +[2024-10-13 16:44:37,276 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 44/143 +[2024-10-13 16:44:37,381 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 45/143 +[2024-10-13 16:44:37,486 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 46/143 +[2024-10-13 16:44:37,590 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 47/143 +[2024-10-13 16:44:37,695 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 48/143 +[2024-10-13 16:44:37,800 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 49/143 +[2024-10-13 16:44:37,904 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 50/143 +[2024-10-13 16:44:38,009 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 51/143 +[2024-10-13 16:44:38,113 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 52/143 +[2024-10-13 16:44:38,218 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 53/143 +[2024-10-13 16:44:38,323 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 54/143 +[2024-10-13 16:44:38,427 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 55/143 +[2024-10-13 16:44:38,532 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 56/143 +[2024-10-13 16:44:38,636 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 57/143 +[2024-10-13 16:44:38,743 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 58/143 +[2024-10-13 16:44:38,848 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 59/143 +[2024-10-13 16:44:38,952 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 60/143 +[2024-10-13 16:44:39,057 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 61/143 +[2024-10-13 16:44:39,162 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 62/143 +[2024-10-13 16:44:39,266 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 63/143 +[2024-10-13 16:44:39,371 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 64/143 +[2024-10-13 16:44:39,476 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 65/143 +[2024-10-13 16:44:39,580 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 66/143 +[2024-10-13 16:44:39,685 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 67/143 +[2024-10-13 16:44:39,790 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 68/143 +[2024-10-13 16:44:39,895 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 69/143 +[2024-10-13 16:44:40,000 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 70/143 +[2024-10-13 16:44:40,105 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 71/143 +[2024-10-13 16:44:40,210 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 72/143 +[2024-10-13 16:44:40,314 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 73/143 +[2024-10-13 16:44:40,419 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 74/143 +[2024-10-13 16:44:40,524 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 75/143 +[2024-10-13 16:44:40,629 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 76/143 +[2024-10-13 16:44:40,734 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 77/143 +[2024-10-13 16:44:40,838 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 78/143 +[2024-10-13 16:44:40,943 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 79/143 +[2024-10-13 16:44:41,048 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 80/143 +[2024-10-13 16:44:41,152 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 81/143 +[2024-10-13 16:44:41,257 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 82/143 +[2024-10-13 16:44:41,362 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 83/143 +[2024-10-13 16:44:41,466 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 84/143 +[2024-10-13 16:44:41,570 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 85/143 +[2024-10-13 16:44:41,675 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 86/143 +[2024-10-13 16:44:41,780 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 87/143 +[2024-10-13 16:44:41,885 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 88/143 +[2024-10-13 16:44:41,989 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 89/143 +[2024-10-13 16:44:42,094 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 90/143 +[2024-10-13 16:44:42,198 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 91/143 +[2024-10-13 16:44:42,316 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 92/143 +[2024-10-13 16:44:42,434 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 93/143 +[2024-10-13 16:44:42,552 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 94/143 +[2024-10-13 16:44:42,670 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 95/143 +[2024-10-13 16:44:42,788 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 96/143 +[2024-10-13 16:44:42,906 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 97/143 +[2024-10-13 16:44:43,023 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 98/143 +[2024-10-13 16:44:43,141 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 99/143 +[2024-10-13 16:44:43,259 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 100/143 +[2024-10-13 16:44:43,377 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 101/143 +[2024-10-13 16:44:43,494 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 102/143 +[2024-10-13 16:44:43,611 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 103/143 +[2024-10-13 16:44:43,728 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 104/143 +[2024-10-13 16:44:43,845 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 105/143 +[2024-10-13 16:44:43,961 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 106/143 +[2024-10-13 16:44:44,079 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 107/143 +[2024-10-13 16:44:44,196 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 108/143 +[2024-10-13 16:44:44,313 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 109/143 +[2024-10-13 16:44:44,429 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 110/143 +[2024-10-13 16:44:44,546 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 111/143 +[2024-10-13 16:44:44,664 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 112/143 +[2024-10-13 16:44:44,782 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 113/143 +[2024-10-13 16:44:44,902 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 114/143 +[2024-10-13 16:44:45,019 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 115/143 +[2024-10-13 16:44:45,137 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 116/143 +[2024-10-13 16:44:45,255 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 117/143 +[2024-10-13 16:44:45,372 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 118/143 +[2024-10-13 16:44:45,490 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 119/143 +[2024-10-13 16:44:45,608 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 120/143 +[2024-10-13 16:44:45,725 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 121/143 +[2024-10-13 16:44:45,843 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 122/143 +[2024-10-13 16:44:45,961 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 123/143 +[2024-10-13 16:44:46,079 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 124/143 +[2024-10-13 16:44:46,197 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 125/143 +[2024-10-13 16:44:46,315 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 126/143 +[2024-10-13 16:44:46,432 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 127/143 +[2024-10-13 16:44:46,550 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 128/143 +[2024-10-13 16:44:46,668 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 129/143 +[2024-10-13 16:44:46,785 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 130/143 +[2024-10-13 16:44:46,903 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 131/143 +[2024-10-13 16:44:47,014 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 132/143 +[2024-10-13 16:44:47,125 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 133/143 +[2024-10-13 16:44:47,236 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 134/143 +[2024-10-13 16:44:47,347 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 135/143 +[2024-10-13 16:44:47,458 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 136/143 +[2024-10-13 16:44:47,570 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 137/143 +[2024-10-13 16:44:47,681 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 138/143 +[2024-10-13 16:44:47,792 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 139/143 +[2024-10-13 16:44:47,903 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 140/143 +[2024-10-13 16:44:48,014 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 141/143 +[2024-10-13 16:44:48,125 INFO test.py line 186 25394] Test: 235/312-scene0689_00, Batch: 142/143 +[2024-10-13 16:44:48,317 INFO test.py line 272 25394] Test: scene0689_00 [235/312]-122129 Batch 16.092 (19.276) Accuracy 0.9506 (0.4708) mIoU 0.6552 (0.3578) +[2024-10-13 16:44:48,402 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 0/125 +[2024-10-13 16:44:48,477 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 1/125 +[2024-10-13 16:44:48,551 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 2/125 +[2024-10-13 16:44:48,625 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 3/125 +[2024-10-13 16:44:48,699 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 4/125 +[2024-10-13 16:44:48,773 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 5/125 +[2024-10-13 16:44:48,847 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 6/125 +[2024-10-13 16:44:48,921 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 7/125 +[2024-10-13 16:44:48,996 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 8/125 +[2024-10-13 16:44:49,069 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 9/125 +[2024-10-13 16:44:49,142 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 10/125 +[2024-10-13 16:44:49,215 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 11/125 +[2024-10-13 16:44:49,288 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 12/125 +[2024-10-13 16:44:49,361 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 13/125 +[2024-10-13 16:44:49,434 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 14/125 +[2024-10-13 16:44:49,507 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 15/125 +[2024-10-13 16:44:49,580 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 16/125 +[2024-10-13 16:44:49,653 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 17/125 +[2024-10-13 16:44:49,731 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 18/125 +[2024-10-13 16:44:49,806 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 19/125 +[2024-10-13 16:44:49,879 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 20/125 +[2024-10-13 16:44:49,953 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 21/125 +[2024-10-13 16:44:50,027 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 22/125 +[2024-10-13 16:44:50,101 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 23/125 +[2024-10-13 16:44:50,175 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 24/125 +[2024-10-13 16:44:50,249 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 25/125 +[2024-10-13 16:44:50,323 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 26/125 +[2024-10-13 16:44:50,397 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 27/125 +[2024-10-13 16:44:50,471 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 28/125 +[2024-10-13 16:44:50,546 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 29/125 +[2024-10-13 16:44:50,620 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 30/125 +[2024-10-13 16:44:50,694 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 31/125 +[2024-10-13 16:44:50,769 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 32/125 +[2024-10-13 16:44:50,843 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 33/125 +[2024-10-13 16:44:50,917 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 34/125 +[2024-10-13 16:44:50,992 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 35/125 +[2024-10-13 16:44:51,061 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 36/125 +[2024-10-13 16:44:51,130 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 37/125 +[2024-10-13 16:44:51,199 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 38/125 +[2024-10-13 16:44:51,269 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 39/125 +[2024-10-13 16:44:51,338 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 40/125 +[2024-10-13 16:44:51,407 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 41/125 +[2024-10-13 16:44:51,478 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 42/125 +[2024-10-13 16:44:51,547 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 43/125 +[2024-10-13 16:44:51,616 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 44/125 +[2024-10-13 16:44:51,686 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 45/125 +[2024-10-13 16:44:51,755 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 46/125 +[2024-10-13 16:44:51,823 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 47/125 +[2024-10-13 16:44:51,890 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 48/125 +[2024-10-13 16:44:51,958 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 49/125 +[2024-10-13 16:44:52,026 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 50/125 +[2024-10-13 16:44:52,248 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 51/125 +[2024-10-13 16:44:52,317 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 52/125 +[2024-10-13 16:44:52,386 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 53/125 +[2024-10-13 16:44:52,456 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 54/125 +[2024-10-13 16:44:52,526 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 55/125 +[2024-10-13 16:44:52,594 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 56/125 +[2024-10-13 16:44:52,661 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 57/125 +[2024-10-13 16:44:52,730 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 58/125 +[2024-10-13 16:44:52,799 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 59/125 +[2024-10-13 16:44:52,867 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 60/125 +[2024-10-13 16:44:52,936 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 61/125 +[2024-10-13 16:44:53,005 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 62/125 +[2024-10-13 16:44:53,073 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 63/125 +[2024-10-13 16:44:53,142 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 64/125 +[2024-10-13 16:44:53,211 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 65/125 +[2024-10-13 16:44:53,279 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 66/125 +[2024-10-13 16:44:53,348 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 67/125 +[2024-10-13 16:44:53,417 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 68/125 +[2024-10-13 16:44:53,486 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 69/125 +[2024-10-13 16:44:53,555 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 70/125 +[2024-10-13 16:44:53,624 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 71/125 +[2024-10-13 16:44:53,693 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 72/125 +[2024-10-13 16:44:53,763 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 73/125 +[2024-10-13 16:44:53,832 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 74/125 +[2024-10-13 16:44:53,901 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 75/125 +[2024-10-13 16:44:53,970 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 76/125 +[2024-10-13 16:44:54,040 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 77/125 +[2024-10-13 16:44:54,109 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 78/125 +[2024-10-13 16:44:54,178 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 79/125 +[2024-10-13 16:44:54,254 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 80/125 +[2024-10-13 16:44:54,330 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 81/125 +[2024-10-13 16:44:54,407 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 82/125 +[2024-10-13 16:44:54,483 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 83/125 +[2024-10-13 16:44:54,559 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 84/125 +[2024-10-13 16:44:54,636 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 85/125 +[2024-10-13 16:44:54,712 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 86/125 +[2024-10-13 16:44:54,789 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 87/125 +[2024-10-13 16:44:54,865 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 88/125 +[2024-10-13 16:44:54,941 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 89/125 +[2024-10-13 16:44:55,017 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 90/125 +[2024-10-13 16:44:55,093 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 91/125 +[2024-10-13 16:44:55,170 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 92/125 +[2024-10-13 16:44:55,246 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 93/125 +[2024-10-13 16:44:55,322 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 94/125 +[2024-10-13 16:44:55,398 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 95/125 +[2024-10-13 16:44:55,475 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 96/125 +[2024-10-13 16:44:55,551 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 97/125 +[2024-10-13 16:44:55,628 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 98/125 +[2024-10-13 16:44:55,704 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 99/125 +[2024-10-13 16:44:55,781 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 100/125 +[2024-10-13 16:44:55,857 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 101/125 +[2024-10-13 16:44:55,934 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 102/125 +[2024-10-13 16:44:56,011 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 103/125 +[2024-10-13 16:44:56,088 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 104/125 +[2024-10-13 16:44:56,165 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 105/125 +[2024-10-13 16:44:56,241 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 106/125 +[2024-10-13 16:44:56,317 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 107/125 +[2024-10-13 16:44:56,394 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 108/125 +[2024-10-13 16:44:56,471 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 109/125 +[2024-10-13 16:44:56,548 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 110/125 +[2024-10-13 16:44:56,625 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 111/125 +[2024-10-13 16:44:56,701 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 112/125 +[2024-10-13 16:44:56,777 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 113/125 +[2024-10-13 16:44:56,854 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 114/125 +[2024-10-13 16:44:56,931 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 115/125 +[2024-10-13 16:44:57,005 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 116/125 +[2024-10-13 16:44:57,078 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 117/125 +[2024-10-13 16:44:57,152 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 118/125 +[2024-10-13 16:44:57,226 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 119/125 +[2024-10-13 16:44:57,300 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 120/125 +[2024-10-13 16:44:57,374 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 121/125 +[2024-10-13 16:44:57,448 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 122/125 +[2024-10-13 16:44:57,522 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 123/125 +[2024-10-13 16:44:57,595 INFO test.py line 186 25394] Test: 236/312-scene0458_01, Batch: 124/125 +[2024-10-13 16:44:57,691 INFO test.py line 272 25394] Test: scene0458_01 [236/312]-69167 Batch 9.373 (19.234) Accuracy 0.7434 (0.4710) mIoU 0.3196 (0.3579) +[2024-10-13 16:44:57,820 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 0/126 +[2024-10-13 16:44:57,932 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 1/126 +[2024-10-13 16:44:58,043 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 2/126 +[2024-10-13 16:44:58,155 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 3/126 +[2024-10-13 16:44:58,267 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 4/126 +[2024-10-13 16:44:58,379 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 5/126 +[2024-10-13 16:44:58,490 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 6/126 +[2024-10-13 16:44:58,602 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 7/126 +[2024-10-13 16:44:58,713 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 8/126 +[2024-10-13 16:44:58,825 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 9/126 +[2024-10-13 16:44:58,936 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 10/126 +[2024-10-13 16:44:59,047 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 11/126 +[2024-10-13 16:44:59,159 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 12/126 +[2024-10-13 16:44:59,270 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 13/126 +[2024-10-13 16:44:59,381 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 14/126 +[2024-10-13 16:44:59,492 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 15/126 +[2024-10-13 16:44:59,603 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 16/126 +[2024-10-13 16:44:59,714 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 17/126 +[2024-10-13 16:44:59,825 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 18/126 +[2024-10-13 16:44:59,936 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 19/126 +[2024-10-13 16:45:00,048 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 20/126 +[2024-10-13 16:45:00,160 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 21/126 +[2024-10-13 16:45:00,271 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 22/126 +[2024-10-13 16:45:00,383 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 23/126 +[2024-10-13 16:45:00,495 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 24/126 +[2024-10-13 16:45:00,607 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 25/126 +[2024-10-13 16:45:00,719 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 26/126 +[2024-10-13 16:45:00,830 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 27/126 +[2024-10-13 16:45:00,942 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 28/126 +[2024-10-13 16:45:01,053 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 29/126 +[2024-10-13 16:45:01,166 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 30/126 +[2024-10-13 16:45:01,278 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 31/126 +[2024-10-13 16:45:01,417 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 32/126 +[2024-10-13 16:45:01,530 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 33/126 +[2024-10-13 16:45:01,644 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 34/126 +[2024-10-13 16:45:01,756 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 35/126 +[2024-10-13 16:45:01,868 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 36/126 +[2024-10-13 16:45:01,980 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 37/126 +[2024-10-13 16:45:02,092 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 38/126 +[2024-10-13 16:45:02,204 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 39/126 +[2024-10-13 16:45:02,308 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 40/126 +[2024-10-13 16:45:02,412 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 41/126 +[2024-10-13 16:45:02,516 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 42/126 +[2024-10-13 16:45:02,620 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 43/126 +[2024-10-13 16:45:02,723 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 44/126 +[2024-10-13 16:45:02,827 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 45/126 +[2024-10-13 16:45:02,931 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 46/126 +[2024-10-13 16:45:03,035 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 47/126 +[2024-10-13 16:45:03,139 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 48/126 +[2024-10-13 16:45:03,242 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 49/126 +[2024-10-13 16:45:03,346 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 50/126 +[2024-10-13 16:45:03,451 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 51/126 +[2024-10-13 16:45:03,555 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 52/126 +[2024-10-13 16:45:03,660 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 53/126 +[2024-10-13 16:45:03,764 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 54/126 +[2024-10-13 16:45:03,868 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 55/126 +[2024-10-13 16:45:03,972 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 56/126 +[2024-10-13 16:45:04,077 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 57/126 +[2024-10-13 16:45:04,181 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 58/126 +[2024-10-13 16:45:04,285 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 59/126 +[2024-10-13 16:45:04,389 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 60/126 +[2024-10-13 16:45:04,493 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 61/126 +[2024-10-13 16:45:04,598 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 62/126 +[2024-10-13 16:45:04,701 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 63/126 +[2024-10-13 16:45:04,805 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 64/126 +[2024-10-13 16:45:04,910 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 65/126 +[2024-10-13 16:45:05,014 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 66/126 +[2024-10-13 16:45:05,118 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 67/126 +[2024-10-13 16:45:05,221 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 68/126 +[2024-10-13 16:45:05,325 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 69/126 +[2024-10-13 16:45:05,430 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 70/126 +[2024-10-13 16:45:05,534 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 71/126 +[2024-10-13 16:45:05,638 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 72/126 +[2024-10-13 16:45:05,742 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 73/126 +[2024-10-13 16:45:05,846 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 74/126 +[2024-10-13 16:45:05,950 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 75/126 +[2024-10-13 16:45:06,054 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 76/126 +[2024-10-13 16:45:06,158 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 77/126 +[2024-10-13 16:45:06,261 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 78/126 +[2024-10-13 16:45:06,365 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 79/126 +[2024-10-13 16:45:06,483 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 80/126 +[2024-10-13 16:45:06,602 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 81/126 +[2024-10-13 16:45:06,720 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 82/126 +[2024-10-13 16:45:06,838 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 83/126 +[2024-10-13 16:45:06,956 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 84/126 +[2024-10-13 16:45:07,074 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 85/126 +[2024-10-13 16:45:07,192 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 86/126 +[2024-10-13 16:45:07,311 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 87/126 +[2024-10-13 16:45:07,429 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 88/126 +[2024-10-13 16:45:07,545 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 89/126 +[2024-10-13 16:45:07,662 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 90/126 +[2024-10-13 16:45:07,778 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 91/126 +[2024-10-13 16:45:07,895 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 92/126 +[2024-10-13 16:45:08,012 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 93/126 +[2024-10-13 16:45:08,128 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 94/126 +[2024-10-13 16:45:08,245 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 95/126 +[2024-10-13 16:45:08,362 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 96/126 +[2024-10-13 16:45:08,478 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 97/126 +[2024-10-13 16:45:08,595 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 98/126 +[2024-10-13 16:45:08,711 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 99/126 +[2024-10-13 16:45:08,828 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 100/126 +[2024-10-13 16:45:08,944 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 101/126 +[2024-10-13 16:45:09,061 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 102/126 +[2024-10-13 16:45:09,177 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 103/126 +[2024-10-13 16:45:09,293 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 104/126 +[2024-10-13 16:45:09,410 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 105/126 +[2024-10-13 16:45:09,526 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 106/126 +[2024-10-13 16:45:09,644 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 107/126 +[2024-10-13 16:45:09,762 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 108/126 +[2024-10-13 16:45:09,881 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 109/126 +[2024-10-13 16:45:09,999 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 110/126 +[2024-10-13 16:45:10,117 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 111/126 +[2024-10-13 16:45:10,235 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 112/126 +[2024-10-13 16:45:10,353 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 113/126 +[2024-10-13 16:45:10,471 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 114/126 +[2024-10-13 16:45:10,589 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 115/126 +[2024-10-13 16:45:10,701 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 116/126 +[2024-10-13 16:45:10,813 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 117/126 +[2024-10-13 16:45:10,925 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 118/126 +[2024-10-13 16:45:11,037 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 119/126 +[2024-10-13 16:45:11,148 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 120/126 +[2024-10-13 16:45:11,260 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 121/126 +[2024-10-13 16:45:11,372 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 122/126 +[2024-10-13 16:45:11,483 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 123/126 +[2024-10-13 16:45:11,595 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 124/126 +[2024-10-13 16:45:11,707 INFO test.py line 186 25394] Test: 237/312-scene0550_00, Batch: 125/126 +[2024-10-13 16:45:11,873 INFO test.py line 272 25394] Test: scene0550_00 [237/312]-127677 Batch 14.182 (19.212) Accuracy 0.4964 (0.4737) mIoU 0.2597 (0.3581) +[2024-10-13 16:45:12,041 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 0/130 +[2024-10-13 16:45:12,183 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 1/130 +[2024-10-13 16:45:12,325 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 2/130 +[2024-10-13 16:45:12,468 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 3/130 +[2024-10-13 16:45:12,611 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 4/130 +[2024-10-13 16:45:12,753 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 5/130 +[2024-10-13 16:45:12,895 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 6/130 +[2024-10-13 16:45:13,038 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 7/130 +[2024-10-13 16:45:13,180 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 8/130 +[2024-10-13 16:45:13,322 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 9/130 +[2024-10-13 16:45:13,465 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 10/130 +[2024-10-13 16:45:13,607 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 11/130 +[2024-10-13 16:45:13,749 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 12/130 +[2024-10-13 16:45:13,891 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 13/130 +[2024-10-13 16:45:14,034 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 14/130 +[2024-10-13 16:45:14,176 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 15/130 +[2024-10-13 16:45:14,318 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 16/130 +[2024-10-13 16:45:14,460 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 17/130 +[2024-10-13 16:45:14,603 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 18/130 +[2024-10-13 16:45:14,745 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 19/130 +[2024-10-13 16:45:14,887 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 20/130 +[2024-10-13 16:45:15,029 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 21/130 +[2024-10-13 16:45:15,170 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 22/130 +[2024-10-13 16:45:15,312 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 23/130 +[2024-10-13 16:45:15,454 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 24/130 +[2024-10-13 16:45:15,595 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 25/130 +[2024-10-13 16:45:15,737 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 26/130 +[2024-10-13 16:45:15,878 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 27/130 +[2024-10-13 16:45:16,020 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 28/130 +[2024-10-13 16:45:16,162 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 29/130 +[2024-10-13 16:45:16,305 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 30/130 +[2024-10-13 16:45:16,447 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 31/130 +[2024-10-13 16:45:16,591 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 32/130 +[2024-10-13 16:45:16,764 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 33/130 +[2024-10-13 16:45:16,908 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 34/130 +[2024-10-13 16:45:17,051 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 35/130 +[2024-10-13 16:45:17,193 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 36/130 +[2024-10-13 16:45:17,336 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 37/130 +[2024-10-13 16:45:17,478 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 38/130 +[2024-10-13 16:45:17,621 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 39/130 +[2024-10-13 16:45:17,755 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 40/130 +[2024-10-13 16:45:17,890 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 41/130 +[2024-10-13 16:45:18,024 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 42/130 +[2024-10-13 16:45:18,159 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 43/130 +[2024-10-13 16:45:18,293 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 44/130 +[2024-10-13 16:45:18,428 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 45/130 +[2024-10-13 16:45:18,562 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 46/130 +[2024-10-13 16:45:18,697 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 47/130 +[2024-10-13 16:45:18,831 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 48/130 +[2024-10-13 16:45:18,966 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 49/130 +[2024-10-13 16:45:19,100 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 50/130 +[2024-10-13 16:45:19,235 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 51/130 +[2024-10-13 16:45:19,369 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 52/130 +[2024-10-13 16:45:19,504 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 53/130 +[2024-10-13 16:45:19,639 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 54/130 +[2024-10-13 16:45:19,773 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 55/130 +[2024-10-13 16:45:19,908 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 56/130 +[2024-10-13 16:45:20,042 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 57/130 +[2024-10-13 16:45:20,177 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 58/130 +[2024-10-13 16:45:20,311 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 59/130 +[2024-10-13 16:45:20,446 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 60/130 +[2024-10-13 16:45:20,580 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 61/130 +[2024-10-13 16:45:20,715 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 62/130 +[2024-10-13 16:45:20,849 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 63/130 +[2024-10-13 16:45:20,983 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 64/130 +[2024-10-13 16:45:21,117 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 65/130 +[2024-10-13 16:45:21,251 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 66/130 +[2024-10-13 16:45:21,385 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 67/130 +[2024-10-13 16:45:21,520 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 68/130 +[2024-10-13 16:45:21,654 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 69/130 +[2024-10-13 16:45:21,791 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 70/130 +[2024-10-13 16:45:21,925 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 71/130 +[2024-10-13 16:45:22,060 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 72/130 +[2024-10-13 16:45:22,194 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 73/130 +[2024-10-13 16:45:22,328 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 74/130 +[2024-10-13 16:45:22,463 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 75/130 +[2024-10-13 16:45:22,597 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 76/130 +[2024-10-13 16:45:22,732 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 77/130 +[2024-10-13 16:45:22,866 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 78/130 +[2024-10-13 16:45:23,000 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 79/130 +[2024-10-13 16:45:23,135 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 80/130 +[2024-10-13 16:45:23,269 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 81/130 +[2024-10-13 16:45:23,404 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 82/130 +[2024-10-13 16:45:23,538 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 83/130 +[2024-10-13 16:45:23,689 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 84/130 +[2024-10-13 16:45:23,839 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 85/130 +[2024-10-13 16:45:23,990 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 86/130 +[2024-10-13 16:45:24,140 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 87/130 +[2024-10-13 16:45:24,291 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 88/130 +[2024-10-13 16:45:24,441 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 89/130 +[2024-10-13 16:45:24,592 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 90/130 +[2024-10-13 16:45:24,742 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 91/130 +[2024-10-13 16:45:24,892 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 92/130 +[2024-10-13 16:45:25,043 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 93/130 +[2024-10-13 16:45:25,194 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 94/130 +[2024-10-13 16:45:25,345 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 95/130 +[2024-10-13 16:45:25,496 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 96/130 +[2024-10-13 16:45:25,648 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 97/130 +[2024-10-13 16:45:25,799 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 98/130 +[2024-10-13 16:45:25,950 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 99/130 +[2024-10-13 16:45:26,101 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 100/130 +[2024-10-13 16:45:26,251 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 101/130 +[2024-10-13 16:45:26,402 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 102/130 +[2024-10-13 16:45:26,553 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 103/130 +[2024-10-13 16:45:26,705 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 104/130 +[2024-10-13 16:45:26,857 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 105/130 +[2024-10-13 16:45:27,008 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 106/130 +[2024-10-13 16:45:27,159 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 107/130 +[2024-10-13 16:45:27,310 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 108/130 +[2024-10-13 16:45:27,461 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 109/130 +[2024-10-13 16:45:27,613 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 110/130 +[2024-10-13 16:45:27,764 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 111/130 +[2024-10-13 16:45:27,915 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 112/130 +[2024-10-13 16:45:28,066 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 113/130 +[2024-10-13 16:45:28,217 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 114/130 +[2024-10-13 16:45:28,368 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 115/130 +[2024-10-13 16:45:28,520 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 116/130 +[2024-10-13 16:45:28,671 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 117/130 +[2024-10-13 16:45:28,822 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 118/130 +[2024-10-13 16:45:28,973 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 119/130 +[2024-10-13 16:45:29,114 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 120/130 +[2024-10-13 16:45:29,256 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 121/130 +[2024-10-13 16:45:29,398 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 122/130 +[2024-10-13 16:45:29,540 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 123/130 +[2024-10-13 16:45:29,682 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 124/130 +[2024-10-13 16:45:29,823 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 125/130 +[2024-10-13 16:45:29,965 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 126/130 +[2024-10-13 16:45:30,107 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 127/130 +[2024-10-13 16:45:30,249 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 128/130 +[2024-10-13 16:45:30,390 INFO test.py line 186 25394] Test: 238/312-scene0549_00, Batch: 129/130 +[2024-10-13 16:45:30,599 INFO test.py line 272 25394] Test: scene0549_00 [238/312]-161973 Batch 18.726 (19.210) Accuracy 0.8513 (0.4734) mIoU 0.4865 (0.3580) +[2024-10-13 16:45:30,773 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 0/112 +[2024-10-13 16:45:30,921 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 1/112 +[2024-10-13 16:45:31,069 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 2/112 +[2024-10-13 16:45:31,216 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 3/112 +[2024-10-13 16:45:31,364 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 4/112 +[2024-10-13 16:45:31,512 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 5/112 +[2024-10-13 16:45:31,660 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 6/112 +[2024-10-13 16:45:31,808 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 7/112 +[2024-10-13 16:45:31,956 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 8/112 +[2024-10-13 16:45:32,104 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 9/112 +[2024-10-13 16:45:32,252 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 10/112 +[2024-10-13 16:45:32,400 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 11/112 +[2024-10-13 16:45:32,548 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 12/112 +[2024-10-13 16:45:32,696 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 13/112 +[2024-10-13 16:45:32,844 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 14/112 +[2024-10-13 16:45:32,992 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 15/112 +[2024-10-13 16:45:33,139 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 16/112 +[2024-10-13 16:45:33,287 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 17/112 +[2024-10-13 16:45:33,435 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 18/112 +[2024-10-13 16:45:33,584 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 19/112 +[2024-10-13 16:45:33,732 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 20/112 +[2024-10-13 16:45:33,880 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 21/112 +[2024-10-13 16:45:34,067 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 22/112 +[2024-10-13 16:45:34,215 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 23/112 +[2024-10-13 16:45:34,364 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 24/112 +[2024-10-13 16:45:34,511 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 25/112 +[2024-10-13 16:45:34,658 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 26/112 +[2024-10-13 16:45:34,805 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 27/112 +[2024-10-13 16:45:34,952 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 28/112 +[2024-10-13 16:45:35,100 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 29/112 +[2024-10-13 16:45:35,247 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 30/112 +[2024-10-13 16:45:35,394 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 31/112 +[2024-10-13 16:45:35,533 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 32/112 +[2024-10-13 16:45:35,672 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 33/112 +[2024-10-13 16:45:35,810 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 34/112 +[2024-10-13 16:45:35,949 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 35/112 +[2024-10-13 16:45:36,088 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 36/112 +[2024-10-13 16:45:36,226 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 37/112 +[2024-10-13 16:45:36,365 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 38/112 +[2024-10-13 16:45:36,504 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 39/112 +[2024-10-13 16:45:36,642 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 40/112 +[2024-10-13 16:45:36,780 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 41/112 +[2024-10-13 16:45:36,919 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 42/112 +[2024-10-13 16:45:37,058 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 43/112 +[2024-10-13 16:45:37,197 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 44/112 +[2024-10-13 16:45:37,335 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 45/112 +[2024-10-13 16:45:37,474 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 46/112 +[2024-10-13 16:45:37,613 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 47/112 +[2024-10-13 16:45:37,751 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 48/112 +[2024-10-13 16:45:37,890 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 49/112 +[2024-10-13 16:45:38,028 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 50/112 +[2024-10-13 16:45:38,167 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 51/112 +[2024-10-13 16:45:38,306 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 52/112 +[2024-10-13 16:45:38,444 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 53/112 +[2024-10-13 16:45:38,582 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 54/112 +[2024-10-13 16:45:38,721 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 55/112 +[2024-10-13 16:45:38,859 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 56/112 +[2024-10-13 16:45:38,998 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 57/112 +[2024-10-13 16:45:39,136 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 58/112 +[2024-10-13 16:45:39,274 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 59/112 +[2024-10-13 16:45:39,413 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 60/112 +[2024-10-13 16:45:39,551 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 61/112 +[2024-10-13 16:45:39,690 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 62/112 +[2024-10-13 16:45:39,829 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 63/112 +[2024-10-13 16:45:39,968 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 64/112 +[2024-10-13 16:45:40,106 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 65/112 +[2024-10-13 16:45:40,245 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 66/112 +[2024-10-13 16:45:40,384 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 67/112 +[2024-10-13 16:45:40,523 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 68/112 +[2024-10-13 16:45:40,661 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 69/112 +[2024-10-13 16:45:40,800 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 70/112 +[2024-10-13 16:45:40,939 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 71/112 +[2024-10-13 16:45:41,095 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 72/112 +[2024-10-13 16:45:41,252 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 73/112 +[2024-10-13 16:45:41,408 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 74/112 +[2024-10-13 16:45:41,565 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 75/112 +[2024-10-13 16:45:41,722 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 76/112 +[2024-10-13 16:45:41,878 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 77/112 +[2024-10-13 16:45:42,035 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 78/112 +[2024-10-13 16:45:42,192 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 79/112 +[2024-10-13 16:45:42,349 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 80/112 +[2024-10-13 16:45:42,506 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 81/112 +[2024-10-13 16:45:42,664 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 82/112 +[2024-10-13 16:45:42,822 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 83/112 +[2024-10-13 16:45:42,979 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 84/112 +[2024-10-13 16:45:43,137 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 85/112 +[2024-10-13 16:45:43,294 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 86/112 +[2024-10-13 16:45:43,451 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 87/112 +[2024-10-13 16:45:43,609 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 88/112 +[2024-10-13 16:45:43,766 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 89/112 +[2024-10-13 16:45:43,924 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 90/112 +[2024-10-13 16:45:44,081 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 91/112 +[2024-10-13 16:45:44,239 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 92/112 +[2024-10-13 16:45:44,397 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 93/112 +[2024-10-13 16:45:44,554 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 94/112 +[2024-10-13 16:45:44,711 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 95/112 +[2024-10-13 16:45:44,868 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 96/112 +[2024-10-13 16:45:45,025 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 97/112 +[2024-10-13 16:45:45,183 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 98/112 +[2024-10-13 16:45:45,340 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 99/112 +[2024-10-13 16:45:45,497 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 100/112 +[2024-10-13 16:45:45,654 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 101/112 +[2024-10-13 16:45:45,811 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 102/112 +[2024-10-13 16:45:45,968 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 103/112 +[2024-10-13 16:45:46,116 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 104/112 +[2024-10-13 16:45:46,264 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 105/112 +[2024-10-13 16:45:46,411 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 106/112 +[2024-10-13 16:45:46,559 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 107/112 +[2024-10-13 16:45:46,707 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 108/112 +[2024-10-13 16:45:46,855 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 109/112 +[2024-10-13 16:45:47,003 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 110/112 +[2024-10-13 16:45:47,151 INFO test.py line 186 25394] Test: 239/312-scene0648_00, Batch: 111/112 +[2024-10-13 16:45:47,363 INFO test.py line 272 25394] Test: scene0648_00 [239/312]-167915 Batch 16.764 (19.200) Accuracy 0.7652 (0.4749) mIoU 0.2738 (0.3583) +[2024-10-13 16:45:47,559 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 0/138 +[2024-10-13 16:45:47,725 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 1/138 +[2024-10-13 16:45:47,891 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 2/138 +[2024-10-13 16:45:48,057 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 3/138 +[2024-10-13 16:45:48,223 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 4/138 +[2024-10-13 16:45:48,389 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 5/138 +[2024-10-13 16:45:48,555 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 6/138 +[2024-10-13 16:45:48,721 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 7/138 +[2024-10-13 16:45:48,887 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 8/138 +[2024-10-13 16:45:49,053 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 9/138 +[2024-10-13 16:45:49,219 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 10/138 +[2024-10-13 16:45:49,386 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 11/138 +[2024-10-13 16:45:49,578 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 12/138 +[2024-10-13 16:45:49,747 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 13/138 +[2024-10-13 16:45:49,913 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 14/138 +[2024-10-13 16:45:50,079 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 15/138 +[2024-10-13 16:45:50,246 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 16/138 +[2024-10-13 16:45:50,413 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 17/138 +[2024-10-13 16:45:50,580 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 18/138 +[2024-10-13 16:45:50,746 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 19/138 +[2024-10-13 16:45:50,913 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 20/138 +[2024-10-13 16:45:51,079 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 21/138 +[2024-10-13 16:45:51,245 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 22/138 +[2024-10-13 16:45:51,411 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 23/138 +[2024-10-13 16:45:51,576 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 24/138 +[2024-10-13 16:45:51,743 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 25/138 +[2024-10-13 16:45:51,909 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 26/138 +[2024-10-13 16:45:52,074 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 27/138 +[2024-10-13 16:45:52,240 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 28/138 +[2024-10-13 16:45:52,406 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 29/138 +[2024-10-13 16:45:52,572 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 30/138 +[2024-10-13 16:45:52,739 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 31/138 +[2024-10-13 16:45:52,905 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 32/138 +[2024-10-13 16:45:53,072 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 33/138 +[2024-10-13 16:45:53,238 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 34/138 +[2024-10-13 16:45:53,404 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 35/138 +[2024-10-13 16:45:53,570 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 36/138 +[2024-10-13 16:45:53,736 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 37/138 +[2024-10-13 16:45:53,902 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 38/138 +[2024-10-13 16:45:54,068 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 39/138 +[2024-10-13 16:45:54,225 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 40/138 +[2024-10-13 16:45:54,381 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 41/138 +[2024-10-13 16:45:54,538 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 42/138 +[2024-10-13 16:45:54,694 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 43/138 +[2024-10-13 16:45:54,851 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 44/138 +[2024-10-13 16:45:55,007 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 45/138 +[2024-10-13 16:45:55,163 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 46/138 +[2024-10-13 16:45:55,320 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 47/138 +[2024-10-13 16:45:55,476 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 48/138 +[2024-10-13 16:45:55,632 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 49/138 +[2024-10-13 16:45:55,788 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 50/138 +[2024-10-13 16:45:55,944 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 51/138 +[2024-10-13 16:45:56,101 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 52/138 +[2024-10-13 16:45:56,257 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 53/138 +[2024-10-13 16:45:56,414 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 54/138 +[2024-10-13 16:45:56,570 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 55/138 +[2024-10-13 16:45:56,726 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 56/138 +[2024-10-13 16:45:56,883 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 57/138 +[2024-10-13 16:45:57,039 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 58/138 +[2024-10-13 16:45:57,196 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 59/138 +[2024-10-13 16:45:57,352 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 60/138 +[2024-10-13 16:45:57,508 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 61/138 +[2024-10-13 16:45:57,664 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 62/138 +[2024-10-13 16:45:57,821 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 63/138 +[2024-10-13 16:45:57,977 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 64/138 +[2024-10-13 16:45:58,133 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 65/138 +[2024-10-13 16:45:58,289 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 66/138 +[2024-10-13 16:45:58,445 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 67/138 +[2024-10-13 16:45:58,602 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 68/138 +[2024-10-13 16:45:58,758 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 69/138 +[2024-10-13 16:45:58,914 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 70/138 +[2024-10-13 16:45:59,071 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 71/138 +[2024-10-13 16:45:59,227 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 72/138 +[2024-10-13 16:45:59,382 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 73/138 +[2024-10-13 16:45:59,539 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 74/138 +[2024-10-13 16:45:59,695 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 75/138 +[2024-10-13 16:45:59,851 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 76/138 +[2024-10-13 16:46:00,008 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 77/138 +[2024-10-13 16:46:00,164 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 78/138 +[2024-10-13 16:46:00,320 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 79/138 +[2024-10-13 16:46:00,476 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 80/138 +[2024-10-13 16:46:00,633 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 81/138 +[2024-10-13 16:46:00,790 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 82/138 +[2024-10-13 16:46:00,946 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 83/138 +[2024-10-13 16:46:01,102 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 84/138 +[2024-10-13 16:46:01,259 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 85/138 +[2024-10-13 16:46:01,415 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 86/138 +[2024-10-13 16:46:01,571 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 87/138 +[2024-10-13 16:46:01,748 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 88/138 +[2024-10-13 16:46:01,924 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 89/138 +[2024-10-13 16:46:02,101 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 90/138 +[2024-10-13 16:46:02,277 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 91/138 +[2024-10-13 16:46:02,454 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 92/138 +[2024-10-13 16:46:02,629 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 93/138 +[2024-10-13 16:46:02,806 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 94/138 +[2024-10-13 16:46:02,983 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 95/138 +[2024-10-13 16:46:03,160 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 96/138 +[2024-10-13 16:46:03,336 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 97/138 +[2024-10-13 16:46:03,513 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 98/138 +[2024-10-13 16:46:03,690 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 99/138 +[2024-10-13 16:46:03,866 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 100/138 +[2024-10-13 16:46:04,044 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 101/138 +[2024-10-13 16:46:04,221 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 102/138 +[2024-10-13 16:46:04,398 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 103/138 +[2024-10-13 16:46:04,574 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 104/138 +[2024-10-13 16:46:04,750 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 105/138 +[2024-10-13 16:46:04,927 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 106/138 +[2024-10-13 16:46:05,105 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 107/138 +[2024-10-13 16:46:05,281 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 108/138 +[2024-10-13 16:46:05,458 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 109/138 +[2024-10-13 16:46:05,634 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 110/138 +[2024-10-13 16:46:05,810 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 111/138 +[2024-10-13 16:46:05,986 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 112/138 +[2024-10-13 16:46:06,162 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 113/138 +[2024-10-13 16:46:06,339 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 114/138 +[2024-10-13 16:46:06,515 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 115/138 +[2024-10-13 16:46:06,691 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 116/138 +[2024-10-13 16:46:06,868 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 117/138 +[2024-10-13 16:46:07,045 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 118/138 +[2024-10-13 16:46:07,222 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 119/138 +[2024-10-13 16:46:07,400 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 120/138 +[2024-10-13 16:46:07,576 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 121/138 +[2024-10-13 16:46:07,752 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 122/138 +[2024-10-13 16:46:07,929 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 123/138 +[2024-10-13 16:46:08,106 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 124/138 +[2024-10-13 16:46:08,283 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 125/138 +[2024-10-13 16:46:08,460 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 126/138 +[2024-10-13 16:46:08,637 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 127/138 +[2024-10-13 16:46:08,803 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 128/138 +[2024-10-13 16:46:08,969 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 129/138 +[2024-10-13 16:46:09,135 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 130/138 +[2024-10-13 16:46:09,301 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 131/138 +[2024-10-13 16:46:09,468 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 132/138 +[2024-10-13 16:46:09,633 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 133/138 +[2024-10-13 16:46:09,800 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 134/138 +[2024-10-13 16:46:09,965 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 135/138 +[2024-10-13 16:46:10,131 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 136/138 +[2024-10-13 16:46:10,297 INFO test.py line 186 25394] Test: 240/312-scene0647_00, Batch: 137/138 +[2024-10-13 16:46:10,570 INFO test.py line 272 25394] Test: scene0647_00 [240/312]-196185 Batch 23.206 (19.217) Accuracy 0.8653 (0.4746) mIoU 0.4511 (0.3581) +[2024-10-13 16:46:10,714 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 0/134 +[2024-10-13 16:46:10,840 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 1/134 +[2024-10-13 16:46:10,967 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 2/134 +[2024-10-13 16:46:11,094 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 3/134 +[2024-10-13 16:46:11,220 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 4/134 +[2024-10-13 16:46:11,347 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 5/134 +[2024-10-13 16:46:11,474 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 6/134 +[2024-10-13 16:46:11,601 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 7/134 +[2024-10-13 16:46:11,727 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 8/134 +[2024-10-13 16:46:11,854 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 9/134 +[2024-10-13 16:46:11,981 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 10/134 +[2024-10-13 16:46:12,108 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 11/134 +[2024-10-13 16:46:12,235 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 12/134 +[2024-10-13 16:46:12,362 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 13/134 +[2024-10-13 16:46:12,489 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 14/134 +[2024-10-13 16:46:12,616 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 15/134 +[2024-10-13 16:46:12,743 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 16/134 +[2024-10-13 16:46:12,869 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 17/134 +[2024-10-13 16:46:12,996 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 18/134 +[2024-10-13 16:46:13,123 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 19/134 +[2024-10-13 16:46:13,250 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 20/134 +[2024-10-13 16:46:13,378 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 21/134 +[2024-10-13 16:46:13,505 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 22/134 +[2024-10-13 16:46:13,632 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 23/134 +[2024-10-13 16:46:13,759 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 24/134 +[2024-10-13 16:46:13,887 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 25/134 +[2024-10-13 16:46:14,014 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 26/134 +[2024-10-13 16:46:14,147 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 27/134 +[2024-10-13 16:46:14,310 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 28/134 +[2024-10-13 16:46:14,439 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 29/134 +[2024-10-13 16:46:14,567 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 30/134 +[2024-10-13 16:46:14,694 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 31/134 +[2024-10-13 16:46:14,822 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 32/134 +[2024-10-13 16:46:14,949 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 33/134 +[2024-10-13 16:46:15,076 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 34/134 +[2024-10-13 16:46:15,203 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 35/134 +[2024-10-13 16:46:15,330 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 36/134 +[2024-10-13 16:46:15,457 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 37/134 +[2024-10-13 16:46:15,585 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 38/134 +[2024-10-13 16:46:15,712 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 39/134 +[2024-10-13 16:46:15,830 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 40/134 +[2024-10-13 16:46:15,948 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 41/134 +[2024-10-13 16:46:16,067 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 42/134 +[2024-10-13 16:46:16,185 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 43/134 +[2024-10-13 16:46:16,304 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 44/134 +[2024-10-13 16:46:16,422 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 45/134 +[2024-10-13 16:46:16,540 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 46/134 +[2024-10-13 16:46:16,658 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 47/134 +[2024-10-13 16:46:16,777 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 48/134 +[2024-10-13 16:46:16,895 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 49/134 +[2024-10-13 16:46:17,013 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 50/134 +[2024-10-13 16:46:17,132 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 51/134 +[2024-10-13 16:46:17,250 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 52/134 +[2024-10-13 16:46:17,367 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 53/134 +[2024-10-13 16:46:17,485 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 54/134 +[2024-10-13 16:46:17,603 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 55/134 +[2024-10-13 16:46:17,721 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 56/134 +[2024-10-13 16:46:17,839 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 57/134 +[2024-10-13 16:46:17,957 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 58/134 +[2024-10-13 16:46:18,075 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 59/134 +[2024-10-13 16:46:18,192 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 60/134 +[2024-10-13 16:46:18,310 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 61/134 +[2024-10-13 16:46:18,428 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 62/134 +[2024-10-13 16:46:18,546 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 63/134 +[2024-10-13 16:46:18,664 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 64/134 +[2024-10-13 16:46:18,782 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 65/134 +[2024-10-13 16:46:18,900 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 66/134 +[2024-10-13 16:46:19,018 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 67/134 +[2024-10-13 16:46:19,136 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 68/134 +[2024-10-13 16:46:19,255 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 69/134 +[2024-10-13 16:46:19,373 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 70/134 +[2024-10-13 16:46:19,491 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 71/134 +[2024-10-13 16:46:19,610 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 72/134 +[2024-10-13 16:46:19,728 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 73/134 +[2024-10-13 16:46:19,846 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 74/134 +[2024-10-13 16:46:19,964 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 75/134 +[2024-10-13 16:46:20,082 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 76/134 +[2024-10-13 16:46:20,200 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 77/134 +[2024-10-13 16:46:20,319 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 78/134 +[2024-10-13 16:46:20,437 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 79/134 +[2024-10-13 16:46:20,555 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 80/134 +[2024-10-13 16:46:20,673 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 81/134 +[2024-10-13 16:46:20,792 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 82/134 +[2024-10-13 16:46:20,910 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 83/134 +[2024-10-13 16:46:21,028 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 84/134 +[2024-10-13 16:46:21,146 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 85/134 +[2024-10-13 16:46:21,265 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 86/134 +[2024-10-13 16:46:21,382 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 87/134 +[2024-10-13 16:46:21,516 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 88/134 +[2024-10-13 16:46:21,650 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 89/134 +[2024-10-13 16:46:21,783 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 90/134 +[2024-10-13 16:46:21,917 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 91/134 +[2024-10-13 16:46:22,051 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 92/134 +[2024-10-13 16:46:22,184 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 93/134 +[2024-10-13 16:46:22,317 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 94/134 +[2024-10-13 16:46:22,451 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 95/134 +[2024-10-13 16:46:22,584 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 96/134 +[2024-10-13 16:46:22,717 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 97/134 +[2024-10-13 16:46:22,850 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 98/134 +[2024-10-13 16:46:22,984 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 99/134 +[2024-10-13 16:46:23,117 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 100/134 +[2024-10-13 16:46:23,250 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 101/134 +[2024-10-13 16:46:23,383 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 102/134 +[2024-10-13 16:46:23,516 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 103/134 +[2024-10-13 16:46:23,649 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 104/134 +[2024-10-13 16:46:23,783 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 105/134 +[2024-10-13 16:46:23,916 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 106/134 +[2024-10-13 16:46:24,049 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 107/134 +[2024-10-13 16:46:24,182 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 108/134 +[2024-10-13 16:46:24,316 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 109/134 +[2024-10-13 16:46:24,449 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 110/134 +[2024-10-13 16:46:24,582 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 111/134 +[2024-10-13 16:46:24,715 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 112/134 +[2024-10-13 16:46:24,849 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 113/134 +[2024-10-13 16:46:24,982 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 114/134 +[2024-10-13 16:46:25,116 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 115/134 +[2024-10-13 16:46:25,250 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 116/134 +[2024-10-13 16:46:25,384 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 117/134 +[2024-10-13 16:46:25,517 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 118/134 +[2024-10-13 16:46:25,651 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 119/134 +[2024-10-13 16:46:25,785 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 120/134 +[2024-10-13 16:46:25,919 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 121/134 +[2024-10-13 16:46:26,053 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 122/134 +[2024-10-13 16:46:26,187 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 123/134 +[2024-10-13 16:46:26,315 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 124/134 +[2024-10-13 16:46:26,442 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 125/134 +[2024-10-13 16:46:26,570 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 126/134 +[2024-10-13 16:46:26,697 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 127/134 +[2024-10-13 16:46:26,824 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 128/134 +[2024-10-13 16:46:26,952 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 129/134 +[2024-10-13 16:46:27,079 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 130/134 +[2024-10-13 16:46:27,206 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 131/134 +[2024-10-13 16:46:27,334 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 132/134 +[2024-10-13 16:46:27,461 INFO test.py line 186 25394] Test: 241/312-scene0558_01, Batch: 133/134 +[2024-10-13 16:46:27,640 INFO test.py line 272 25394] Test: scene0558_01 [241/312]-141342 Batch 17.071 (19.208) Accuracy 0.9099 (0.4748) mIoU 0.7143 (0.3583) +[2024-10-13 16:46:27,751 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 0/117 +[2024-10-13 16:46:27,846 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 1/117 +[2024-10-13 16:46:27,942 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 2/117 +[2024-10-13 16:46:28,039 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 3/117 +[2024-10-13 16:46:28,135 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 4/117 +[2024-10-13 16:46:28,231 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 5/117 +[2024-10-13 16:46:28,326 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 6/117 +[2024-10-13 16:46:28,422 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 7/117 +[2024-10-13 16:46:28,518 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 8/117 +[2024-10-13 16:46:28,614 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 9/117 +[2024-10-13 16:46:28,710 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 10/117 +[2024-10-13 16:46:28,806 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 11/117 +[2024-10-13 16:46:28,902 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 12/117 +[2024-10-13 16:46:28,997 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 13/117 +[2024-10-13 16:46:29,093 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 14/117 +[2024-10-13 16:46:29,189 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 15/117 +[2024-10-13 16:46:29,285 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 16/117 +[2024-10-13 16:46:29,381 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 17/117 +[2024-10-13 16:46:29,477 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 18/117 +[2024-10-13 16:46:29,573 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 19/117 +[2024-10-13 16:46:29,669 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 20/117 +[2024-10-13 16:46:29,765 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 21/117 +[2024-10-13 16:46:29,861 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 22/117 +[2024-10-13 16:46:29,957 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 23/117 +[2024-10-13 16:46:30,053 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 24/117 +[2024-10-13 16:46:30,149 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 25/117 +[2024-10-13 16:46:30,245 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 26/117 +[2024-10-13 16:46:30,341 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 27/117 +[2024-10-13 16:46:30,437 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 28/117 +[2024-10-13 16:46:30,533 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 29/117 +[2024-10-13 16:46:30,629 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 30/117 +[2024-10-13 16:46:30,725 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 31/117 +[2024-10-13 16:46:30,821 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 32/117 +[2024-10-13 16:46:30,917 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 33/117 +[2024-10-13 16:46:31,012 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 34/117 +[2024-10-13 16:46:31,109 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 35/117 +[2024-10-13 16:46:31,200 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 36/117 +[2024-10-13 16:46:31,291 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 37/117 +[2024-10-13 16:46:31,382 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 38/117 +[2024-10-13 16:46:31,473 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 39/117 +[2024-10-13 16:46:31,564 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 40/117 +[2024-10-13 16:46:31,655 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 41/117 +[2024-10-13 16:46:31,746 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 42/117 +[2024-10-13 16:46:31,837 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 43/117 +[2024-10-13 16:46:31,929 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 44/117 +[2024-10-13 16:46:32,020 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 45/117 +[2024-10-13 16:46:32,111 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 46/117 +[2024-10-13 16:46:32,202 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 47/117 +[2024-10-13 16:46:32,294 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 48/117 +[2024-10-13 16:46:32,385 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 49/117 +[2024-10-13 16:46:32,508 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 50/117 +[2024-10-13 16:46:32,608 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 51/117 +[2024-10-13 16:46:32,703 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 52/117 +[2024-10-13 16:46:32,796 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 53/117 +[2024-10-13 16:46:32,889 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 54/117 +[2024-10-13 16:46:32,980 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 55/117 +[2024-10-13 16:46:33,071 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 56/117 +[2024-10-13 16:46:33,162 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 57/117 +[2024-10-13 16:46:33,253 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 58/117 +[2024-10-13 16:46:33,344 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 59/117 +[2024-10-13 16:46:33,435 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 60/117 +[2024-10-13 16:46:33,526 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 61/117 +[2024-10-13 16:46:33,617 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 62/117 +[2024-10-13 16:46:33,708 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 63/117 +[2024-10-13 16:46:33,799 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 64/117 +[2024-10-13 16:46:33,890 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 65/117 +[2024-10-13 16:46:33,982 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 66/117 +[2024-10-13 16:46:34,073 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 67/117 +[2024-10-13 16:46:34,164 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 68/117 +[2024-10-13 16:46:34,256 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 69/117 +[2024-10-13 16:46:34,347 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 70/117 +[2024-10-13 16:46:34,439 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 71/117 +[2024-10-13 16:46:34,530 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 72/117 +[2024-10-13 16:46:34,621 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 73/117 +[2024-10-13 16:46:34,712 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 74/117 +[2024-10-13 16:46:34,804 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 75/117 +[2024-10-13 16:46:34,906 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 76/117 +[2024-10-13 16:46:35,008 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 77/117 +[2024-10-13 16:46:35,110 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 78/117 +[2024-10-13 16:46:35,212 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 79/117 +[2024-10-13 16:46:35,315 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 80/117 +[2024-10-13 16:46:35,417 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 81/117 +[2024-10-13 16:46:35,519 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 82/117 +[2024-10-13 16:46:35,622 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 83/117 +[2024-10-13 16:46:35,724 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 84/117 +[2024-10-13 16:46:35,825 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 85/117 +[2024-10-13 16:46:35,927 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 86/117 +[2024-10-13 16:46:36,028 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 87/117 +[2024-10-13 16:46:36,130 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 88/117 +[2024-10-13 16:46:36,231 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 89/117 +[2024-10-13 16:46:36,333 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 90/117 +[2024-10-13 16:46:36,434 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 91/117 +[2024-10-13 16:46:36,536 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 92/117 +[2024-10-13 16:46:36,637 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 93/117 +[2024-10-13 16:46:36,739 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 94/117 +[2024-10-13 16:46:36,840 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 95/117 +[2024-10-13 16:46:36,942 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 96/117 +[2024-10-13 16:46:37,044 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 97/117 +[2024-10-13 16:46:37,145 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 98/117 +[2024-10-13 16:46:37,246 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 99/117 +[2024-10-13 16:46:37,348 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 100/117 +[2024-10-13 16:46:37,450 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 101/117 +[2024-10-13 16:46:37,552 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 102/117 +[2024-10-13 16:46:37,654 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 103/117 +[2024-10-13 16:46:37,756 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 104/117 +[2024-10-13 16:46:37,858 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 105/117 +[2024-10-13 16:46:37,960 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 106/117 +[2024-10-13 16:46:38,062 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 107/117 +[2024-10-13 16:46:38,158 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 108/117 +[2024-10-13 16:46:38,254 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 109/117 +[2024-10-13 16:46:38,350 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 110/117 +[2024-10-13 16:46:38,446 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 111/117 +[2024-10-13 16:46:38,542 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 112/117 +[2024-10-13 16:46:38,638 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 113/117 +[2024-10-13 16:46:38,734 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 114/117 +[2024-10-13 16:46:38,830 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 115/117 +[2024-10-13 16:46:38,925 INFO test.py line 186 25394] Test: 242/312-scene0193_00, Batch: 116/117 +[2024-10-13 16:46:39,057 INFO test.py line 272 25394] Test: scene0193_00 [242/312]-101783 Batch 11.417 (19.176) Accuracy 0.8820 (0.4747) mIoU 0.5466 (0.3583) +[2024-10-13 16:46:39,229 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 0/117 +[2024-10-13 16:46:39,375 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 1/117 +[2024-10-13 16:46:39,521 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 2/117 +[2024-10-13 16:46:39,668 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 3/117 +[2024-10-13 16:46:39,814 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 4/117 +[2024-10-13 16:46:39,960 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 5/117 +[2024-10-13 16:46:40,106 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 6/117 +[2024-10-13 16:46:40,252 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 7/117 +[2024-10-13 16:46:40,398 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 8/117 +[2024-10-13 16:46:40,544 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 9/117 +[2024-10-13 16:46:40,690 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 10/117 +[2024-10-13 16:46:40,836 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 11/117 +[2024-10-13 16:46:40,983 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 12/117 +[2024-10-13 16:46:41,129 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 13/117 +[2024-10-13 16:46:41,275 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 14/117 +[2024-10-13 16:46:41,421 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 15/117 +[2024-10-13 16:46:41,567 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 16/117 +[2024-10-13 16:46:41,713 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 17/117 +[2024-10-13 16:46:41,859 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 18/117 +[2024-10-13 16:46:42,006 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 19/117 +[2024-10-13 16:46:42,151 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 20/117 +[2024-10-13 16:46:42,298 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 21/117 +[2024-10-13 16:46:42,444 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 22/117 +[2024-10-13 16:46:42,590 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 23/117 +[2024-10-13 16:46:42,737 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 24/117 +[2024-10-13 16:46:42,883 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 25/117 +[2024-10-13 16:46:43,030 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 26/117 +[2024-10-13 16:46:43,176 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 27/117 +[2024-10-13 16:46:43,323 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 28/117 +[2024-10-13 16:46:43,469 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 29/117 +[2024-10-13 16:46:43,616 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 30/117 +[2024-10-13 16:46:43,762 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 31/117 +[2024-10-13 16:46:43,909 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 32/117 +[2024-10-13 16:46:44,056 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 33/117 +[2024-10-13 16:46:44,237 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 34/117 +[2024-10-13 16:46:44,385 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 35/117 +[2024-10-13 16:46:44,523 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 36/117 +[2024-10-13 16:46:44,661 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 37/117 +[2024-10-13 16:46:44,798 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 38/117 +[2024-10-13 16:46:44,935 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 39/117 +[2024-10-13 16:46:45,072 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 40/117 +[2024-10-13 16:46:45,209 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 41/117 +[2024-10-13 16:46:45,347 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 42/117 +[2024-10-13 16:46:45,484 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 43/117 +[2024-10-13 16:46:45,621 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 44/117 +[2024-10-13 16:46:45,758 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 45/117 +[2024-10-13 16:46:45,896 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 46/117 +[2024-10-13 16:46:46,033 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 47/117 +[2024-10-13 16:46:46,171 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 48/117 +[2024-10-13 16:46:46,309 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 49/117 +[2024-10-13 16:46:46,446 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 50/117 +[2024-10-13 16:46:46,584 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 51/117 +[2024-10-13 16:46:46,721 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 52/117 +[2024-10-13 16:46:46,859 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 53/117 +[2024-10-13 16:46:46,996 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 54/117 +[2024-10-13 16:46:47,133 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 55/117 +[2024-10-13 16:46:47,270 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 56/117 +[2024-10-13 16:46:47,407 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 57/117 +[2024-10-13 16:46:47,544 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 58/117 +[2024-10-13 16:46:47,681 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 59/117 +[2024-10-13 16:46:47,818 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 60/117 +[2024-10-13 16:46:47,955 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 61/117 +[2024-10-13 16:46:48,092 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 62/117 +[2024-10-13 16:46:48,228 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 63/117 +[2024-10-13 16:46:48,365 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 64/117 +[2024-10-13 16:46:48,502 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 65/117 +[2024-10-13 16:46:48,638 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 66/117 +[2024-10-13 16:46:48,775 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 67/117 +[2024-10-13 16:46:48,911 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 68/117 +[2024-10-13 16:46:49,048 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 69/117 +[2024-10-13 16:46:49,185 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 70/117 +[2024-10-13 16:46:49,321 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 71/117 +[2024-10-13 16:46:49,476 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 72/117 +[2024-10-13 16:46:49,631 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 73/117 +[2024-10-13 16:46:49,786 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 74/117 +[2024-10-13 16:46:49,941 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 75/117 +[2024-10-13 16:46:50,096 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 76/117 +[2024-10-13 16:46:50,251 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 77/117 +[2024-10-13 16:46:50,406 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 78/117 +[2024-10-13 16:46:50,561 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 79/117 +[2024-10-13 16:46:50,716 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 80/117 +[2024-10-13 16:46:50,871 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 81/117 +[2024-10-13 16:46:51,025 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 82/117 +[2024-10-13 16:46:51,180 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 83/117 +[2024-10-13 16:46:51,334 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 84/117 +[2024-10-13 16:46:51,488 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 85/117 +[2024-10-13 16:46:51,643 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 86/117 +[2024-10-13 16:46:51,798 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 87/117 +[2024-10-13 16:46:51,953 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 88/117 +[2024-10-13 16:46:52,107 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 89/117 +[2024-10-13 16:46:52,262 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 90/117 +[2024-10-13 16:46:52,417 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 91/117 +[2024-10-13 16:46:52,573 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 92/117 +[2024-10-13 16:46:52,727 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 93/117 +[2024-10-13 16:46:52,882 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 94/117 +[2024-10-13 16:46:53,037 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 95/117 +[2024-10-13 16:46:53,192 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 96/117 +[2024-10-13 16:46:53,347 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 97/117 +[2024-10-13 16:46:53,502 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 98/117 +[2024-10-13 16:46:53,657 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 99/117 +[2024-10-13 16:46:53,813 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 100/117 +[2024-10-13 16:46:53,968 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 101/117 +[2024-10-13 16:46:54,123 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 102/117 +[2024-10-13 16:46:54,279 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 103/117 +[2024-10-13 16:46:54,434 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 104/117 +[2024-10-13 16:46:54,589 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 105/117 +[2024-10-13 16:46:54,743 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 106/117 +[2024-10-13 16:46:54,899 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 107/117 +[2024-10-13 16:46:55,045 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 108/117 +[2024-10-13 16:46:55,192 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 109/117 +[2024-10-13 16:46:55,338 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 110/117 +[2024-10-13 16:46:55,485 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 111/117 +[2024-10-13 16:46:55,630 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 112/117 +[2024-10-13 16:46:55,777 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 113/117 +[2024-10-13 16:46:55,923 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 114/117 +[2024-10-13 16:46:56,070 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 115/117 +[2024-10-13 16:46:56,216 INFO test.py line 186 25394] Test: 243/312-scene0343_00, Batch: 116/117 +[2024-10-13 16:46:56,429 INFO test.py line 272 25394] Test: scene0343_00 [243/312]-165618 Batch 17.372 (19.168) Accuracy 0.7993 (0.4744) mIoU 0.2817 (0.3580) +[2024-10-13 16:46:56,640 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 0/130 +[2024-10-13 16:46:56,819 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 1/130 +[2024-10-13 16:46:56,998 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 2/130 +[2024-10-13 16:46:57,177 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 3/130 +[2024-10-13 16:46:57,356 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 4/130 +[2024-10-13 16:46:57,535 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 5/130 +[2024-10-13 16:46:57,714 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 6/130 +[2024-10-13 16:46:57,893 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 7/130 +[2024-10-13 16:46:58,072 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 8/130 +[2024-10-13 16:46:58,251 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 9/130 +[2024-10-13 16:46:58,431 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 10/130 +[2024-10-13 16:46:58,612 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 11/130 +[2024-10-13 16:46:58,793 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 12/130 +[2024-10-13 16:46:58,973 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 13/130 +[2024-10-13 16:46:59,154 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 14/130 +[2024-10-13 16:46:59,334 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 15/130 +[2024-10-13 16:46:59,514 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 16/130 +[2024-10-13 16:46:59,694 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 17/130 +[2024-10-13 16:46:59,875 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 18/130 +[2024-10-13 16:47:00,055 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 19/130 +[2024-10-13 16:47:00,234 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 20/130 +[2024-10-13 16:47:00,413 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 21/130 +[2024-10-13 16:47:00,592 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 22/130 +[2024-10-13 16:47:00,771 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 23/130 +[2024-10-13 16:47:00,950 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 24/130 +[2024-10-13 16:47:01,129 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 25/130 +[2024-10-13 16:47:01,310 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 26/130 +[2024-10-13 16:47:01,490 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 27/130 +[2024-10-13 16:47:01,669 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 28/130 +[2024-10-13 16:47:01,848 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 29/130 +[2024-10-13 16:47:02,027 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 30/130 +[2024-10-13 16:47:02,206 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 31/130 +[2024-10-13 16:47:02,386 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 32/130 +[2024-10-13 16:47:02,565 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 33/130 +[2024-10-13 16:47:02,744 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 34/130 +[2024-10-13 16:47:02,923 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 35/130 +[2024-10-13 16:47:03,102 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 36/130 +[2024-10-13 16:47:03,281 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 37/130 +[2024-10-13 16:47:03,459 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 38/130 +[2024-10-13 16:47:03,638 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 39/130 +[2024-10-13 16:47:03,805 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 40/130 +[2024-10-13 16:47:03,972 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 41/130 +[2024-10-13 16:47:04,139 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 42/130 +[2024-10-13 16:47:04,306 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 43/130 +[2024-10-13 16:47:04,473 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 44/130 +[2024-10-13 16:47:04,641 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 45/130 +[2024-10-13 16:47:04,808 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 46/130 +[2024-10-13 16:47:04,974 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 47/130 +[2024-10-13 16:47:05,142 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 48/130 +[2024-10-13 16:47:05,308 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 49/130 +[2024-10-13 16:47:05,475 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 50/130 +[2024-10-13 16:47:05,643 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 51/130 +[2024-10-13 16:47:05,810 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 52/130 +[2024-10-13 16:47:05,977 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 53/130 +[2024-10-13 16:47:06,144 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 54/130 +[2024-10-13 16:47:06,312 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 55/130 +[2024-10-13 16:47:06,479 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 56/130 +[2024-10-13 16:47:06,646 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 57/130 +[2024-10-13 16:47:06,813 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 58/130 +[2024-10-13 16:47:06,981 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 59/130 +[2024-10-13 16:47:07,148 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 60/130 +[2024-10-13 16:47:07,315 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 61/130 +[2024-10-13 16:47:07,482 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 62/130 +[2024-10-13 16:47:07,649 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 63/130 +[2024-10-13 16:47:07,817 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 64/130 +[2024-10-13 16:47:07,984 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 65/130 +[2024-10-13 16:47:08,151 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 66/130 +[2024-10-13 16:47:08,318 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 67/130 +[2024-10-13 16:47:08,485 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 68/130 +[2024-10-13 16:47:08,652 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 69/130 +[2024-10-13 16:47:08,820 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 70/130 +[2024-10-13 16:47:08,986 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 71/130 +[2024-10-13 16:47:09,153 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 72/130 +[2024-10-13 16:47:09,321 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 73/130 +[2024-10-13 16:47:09,488 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 74/130 +[2024-10-13 16:47:09,655 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 75/130 +[2024-10-13 16:47:09,823 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 76/130 +[2024-10-13 16:47:09,990 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 77/130 +[2024-10-13 16:47:10,158 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 78/130 +[2024-10-13 16:47:10,326 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 79/130 +[2024-10-13 16:47:10,493 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 80/130 +[2024-10-13 16:47:10,660 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 81/130 +[2024-10-13 16:47:10,827 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 82/130 +[2024-10-13 16:47:10,995 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 83/130 +[2024-10-13 16:47:11,184 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 84/130 +[2024-10-13 16:47:11,373 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 85/130 +[2024-10-13 16:47:11,563 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 86/130 +[2024-10-13 16:47:11,752 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 87/130 +[2024-10-13 16:47:11,942 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 88/130 +[2024-10-13 16:47:12,131 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 89/130 +[2024-10-13 16:47:12,321 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 90/130 +[2024-10-13 16:47:12,510 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 91/130 +[2024-10-13 16:47:12,700 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 92/130 +[2024-10-13 16:47:12,890 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 93/130 +[2024-10-13 16:47:13,080 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 94/130 +[2024-10-13 16:47:13,270 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 95/130 +[2024-10-13 16:47:13,460 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 96/130 +[2024-10-13 16:47:13,650 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 97/130 +[2024-10-13 16:47:13,840 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 98/130 +[2024-10-13 16:47:14,030 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 99/130 +[2024-10-13 16:47:14,220 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 100/130 +[2024-10-13 16:47:14,410 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 101/130 +[2024-10-13 16:47:14,600 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 102/130 +[2024-10-13 16:47:14,790 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 103/130 +[2024-10-13 16:47:14,980 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 104/130 +[2024-10-13 16:47:15,170 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 105/130 +[2024-10-13 16:47:15,359 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 106/130 +[2024-10-13 16:47:15,549 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 107/130 +[2024-10-13 16:47:15,739 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 108/130 +[2024-10-13 16:47:15,929 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 109/130 +[2024-10-13 16:47:16,119 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 110/130 +[2024-10-13 16:47:16,308 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 111/130 +[2024-10-13 16:47:16,498 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 112/130 +[2024-10-13 16:47:16,688 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 113/130 +[2024-10-13 16:47:16,878 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 114/130 +[2024-10-13 16:47:17,068 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 115/130 +[2024-10-13 16:47:17,258 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 116/130 +[2024-10-13 16:47:17,447 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 117/130 +[2024-10-13 16:47:17,637 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 118/130 +[2024-10-13 16:47:17,827 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 119/130 +[2024-10-13 16:47:18,006 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 120/130 +[2024-10-13 16:47:18,185 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 121/130 +[2024-10-13 16:47:18,364 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 122/130 +[2024-10-13 16:47:18,543 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 123/130 +[2024-10-13 16:47:18,722 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 124/130 +[2024-10-13 16:47:18,901 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 125/130 +[2024-10-13 16:47:19,080 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 126/130 +[2024-10-13 16:47:19,259 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 127/130 +[2024-10-13 16:47:19,438 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 128/130 +[2024-10-13 16:47:19,617 INFO test.py line 186 25394] Test: 244/312-scene0203_01, Batch: 129/130 +[2024-10-13 16:47:19,877 INFO test.py line 272 25394] Test: scene0203_01 [244/312]-206210 Batch 23.447 (19.186) Accuracy 0.6094 (0.4736) mIoU 0.3742 (0.3573) +[2024-10-13 16:47:20,077 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 0/143 +[2024-10-13 16:47:20,244 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 1/143 +[2024-10-13 16:47:20,412 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 2/143 +[2024-10-13 16:47:20,579 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 3/143 +[2024-10-13 16:47:20,746 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 4/143 +[2024-10-13 16:47:20,914 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 5/143 +[2024-10-13 16:47:21,081 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 6/143 +[2024-10-13 16:47:21,249 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 7/143 +[2024-10-13 16:47:21,416 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 8/143 +[2024-10-13 16:47:21,583 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 9/143 +[2024-10-13 16:47:21,751 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 10/143 +[2024-10-13 16:47:21,959 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 11/143 +[2024-10-13 16:47:22,126 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 12/143 +[2024-10-13 16:47:22,294 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 13/143 +[2024-10-13 16:47:22,462 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 14/143 +[2024-10-13 16:47:22,629 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 15/143 +[2024-10-13 16:47:22,797 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 16/143 +[2024-10-13 16:47:22,965 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 17/143 +[2024-10-13 16:47:23,133 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 18/143 +[2024-10-13 16:47:23,300 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 19/143 +[2024-10-13 16:47:23,467 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 20/143 +[2024-10-13 16:47:23,635 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 21/143 +[2024-10-13 16:47:23,802 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 22/143 +[2024-10-13 16:47:23,969 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 23/143 +[2024-10-13 16:47:24,137 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 24/143 +[2024-10-13 16:47:24,304 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 25/143 +[2024-10-13 16:47:24,471 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 26/143 +[2024-10-13 16:47:24,639 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 27/143 +[2024-10-13 16:47:24,806 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 28/143 +[2024-10-13 16:47:24,973 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 29/143 +[2024-10-13 16:47:25,141 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 30/143 +[2024-10-13 16:47:25,308 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 31/143 +[2024-10-13 16:47:25,476 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 32/143 +[2024-10-13 16:47:25,643 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 33/143 +[2024-10-13 16:47:25,810 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 34/143 +[2024-10-13 16:47:25,978 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 35/143 +[2024-10-13 16:47:26,145 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 36/143 +[2024-10-13 16:47:26,313 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 37/143 +[2024-10-13 16:47:26,480 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 38/143 +[2024-10-13 16:47:26,648 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 39/143 +[2024-10-13 16:47:26,815 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 40/143 +[2024-10-13 16:47:26,983 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 41/143 +[2024-10-13 16:47:27,151 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 42/143 +[2024-10-13 16:47:27,318 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 43/143 +[2024-10-13 16:47:27,475 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 44/143 +[2024-10-13 16:47:27,632 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 45/143 +[2024-10-13 16:47:27,789 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 46/143 +[2024-10-13 16:47:27,946 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 47/143 +[2024-10-13 16:47:28,102 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 48/143 +[2024-10-13 16:47:28,259 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 49/143 +[2024-10-13 16:47:28,416 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 50/143 +[2024-10-13 16:47:28,573 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 51/143 +[2024-10-13 16:47:28,730 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 52/143 +[2024-10-13 16:47:28,887 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 53/143 +[2024-10-13 16:47:29,044 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 54/143 +[2024-10-13 16:47:29,201 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 55/143 +[2024-10-13 16:47:29,358 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 56/143 +[2024-10-13 16:47:29,516 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 57/143 +[2024-10-13 16:47:29,673 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 58/143 +[2024-10-13 16:47:29,831 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 59/143 +[2024-10-13 16:47:29,989 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 60/143 +[2024-10-13 16:47:30,147 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 61/143 +[2024-10-13 16:47:30,305 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 62/143 +[2024-10-13 16:47:30,463 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 63/143 +[2024-10-13 16:47:30,621 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 64/143 +[2024-10-13 16:47:30,779 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 65/143 +[2024-10-13 16:47:30,936 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 66/143 +[2024-10-13 16:47:31,094 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 67/143 +[2024-10-13 16:47:31,252 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 68/143 +[2024-10-13 16:47:31,411 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 69/143 +[2024-10-13 16:47:31,569 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 70/143 +[2024-10-13 16:47:31,726 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 71/143 +[2024-10-13 16:47:31,884 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 72/143 +[2024-10-13 16:47:32,042 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 73/143 +[2024-10-13 16:47:32,199 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 74/143 +[2024-10-13 16:47:32,357 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 75/143 +[2024-10-13 16:47:32,514 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 76/143 +[2024-10-13 16:47:32,672 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 77/143 +[2024-10-13 16:47:32,830 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 78/143 +[2024-10-13 16:47:32,988 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 79/143 +[2024-10-13 16:47:33,146 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 80/143 +[2024-10-13 16:47:33,304 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 81/143 +[2024-10-13 16:47:33,461 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 82/143 +[2024-10-13 16:47:33,618 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 83/143 +[2024-10-13 16:47:33,775 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 84/143 +[2024-10-13 16:47:33,932 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 85/143 +[2024-10-13 16:47:34,089 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 86/143 +[2024-10-13 16:47:34,246 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 87/143 +[2024-10-13 16:47:34,403 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 88/143 +[2024-10-13 16:47:34,560 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 89/143 +[2024-10-13 16:47:34,716 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 90/143 +[2024-10-13 16:47:34,874 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 91/143 +[2024-10-13 16:47:35,031 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 92/143 +[2024-10-13 16:47:35,188 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 93/143 +[2024-10-13 16:47:35,345 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 94/143 +[2024-10-13 16:47:35,502 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 95/143 +[2024-10-13 16:47:35,680 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 96/143 +[2024-10-13 16:47:35,858 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 97/143 +[2024-10-13 16:47:36,036 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 98/143 +[2024-10-13 16:47:36,214 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 99/143 +[2024-10-13 16:47:36,393 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 100/143 +[2024-10-13 16:47:36,571 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 101/143 +[2024-10-13 16:47:36,748 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 102/143 +[2024-10-13 16:47:36,926 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 103/143 +[2024-10-13 16:47:37,104 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 104/143 +[2024-10-13 16:47:37,281 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 105/143 +[2024-10-13 16:47:37,459 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 106/143 +[2024-10-13 16:47:37,637 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 107/143 +[2024-10-13 16:47:37,814 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 108/143 +[2024-10-13 16:47:37,992 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 109/143 +[2024-10-13 16:47:38,170 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 110/143 +[2024-10-13 16:47:38,347 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 111/143 +[2024-10-13 16:47:38,524 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 112/143 +[2024-10-13 16:47:38,701 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 113/143 +[2024-10-13 16:47:38,879 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 114/143 +[2024-10-13 16:47:39,057 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 115/143 +[2024-10-13 16:47:39,235 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 116/143 +[2024-10-13 16:47:39,412 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 117/143 +[2024-10-13 16:47:39,590 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 118/143 +[2024-10-13 16:47:39,767 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 119/143 +[2024-10-13 16:47:39,944 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 120/143 +[2024-10-13 16:47:40,122 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 121/143 +[2024-10-13 16:47:40,300 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 122/143 +[2024-10-13 16:47:40,477 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 123/143 +[2024-10-13 16:47:40,655 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 124/143 +[2024-10-13 16:47:40,833 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 125/143 +[2024-10-13 16:47:41,011 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 126/143 +[2024-10-13 16:47:41,188 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 127/143 +[2024-10-13 16:47:41,365 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 128/143 +[2024-10-13 16:47:41,543 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 129/143 +[2024-10-13 16:47:41,720 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 130/143 +[2024-10-13 16:47:41,898 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 131/143 +[2024-10-13 16:47:42,066 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 132/143 +[2024-10-13 16:47:42,233 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 133/143 +[2024-10-13 16:47:42,400 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 134/143 +[2024-10-13 16:47:42,568 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 135/143 +[2024-10-13 16:47:42,735 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 136/143 +[2024-10-13 16:47:42,902 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 137/143 +[2024-10-13 16:47:43,070 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 138/143 +[2024-10-13 16:47:43,236 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 139/143 +[2024-10-13 16:47:43,404 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 140/143 +[2024-10-13 16:47:43,571 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 141/143 +[2024-10-13 16:47:43,738 INFO test.py line 186 25394] Test: 245/312-scene0389_00, Batch: 142/143 +[2024-10-13 16:47:43,993 INFO test.py line 272 25394] Test: scene0389_00 [245/312]-201003 Batch 24.116 (19.206) Accuracy 0.9219 (0.4735) mIoU 0.5739 (0.3572) +[2024-10-13 16:47:44,195 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 0/130 +[2024-10-13 16:47:44,366 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 1/130 +[2024-10-13 16:47:44,537 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 2/130 +[2024-10-13 16:47:44,708 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 3/130 +[2024-10-13 16:47:44,879 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 4/130 +[2024-10-13 16:47:45,050 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 5/130 +[2024-10-13 16:47:45,221 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 6/130 +[2024-10-13 16:47:45,392 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 7/130 +[2024-10-13 16:47:45,563 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 8/130 +[2024-10-13 16:47:45,734 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 9/130 +[2024-10-13 16:47:45,905 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 10/130 +[2024-10-13 16:47:46,077 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 11/130 +[2024-10-13 16:47:46,248 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 12/130 +[2024-10-13 16:47:46,419 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 13/130 +[2024-10-13 16:47:46,590 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 14/130 +[2024-10-13 16:47:46,760 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 15/130 +[2024-10-13 16:47:46,931 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 16/130 +[2024-10-13 16:47:47,102 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 17/130 +[2024-10-13 16:47:47,273 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 18/130 +[2024-10-13 16:47:47,445 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 19/130 +[2024-10-13 16:47:47,632 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 20/130 +[2024-10-13 16:47:47,803 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 21/130 +[2024-10-13 16:47:47,975 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 22/130 +[2024-10-13 16:47:48,146 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 23/130 +[2024-10-13 16:47:48,316 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 24/130 +[2024-10-13 16:47:48,487 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 25/130 +[2024-10-13 16:47:48,658 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 26/130 +[2024-10-13 16:47:48,829 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 27/130 +[2024-10-13 16:47:48,999 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 28/130 +[2024-10-13 16:47:49,170 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 29/130 +[2024-10-13 16:47:49,341 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 30/130 +[2024-10-13 16:47:49,511 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 31/130 +[2024-10-13 16:47:49,682 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 32/130 +[2024-10-13 16:47:49,852 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 33/130 +[2024-10-13 16:47:50,023 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 34/130 +[2024-10-13 16:47:50,193 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 35/130 +[2024-10-13 16:47:50,364 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 36/130 +[2024-10-13 16:47:50,534 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 37/130 +[2024-10-13 16:47:50,705 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 38/130 +[2024-10-13 16:47:50,875 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 39/130 +[2024-10-13 16:47:51,036 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 40/130 +[2024-10-13 16:47:51,196 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 41/130 +[2024-10-13 16:47:51,356 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 42/130 +[2024-10-13 16:47:51,516 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 43/130 +[2024-10-13 16:47:51,676 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 44/130 +[2024-10-13 16:47:51,836 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 45/130 +[2024-10-13 16:47:51,996 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 46/130 +[2024-10-13 16:47:52,156 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 47/130 +[2024-10-13 16:47:52,316 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 48/130 +[2024-10-13 16:47:52,476 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 49/130 +[2024-10-13 16:47:52,636 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 50/130 +[2024-10-13 16:47:52,796 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 51/130 +[2024-10-13 16:47:52,956 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 52/130 +[2024-10-13 16:47:53,116 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 53/130 +[2024-10-13 16:47:53,277 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 54/130 +[2024-10-13 16:47:53,437 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 55/130 +[2024-10-13 16:47:53,597 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 56/130 +[2024-10-13 16:47:53,757 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 57/130 +[2024-10-13 16:47:53,917 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 58/130 +[2024-10-13 16:47:54,077 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 59/130 +[2024-10-13 16:47:54,237 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 60/130 +[2024-10-13 16:47:54,396 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 61/130 +[2024-10-13 16:47:54,557 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 62/130 +[2024-10-13 16:47:54,716 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 63/130 +[2024-10-13 16:47:54,876 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 64/130 +[2024-10-13 16:47:55,036 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 65/130 +[2024-10-13 16:47:55,196 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 66/130 +[2024-10-13 16:47:55,356 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 67/130 +[2024-10-13 16:47:55,516 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 68/130 +[2024-10-13 16:47:55,676 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 69/130 +[2024-10-13 16:47:55,836 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 70/130 +[2024-10-13 16:47:55,996 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 71/130 +[2024-10-13 16:47:56,156 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 72/130 +[2024-10-13 16:47:56,316 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 73/130 +[2024-10-13 16:47:56,476 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 74/130 +[2024-10-13 16:47:56,636 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 75/130 +[2024-10-13 16:47:56,796 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 76/130 +[2024-10-13 16:47:56,956 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 77/130 +[2024-10-13 16:47:57,116 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 78/130 +[2024-10-13 16:47:57,276 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 79/130 +[2024-10-13 16:47:57,457 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 80/130 +[2024-10-13 16:47:57,639 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 81/130 +[2024-10-13 16:47:57,821 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 82/130 +[2024-10-13 16:47:58,002 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 83/130 +[2024-10-13 16:47:58,183 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 84/130 +[2024-10-13 16:47:58,365 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 85/130 +[2024-10-13 16:47:58,547 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 86/130 +[2024-10-13 16:47:58,729 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 87/130 +[2024-10-13 16:47:58,910 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 88/130 +[2024-10-13 16:47:59,092 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 89/130 +[2024-10-13 16:47:59,274 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 90/130 +[2024-10-13 16:47:59,456 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 91/130 +[2024-10-13 16:47:59,637 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 92/130 +[2024-10-13 16:47:59,818 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 93/130 +[2024-10-13 16:47:59,999 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 94/130 +[2024-10-13 16:48:00,181 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 95/130 +[2024-10-13 16:48:00,361 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 96/130 +[2024-10-13 16:48:00,543 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 97/130 +[2024-10-13 16:48:00,724 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 98/130 +[2024-10-13 16:48:00,905 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 99/130 +[2024-10-13 16:48:01,086 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 100/130 +[2024-10-13 16:48:01,267 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 101/130 +[2024-10-13 16:48:01,449 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 102/130 +[2024-10-13 16:48:01,630 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 103/130 +[2024-10-13 16:48:01,811 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 104/130 +[2024-10-13 16:48:01,993 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 105/130 +[2024-10-13 16:48:02,174 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 106/130 +[2024-10-13 16:48:02,355 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 107/130 +[2024-10-13 16:48:02,536 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 108/130 +[2024-10-13 16:48:02,717 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 109/130 +[2024-10-13 16:48:02,899 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 110/130 +[2024-10-13 16:48:03,080 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 111/130 +[2024-10-13 16:48:03,262 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 112/130 +[2024-10-13 16:48:03,444 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 113/130 +[2024-10-13 16:48:03,625 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 114/130 +[2024-10-13 16:48:03,808 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 115/130 +[2024-10-13 16:48:03,990 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 116/130 +[2024-10-13 16:48:04,171 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 117/130 +[2024-10-13 16:48:04,353 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 118/130 +[2024-10-13 16:48:04,535 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 119/130 +[2024-10-13 16:48:04,706 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 120/130 +[2024-10-13 16:48:04,877 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 121/130 +[2024-10-13 16:48:05,048 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 122/130 +[2024-10-13 16:48:05,218 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 123/130 +[2024-10-13 16:48:05,389 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 124/130 +[2024-10-13 16:48:05,559 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 125/130 +[2024-10-13 16:48:05,730 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 126/130 +[2024-10-13 16:48:05,901 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 127/130 +[2024-10-13 16:48:06,072 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 128/130 +[2024-10-13 16:48:06,243 INFO test.py line 186 25394] Test: 246/312-scene0665_01, Batch: 129/130 +[2024-10-13 16:48:06,495 INFO test.py line 272 25394] Test: scene0665_01 [246/312]-200688 Batch 22.501 (19.219) Accuracy 0.9526 (0.4735) mIoU 0.6002 (0.3573) +[2024-10-13 16:48:06,597 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 0/129 +[2024-10-13 16:48:06,686 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 1/129 +[2024-10-13 16:48:06,776 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 2/129 +[2024-10-13 16:48:06,866 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 3/129 +[2024-10-13 16:48:06,955 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 4/129 +[2024-10-13 16:48:07,045 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 5/129 +[2024-10-13 16:48:07,135 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 6/129 +[2024-10-13 16:48:07,224 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 7/129 +[2024-10-13 16:48:07,314 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 8/129 +[2024-10-13 16:48:07,403 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 9/129 +[2024-10-13 16:48:07,493 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 10/129 +[2024-10-13 16:48:07,582 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 11/129 +[2024-10-13 16:48:07,671 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 12/129 +[2024-10-13 16:48:07,761 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 13/129 +[2024-10-13 16:48:07,850 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 14/129 +[2024-10-13 16:48:07,939 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 15/129 +[2024-10-13 16:48:08,029 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 16/129 +[2024-10-13 16:48:08,118 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 17/129 +[2024-10-13 16:48:08,207 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 18/129 +[2024-10-13 16:48:08,297 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 19/129 +[2024-10-13 16:48:08,386 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 20/129 +[2024-10-13 16:48:08,475 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 21/129 +[2024-10-13 16:48:08,565 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 22/129 +[2024-10-13 16:48:08,654 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 23/129 +[2024-10-13 16:48:08,743 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 24/129 +[2024-10-13 16:48:08,833 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 25/129 +[2024-10-13 16:48:08,922 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 26/129 +[2024-10-13 16:48:09,011 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 27/129 +[2024-10-13 16:48:09,100 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 28/129 +[2024-10-13 16:48:09,190 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 29/129 +[2024-10-13 16:48:09,279 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 30/129 +[2024-10-13 16:48:09,368 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 31/129 +[2024-10-13 16:48:09,458 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 32/129 +[2024-10-13 16:48:09,547 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 33/129 +[2024-10-13 16:48:09,636 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 34/129 +[2024-10-13 16:48:09,726 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 35/129 +[2024-10-13 16:48:09,812 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 36/129 +[2024-10-13 16:48:09,897 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 37/129 +[2024-10-13 16:48:09,983 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 38/129 +[2024-10-13 16:48:10,069 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 39/129 +[2024-10-13 16:48:10,155 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 40/129 +[2024-10-13 16:48:10,241 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 41/129 +[2024-10-13 16:48:10,327 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 42/129 +[2024-10-13 16:48:10,412 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 43/129 +[2024-10-13 16:48:10,537 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 44/129 +[2024-10-13 16:48:10,624 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 45/129 +[2024-10-13 16:48:10,711 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 46/129 +[2024-10-13 16:48:10,798 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 47/129 +[2024-10-13 16:48:10,883 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 48/129 +[2024-10-13 16:48:10,969 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 49/129 +[2024-10-13 16:48:11,055 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 50/129 +[2024-10-13 16:48:11,140 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 51/129 +[2024-10-13 16:48:11,226 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 52/129 +[2024-10-13 16:48:11,311 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 53/129 +[2024-10-13 16:48:11,397 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 54/129 +[2024-10-13 16:48:11,482 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 55/129 +[2024-10-13 16:48:11,568 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 56/129 +[2024-10-13 16:48:11,653 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 57/129 +[2024-10-13 16:48:11,738 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 58/129 +[2024-10-13 16:48:11,823 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 59/129 +[2024-10-13 16:48:11,909 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 60/129 +[2024-10-13 16:48:11,994 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 61/129 +[2024-10-13 16:48:12,080 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 62/129 +[2024-10-13 16:48:12,165 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 63/129 +[2024-10-13 16:48:12,250 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 64/129 +[2024-10-13 16:48:12,336 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 65/129 +[2024-10-13 16:48:12,421 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 66/129 +[2024-10-13 16:48:12,506 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 67/129 +[2024-10-13 16:48:12,591 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 68/129 +[2024-10-13 16:48:12,677 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 69/129 +[2024-10-13 16:48:12,762 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 70/129 +[2024-10-13 16:48:12,847 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 71/129 +[2024-10-13 16:48:12,933 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 72/129 +[2024-10-13 16:48:13,018 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 73/129 +[2024-10-13 16:48:13,103 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 74/129 +[2024-10-13 16:48:13,189 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 75/129 +[2024-10-13 16:48:13,281 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 76/129 +[2024-10-13 16:48:13,375 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 77/129 +[2024-10-13 16:48:13,468 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 78/129 +[2024-10-13 16:48:13,561 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 79/129 +[2024-10-13 16:48:13,655 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 80/129 +[2024-10-13 16:48:13,748 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 81/129 +[2024-10-13 16:48:13,841 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 82/129 +[2024-10-13 16:48:13,934 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 83/129 +[2024-10-13 16:48:14,028 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 84/129 +[2024-10-13 16:48:14,121 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 85/129 +[2024-10-13 16:48:14,215 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 86/129 +[2024-10-13 16:48:14,308 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 87/129 +[2024-10-13 16:48:14,401 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 88/129 +[2024-10-13 16:48:14,495 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 89/129 +[2024-10-13 16:48:14,588 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 90/129 +[2024-10-13 16:48:14,682 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 91/129 +[2024-10-13 16:48:14,775 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 92/129 +[2024-10-13 16:48:14,869 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 93/129 +[2024-10-13 16:48:14,962 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 94/129 +[2024-10-13 16:48:15,056 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 95/129 +[2024-10-13 16:48:15,149 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 96/129 +[2024-10-13 16:48:15,243 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 97/129 +[2024-10-13 16:48:15,336 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 98/129 +[2024-10-13 16:48:15,430 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 99/129 +[2024-10-13 16:48:15,523 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 100/129 +[2024-10-13 16:48:15,616 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 101/129 +[2024-10-13 16:48:15,710 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 102/129 +[2024-10-13 16:48:15,803 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 103/129 +[2024-10-13 16:48:15,897 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 104/129 +[2024-10-13 16:48:15,990 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 105/129 +[2024-10-13 16:48:16,083 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 106/129 +[2024-10-13 16:48:16,176 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 107/129 +[2024-10-13 16:48:16,270 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 108/129 +[2024-10-13 16:48:16,363 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 109/129 +[2024-10-13 16:48:16,457 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 110/129 +[2024-10-13 16:48:16,550 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 111/129 +[2024-10-13 16:48:16,643 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 112/129 +[2024-10-13 16:48:16,736 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 113/129 +[2024-10-13 16:48:16,830 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 114/129 +[2024-10-13 16:48:16,923 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 115/129 +[2024-10-13 16:48:17,017 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 116/129 +[2024-10-13 16:48:17,110 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 117/129 +[2024-10-13 16:48:17,204 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 118/129 +[2024-10-13 16:48:17,297 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 119/129 +[2024-10-13 16:48:17,387 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 120/129 +[2024-10-13 16:48:17,476 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 121/129 +[2024-10-13 16:48:17,565 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 122/129 +[2024-10-13 16:48:17,654 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 123/129 +[2024-10-13 16:48:17,743 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 124/129 +[2024-10-13 16:48:17,832 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 125/129 +[2024-10-13 16:48:17,922 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 126/129 +[2024-10-13 16:48:18,011 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 127/129 +[2024-10-13 16:48:18,100 INFO test.py line 186 25394] Test: 247/312-scene0164_03, Batch: 128/129 +[2024-10-13 16:48:18,224 INFO test.py line 272 25394] Test: scene0164_03 [247/312]-89190 Batch 11.729 (19.189) Accuracy 0.9019 (0.4871) mIoU 0.6045 (0.3648) +[2024-10-13 16:48:18,405 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 0/108 +[2024-10-13 16:48:18,557 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 1/108 +[2024-10-13 16:48:18,708 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 2/108 +[2024-10-13 16:48:18,860 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 3/108 +[2024-10-13 16:48:19,011 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 4/108 +[2024-10-13 16:48:19,163 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 5/108 +[2024-10-13 16:48:19,314 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 6/108 +[2024-10-13 16:48:19,466 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 7/108 +[2024-10-13 16:48:19,618 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 8/108 +[2024-10-13 16:48:19,770 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 9/108 +[2024-10-13 16:48:19,921 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 10/108 +[2024-10-13 16:48:20,073 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 11/108 +[2024-10-13 16:48:20,225 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 12/108 +[2024-10-13 16:48:20,377 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 13/108 +[2024-10-13 16:48:20,536 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 14/108 +[2024-10-13 16:48:20,690 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 15/108 +[2024-10-13 16:48:20,842 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 16/108 +[2024-10-13 16:48:20,994 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 17/108 +[2024-10-13 16:48:21,146 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 18/108 +[2024-10-13 16:48:21,297 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 19/108 +[2024-10-13 16:48:21,448 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 20/108 +[2024-10-13 16:48:21,600 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 21/108 +[2024-10-13 16:48:21,752 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 22/108 +[2024-10-13 16:48:21,903 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 23/108 +[2024-10-13 16:48:22,055 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 24/108 +[2024-10-13 16:48:22,207 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 25/108 +[2024-10-13 16:48:22,359 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 26/108 +[2024-10-13 16:48:22,512 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 27/108 +[2024-10-13 16:48:22,664 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 28/108 +[2024-10-13 16:48:22,816 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 29/108 +[2024-10-13 16:48:22,968 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 30/108 +[2024-10-13 16:48:23,120 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 31/108 +[2024-10-13 16:48:23,262 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 32/108 +[2024-10-13 16:48:23,404 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 33/108 +[2024-10-13 16:48:23,546 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 34/108 +[2024-10-13 16:48:23,688 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 35/108 +[2024-10-13 16:48:23,830 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 36/108 +[2024-10-13 16:48:23,972 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 37/108 +[2024-10-13 16:48:24,114 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 38/108 +[2024-10-13 16:48:24,256 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 39/108 +[2024-10-13 16:48:24,397 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 40/108 +[2024-10-13 16:48:24,539 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 41/108 +[2024-10-13 16:48:24,681 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 42/108 +[2024-10-13 16:48:24,823 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 43/108 +[2024-10-13 16:48:24,965 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 44/108 +[2024-10-13 16:48:25,108 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 45/108 +[2024-10-13 16:48:25,250 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 46/108 +[2024-10-13 16:48:25,392 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 47/108 +[2024-10-13 16:48:25,534 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 48/108 +[2024-10-13 16:48:25,676 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 49/108 +[2024-10-13 16:48:25,817 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 50/108 +[2024-10-13 16:48:25,959 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 51/108 +[2024-10-13 16:48:26,101 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 52/108 +[2024-10-13 16:48:26,243 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 53/108 +[2024-10-13 16:48:26,385 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 54/108 +[2024-10-13 16:48:26,527 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 55/108 +[2024-10-13 16:48:26,669 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 56/108 +[2024-10-13 16:48:26,811 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 57/108 +[2024-10-13 16:48:26,953 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 58/108 +[2024-10-13 16:48:27,094 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 59/108 +[2024-10-13 16:48:27,236 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 60/108 +[2024-10-13 16:48:27,378 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 61/108 +[2024-10-13 16:48:27,519 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 62/108 +[2024-10-13 16:48:27,662 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 63/108 +[2024-10-13 16:48:27,803 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 64/108 +[2024-10-13 16:48:27,945 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 65/108 +[2024-10-13 16:48:28,087 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 66/108 +[2024-10-13 16:48:28,229 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 67/108 +[2024-10-13 16:48:28,391 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 68/108 +[2024-10-13 16:48:28,552 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 69/108 +[2024-10-13 16:48:28,713 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 70/108 +[2024-10-13 16:48:28,874 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 71/108 +[2024-10-13 16:48:29,035 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 72/108 +[2024-10-13 16:48:29,196 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 73/108 +[2024-10-13 16:48:29,358 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 74/108 +[2024-10-13 16:48:29,519 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 75/108 +[2024-10-13 16:48:29,679 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 76/108 +[2024-10-13 16:48:29,840 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 77/108 +[2024-10-13 16:48:30,001 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 78/108 +[2024-10-13 16:48:30,162 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 79/108 +[2024-10-13 16:48:30,323 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 80/108 +[2024-10-13 16:48:30,484 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 81/108 +[2024-10-13 16:48:30,645 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 82/108 +[2024-10-13 16:48:30,806 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 83/108 +[2024-10-13 16:48:30,967 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 84/108 +[2024-10-13 16:48:31,129 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 85/108 +[2024-10-13 16:48:31,290 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 86/108 +[2024-10-13 16:48:31,451 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 87/108 +[2024-10-13 16:48:31,612 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 88/108 +[2024-10-13 16:48:31,774 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 89/108 +[2024-10-13 16:48:31,935 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 90/108 +[2024-10-13 16:48:32,096 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 91/108 +[2024-10-13 16:48:32,257 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 92/108 +[2024-10-13 16:48:32,418 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 93/108 +[2024-10-13 16:48:32,579 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 94/108 +[2024-10-13 16:48:32,740 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 95/108 +[2024-10-13 16:48:32,901 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 96/108 +[2024-10-13 16:48:33,062 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 97/108 +[2024-10-13 16:48:33,223 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 98/108 +[2024-10-13 16:48:33,384 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 99/108 +[2024-10-13 16:48:33,535 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 100/108 +[2024-10-13 16:48:33,686 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 101/108 +[2024-10-13 16:48:33,838 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 102/108 +[2024-10-13 16:48:33,990 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 103/108 +[2024-10-13 16:48:34,142 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 104/108 +[2024-10-13 16:48:34,293 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 105/108 +[2024-10-13 16:48:34,445 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 106/108 +[2024-10-13 16:48:34,596 INFO test.py line 186 25394] Test: 248/312-scene0648_01, Batch: 107/108 +[2024-10-13 16:48:34,823 INFO test.py line 272 25394] Test: scene0648_01 [248/312]-172602 Batch 16.598 (19.179) Accuracy 0.7879 (0.4868) mIoU 0.2830 (0.3642) +[2024-10-13 16:48:35,003 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 0/126 +[2024-10-13 16:48:35,155 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 1/126 +[2024-10-13 16:48:35,307 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 2/126 +[2024-10-13 16:48:35,459 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 3/126 +[2024-10-13 16:48:35,612 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 4/126 +[2024-10-13 16:48:35,763 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 5/126 +[2024-10-13 16:48:35,915 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 6/126 +[2024-10-13 16:48:36,067 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 7/126 +[2024-10-13 16:48:36,220 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 8/126 +[2024-10-13 16:48:36,372 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 9/126 +[2024-10-13 16:48:36,524 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 10/126 +[2024-10-13 16:48:36,676 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 11/126 +[2024-10-13 16:48:36,828 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 12/126 +[2024-10-13 16:48:36,981 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 13/126 +[2024-10-13 16:48:37,133 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 14/126 +[2024-10-13 16:48:37,285 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 15/126 +[2024-10-13 16:48:37,437 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 16/126 +[2024-10-13 16:48:37,590 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 17/126 +[2024-10-13 16:48:37,741 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 18/126 +[2024-10-13 16:48:37,930 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 19/126 +[2024-10-13 16:48:38,083 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 20/126 +[2024-10-13 16:48:38,235 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 21/126 +[2024-10-13 16:48:38,387 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 22/126 +[2024-10-13 16:48:38,538 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 23/126 +[2024-10-13 16:48:38,690 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 24/126 +[2024-10-13 16:48:38,842 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 25/126 +[2024-10-13 16:48:38,994 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 26/126 +[2024-10-13 16:48:39,146 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 27/126 +[2024-10-13 16:48:39,297 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 28/126 +[2024-10-13 16:48:39,449 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 29/126 +[2024-10-13 16:48:39,601 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 30/126 +[2024-10-13 16:48:39,753 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 31/126 +[2024-10-13 16:48:39,905 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 32/126 +[2024-10-13 16:48:40,057 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 33/126 +[2024-10-13 16:48:40,209 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 34/126 +[2024-10-13 16:48:40,361 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 35/126 +[2024-10-13 16:48:40,513 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 36/126 +[2024-10-13 16:48:40,665 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 37/126 +[2024-10-13 16:48:40,817 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 38/126 +[2024-10-13 16:48:40,969 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 39/126 +[2024-10-13 16:48:41,113 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 40/126 +[2024-10-13 16:48:41,257 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 41/126 +[2024-10-13 16:48:41,400 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 42/126 +[2024-10-13 16:48:41,544 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 43/126 +[2024-10-13 16:48:41,688 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 44/126 +[2024-10-13 16:48:41,831 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 45/126 +[2024-10-13 16:48:41,974 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 46/126 +[2024-10-13 16:48:42,118 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 47/126 +[2024-10-13 16:48:42,262 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 48/126 +[2024-10-13 16:48:42,405 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 49/126 +[2024-10-13 16:48:42,548 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 50/126 +[2024-10-13 16:48:42,692 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 51/126 +[2024-10-13 16:48:42,835 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 52/126 +[2024-10-13 16:48:42,978 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 53/126 +[2024-10-13 16:48:43,122 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 54/126 +[2024-10-13 16:48:43,266 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 55/126 +[2024-10-13 16:48:43,409 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 56/126 +[2024-10-13 16:48:43,552 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 57/126 +[2024-10-13 16:48:43,695 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 58/126 +[2024-10-13 16:48:43,839 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 59/126 +[2024-10-13 16:48:43,982 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 60/126 +[2024-10-13 16:48:44,126 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 61/126 +[2024-10-13 16:48:44,269 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 62/126 +[2024-10-13 16:48:44,413 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 63/126 +[2024-10-13 16:48:44,557 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 64/126 +[2024-10-13 16:48:44,701 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 65/126 +[2024-10-13 16:48:44,845 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 66/126 +[2024-10-13 16:48:44,989 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 67/126 +[2024-10-13 16:48:45,133 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 68/126 +[2024-10-13 16:48:45,278 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 69/126 +[2024-10-13 16:48:45,422 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 70/126 +[2024-10-13 16:48:45,566 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 71/126 +[2024-10-13 16:48:45,710 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 72/126 +[2024-10-13 16:48:45,853 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 73/126 +[2024-10-13 16:48:45,997 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 74/126 +[2024-10-13 16:48:46,141 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 75/126 +[2024-10-13 16:48:46,285 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 76/126 +[2024-10-13 16:48:46,428 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 77/126 +[2024-10-13 16:48:46,571 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 78/126 +[2024-10-13 16:48:46,715 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 79/126 +[2024-10-13 16:48:46,858 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 80/126 +[2024-10-13 16:48:47,002 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 81/126 +[2024-10-13 16:48:47,146 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 82/126 +[2024-10-13 16:48:47,290 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 83/126 +[2024-10-13 16:48:47,451 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 84/126 +[2024-10-13 16:48:47,612 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 85/126 +[2024-10-13 16:48:47,773 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 86/126 +[2024-10-13 16:48:47,934 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 87/126 +[2024-10-13 16:48:48,096 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 88/126 +[2024-10-13 16:48:48,257 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 89/126 +[2024-10-13 16:48:48,418 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 90/126 +[2024-10-13 16:48:48,580 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 91/126 +[2024-10-13 16:48:48,741 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 92/126 +[2024-10-13 16:48:48,903 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 93/126 +[2024-10-13 16:48:49,064 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 94/126 +[2024-10-13 16:48:49,226 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 95/126 +[2024-10-13 16:48:49,388 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 96/126 +[2024-10-13 16:48:49,549 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 97/126 +[2024-10-13 16:48:49,711 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 98/126 +[2024-10-13 16:48:49,872 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 99/126 +[2024-10-13 16:48:50,033 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 100/126 +[2024-10-13 16:48:50,194 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 101/126 +[2024-10-13 16:48:50,355 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 102/126 +[2024-10-13 16:48:50,517 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 103/126 +[2024-10-13 16:48:50,678 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 104/126 +[2024-10-13 16:48:50,840 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 105/126 +[2024-10-13 16:48:51,001 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 106/126 +[2024-10-13 16:48:51,163 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 107/126 +[2024-10-13 16:48:51,325 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 108/126 +[2024-10-13 16:48:51,487 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 109/126 +[2024-10-13 16:48:51,649 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 110/126 +[2024-10-13 16:48:51,811 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 111/126 +[2024-10-13 16:48:51,972 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 112/126 +[2024-10-13 16:48:52,134 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 113/126 +[2024-10-13 16:48:52,295 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 114/126 +[2024-10-13 16:48:52,457 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 115/126 +[2024-10-13 16:48:52,609 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 116/126 +[2024-10-13 16:48:52,761 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 117/126 +[2024-10-13 16:48:52,912 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 118/126 +[2024-10-13 16:48:53,064 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 119/126 +[2024-10-13 16:48:53,216 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 120/126 +[2024-10-13 16:48:53,368 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 121/126 +[2024-10-13 16:48:53,520 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 122/126 +[2024-10-13 16:48:53,672 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 123/126 +[2024-10-13 16:48:53,824 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 124/126 +[2024-10-13 16:48:53,976 INFO test.py line 186 25394] Test: 249/312-scene0474_04, Batch: 125/126 +[2024-10-13 16:48:54,202 INFO test.py line 272 25394] Test: scene0474_04 [249/312]-178388 Batch 19.379 (19.179) Accuracy 0.8315 (0.4868) mIoU 0.4805 (0.3643) +[2024-10-13 16:48:54,312 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 0/130 +[2024-10-13 16:48:54,408 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 1/130 +[2024-10-13 16:48:54,504 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 2/130 +[2024-10-13 16:48:54,600 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 3/130 +[2024-10-13 16:48:54,696 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 4/130 +[2024-10-13 16:48:54,792 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 5/130 +[2024-10-13 16:48:54,888 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 6/130 +[2024-10-13 16:48:54,984 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 7/130 +[2024-10-13 16:48:55,081 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 8/130 +[2024-10-13 16:48:55,177 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 9/130 +[2024-10-13 16:48:55,273 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 10/130 +[2024-10-13 16:48:55,369 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 11/130 +[2024-10-13 16:48:55,465 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 12/130 +[2024-10-13 16:48:55,561 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 13/130 +[2024-10-13 16:48:55,657 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 14/130 +[2024-10-13 16:48:55,754 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 15/130 +[2024-10-13 16:48:55,850 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 16/130 +[2024-10-13 16:48:55,946 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 17/130 +[2024-10-13 16:48:56,042 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 18/130 +[2024-10-13 16:48:56,138 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 19/130 +[2024-10-13 16:48:56,234 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 20/130 +[2024-10-13 16:48:56,330 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 21/130 +[2024-10-13 16:48:56,426 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 22/130 +[2024-10-13 16:48:56,522 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 23/130 +[2024-10-13 16:48:56,618 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 24/130 +[2024-10-13 16:48:56,714 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 25/130 +[2024-10-13 16:48:56,810 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 26/130 +[2024-10-13 16:48:56,906 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 27/130 +[2024-10-13 16:48:57,002 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 28/130 +[2024-10-13 16:48:57,098 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 29/130 +[2024-10-13 16:48:57,195 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 30/130 +[2024-10-13 16:48:57,291 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 31/130 +[2024-10-13 16:48:57,387 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 32/130 +[2024-10-13 16:48:57,483 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 33/130 +[2024-10-13 16:48:57,579 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 34/130 +[2024-10-13 16:48:57,676 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 35/130 +[2024-10-13 16:48:57,772 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 36/130 +[2024-10-13 16:48:57,868 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 37/130 +[2024-10-13 16:48:57,964 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 38/130 +[2024-10-13 16:48:58,060 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 39/130 +[2024-10-13 16:48:58,152 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 40/130 +[2024-10-13 16:48:58,243 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 41/130 +[2024-10-13 16:48:58,335 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 42/130 +[2024-10-13 16:48:58,426 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 43/130 +[2024-10-13 16:48:58,518 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 44/130 +[2024-10-13 16:48:58,610 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 45/130 +[2024-10-13 16:48:58,702 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 46/130 +[2024-10-13 16:48:58,793 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 47/130 +[2024-10-13 16:48:58,885 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 48/130 +[2024-10-13 16:48:58,977 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 49/130 +[2024-10-13 16:48:59,068 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 50/130 +[2024-10-13 16:48:59,160 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 51/130 +[2024-10-13 16:48:59,252 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 52/130 +[2024-10-13 16:48:59,343 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 53/130 +[2024-10-13 16:48:59,466 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 54/130 +[2024-10-13 16:48:59,570 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 55/130 +[2024-10-13 16:48:59,662 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 56/130 +[2024-10-13 16:48:59,755 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 57/130 +[2024-10-13 16:48:59,848 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 58/130 +[2024-10-13 16:48:59,940 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 59/130 +[2024-10-13 16:49:00,031 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 60/130 +[2024-10-13 16:49:00,122 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 61/130 +[2024-10-13 16:49:00,214 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 62/130 +[2024-10-13 16:49:00,305 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 63/130 +[2024-10-13 16:49:00,396 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 64/130 +[2024-10-13 16:49:00,487 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 65/130 +[2024-10-13 16:49:00,579 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 66/130 +[2024-10-13 16:49:00,670 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 67/130 +[2024-10-13 16:49:00,762 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 68/130 +[2024-10-13 16:49:00,853 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 69/130 +[2024-10-13 16:49:00,944 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 70/130 +[2024-10-13 16:49:01,036 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 71/130 +[2024-10-13 16:49:01,127 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 72/130 +[2024-10-13 16:49:01,219 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 73/130 +[2024-10-13 16:49:01,310 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 74/130 +[2024-10-13 16:49:01,402 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 75/130 +[2024-10-13 16:49:01,493 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 76/130 +[2024-10-13 16:49:01,584 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 77/130 +[2024-10-13 16:49:01,676 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 78/130 +[2024-10-13 16:49:01,767 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 79/130 +[2024-10-13 16:49:01,858 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 80/130 +[2024-10-13 16:49:01,950 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 81/130 +[2024-10-13 16:49:02,042 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 82/130 +[2024-10-13 16:49:02,133 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 83/130 +[2024-10-13 16:49:02,224 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 84/130 +[2024-10-13 16:49:02,316 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 85/130 +[2024-10-13 16:49:02,407 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 86/130 +[2024-10-13 16:49:02,498 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 87/130 +[2024-10-13 16:49:02,599 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 88/130 +[2024-10-13 16:49:02,700 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 89/130 +[2024-10-13 16:49:02,801 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 90/130 +[2024-10-13 16:49:02,903 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 91/130 +[2024-10-13 16:49:03,004 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 92/130 +[2024-10-13 16:49:03,105 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 93/130 +[2024-10-13 16:49:03,206 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 94/130 +[2024-10-13 16:49:03,307 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 95/130 +[2024-10-13 16:49:03,410 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 96/130 +[2024-10-13 16:49:03,512 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 97/130 +[2024-10-13 16:49:03,614 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 98/130 +[2024-10-13 16:49:03,717 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 99/130 +[2024-10-13 16:49:03,819 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 100/130 +[2024-10-13 16:49:03,922 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 101/130 +[2024-10-13 16:49:04,024 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 102/130 +[2024-10-13 16:49:04,126 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 103/130 +[2024-10-13 16:49:04,228 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 104/130 +[2024-10-13 16:49:04,330 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 105/130 +[2024-10-13 16:49:04,432 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 106/130 +[2024-10-13 16:49:04,533 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 107/130 +[2024-10-13 16:49:04,636 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 108/130 +[2024-10-13 16:49:04,738 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 109/130 +[2024-10-13 16:49:04,839 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 110/130 +[2024-10-13 16:49:04,941 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 111/130 +[2024-10-13 16:49:05,043 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 112/130 +[2024-10-13 16:49:05,145 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 113/130 +[2024-10-13 16:49:05,247 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 114/130 +[2024-10-13 16:49:05,349 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 115/130 +[2024-10-13 16:49:05,451 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 116/130 +[2024-10-13 16:49:05,553 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 117/130 +[2024-10-13 16:49:05,656 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 118/130 +[2024-10-13 16:49:05,758 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 119/130 +[2024-10-13 16:49:05,854 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 120/130 +[2024-10-13 16:49:05,950 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 121/130 +[2024-10-13 16:49:06,046 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 122/130 +[2024-10-13 16:49:06,142 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 123/130 +[2024-10-13 16:49:06,238 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 124/130 +[2024-10-13 16:49:06,333 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 125/130 +[2024-10-13 16:49:06,429 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 126/130 +[2024-10-13 16:49:06,525 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 127/130 +[2024-10-13 16:49:06,621 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 128/130 +[2024-10-13 16:49:06,718 INFO test.py line 186 25394] Test: 250/312-scene0583_01, Batch: 129/130 +[2024-10-13 16:49:06,847 INFO test.py line 272 25394] Test: scene0583_01 [250/312]-98239 Batch 12.645 (19.153) Accuracy 0.7299 (0.4854) mIoU 0.4848 (0.3636) +[2024-10-13 16:49:06,992 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 0/117 +[2024-10-13 16:49:07,119 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 1/117 +[2024-10-13 16:49:07,247 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 2/117 +[2024-10-13 16:49:07,375 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 3/117 +[2024-10-13 16:49:07,502 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 4/117 +[2024-10-13 16:49:07,630 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 5/117 +[2024-10-13 16:49:07,757 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 6/117 +[2024-10-13 16:49:07,885 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 7/117 +[2024-10-13 16:49:08,012 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 8/117 +[2024-10-13 16:49:08,140 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 9/117 +[2024-10-13 16:49:08,267 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 10/117 +[2024-10-13 16:49:08,394 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 11/117 +[2024-10-13 16:49:08,521 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 12/117 +[2024-10-13 16:49:08,649 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 13/117 +[2024-10-13 16:49:08,776 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 14/117 +[2024-10-13 16:49:08,903 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 15/117 +[2024-10-13 16:49:09,070 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 16/117 +[2024-10-13 16:49:09,202 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 17/117 +[2024-10-13 16:49:09,327 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 18/117 +[2024-10-13 16:49:09,453 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 19/117 +[2024-10-13 16:49:09,579 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 20/117 +[2024-10-13 16:49:09,705 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 21/117 +[2024-10-13 16:49:09,831 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 22/117 +[2024-10-13 16:49:09,958 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 23/117 +[2024-10-13 16:49:10,083 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 24/117 +[2024-10-13 16:49:10,210 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 25/117 +[2024-10-13 16:49:10,335 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 26/117 +[2024-10-13 16:49:10,462 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 27/117 +[2024-10-13 16:49:10,588 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 28/117 +[2024-10-13 16:49:10,714 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 29/117 +[2024-10-13 16:49:10,841 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 30/117 +[2024-10-13 16:49:10,967 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 31/117 +[2024-10-13 16:49:11,093 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 32/117 +[2024-10-13 16:49:11,220 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 33/117 +[2024-10-13 16:49:11,346 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 34/117 +[2024-10-13 16:49:11,472 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 35/117 +[2024-10-13 16:49:11,592 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 36/117 +[2024-10-13 16:49:11,711 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 37/117 +[2024-10-13 16:49:11,831 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 38/117 +[2024-10-13 16:49:11,951 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 39/117 +[2024-10-13 16:49:12,070 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 40/117 +[2024-10-13 16:49:12,189 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 41/117 +[2024-10-13 16:49:12,309 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 42/117 +[2024-10-13 16:49:12,429 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 43/117 +[2024-10-13 16:49:12,548 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 44/117 +[2024-10-13 16:49:12,667 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 45/117 +[2024-10-13 16:49:12,787 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 46/117 +[2024-10-13 16:49:12,907 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 47/117 +[2024-10-13 16:49:13,027 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 48/117 +[2024-10-13 16:49:13,147 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 49/117 +[2024-10-13 16:49:13,267 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 50/117 +[2024-10-13 16:49:13,387 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 51/117 +[2024-10-13 16:49:13,507 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 52/117 +[2024-10-13 16:49:13,627 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 53/117 +[2024-10-13 16:49:13,747 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 54/117 +[2024-10-13 16:49:13,867 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 55/117 +[2024-10-13 16:49:13,987 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 56/117 +[2024-10-13 16:49:14,107 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 57/117 +[2024-10-13 16:49:14,227 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 58/117 +[2024-10-13 16:49:14,347 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 59/117 +[2024-10-13 16:49:14,466 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 60/117 +[2024-10-13 16:49:14,586 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 61/117 +[2024-10-13 16:49:14,706 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 62/117 +[2024-10-13 16:49:14,826 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 63/117 +[2024-10-13 16:49:14,946 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 64/117 +[2024-10-13 16:49:15,066 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 65/117 +[2024-10-13 16:49:15,186 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 66/117 +[2024-10-13 16:49:15,307 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 67/117 +[2024-10-13 16:49:15,427 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 68/117 +[2024-10-13 16:49:15,548 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 69/117 +[2024-10-13 16:49:15,668 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 70/117 +[2024-10-13 16:49:15,789 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 71/117 +[2024-10-13 16:49:15,910 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 72/117 +[2024-10-13 16:49:16,030 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 73/117 +[2024-10-13 16:49:16,151 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 74/117 +[2024-10-13 16:49:16,271 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 75/117 +[2024-10-13 16:49:16,406 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 76/117 +[2024-10-13 16:49:16,542 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 77/117 +[2024-10-13 16:49:16,677 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 78/117 +[2024-10-13 16:49:16,812 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 79/117 +[2024-10-13 16:49:16,948 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 80/117 +[2024-10-13 16:49:17,083 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 81/117 +[2024-10-13 16:49:17,218 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 82/117 +[2024-10-13 16:49:17,353 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 83/117 +[2024-10-13 16:49:17,489 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 84/117 +[2024-10-13 16:49:17,624 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 85/117 +[2024-10-13 16:49:17,759 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 86/117 +[2024-10-13 16:49:17,894 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 87/117 +[2024-10-13 16:49:18,029 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 88/117 +[2024-10-13 16:49:18,164 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 89/117 +[2024-10-13 16:49:18,299 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 90/117 +[2024-10-13 16:49:18,434 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 91/117 +[2024-10-13 16:49:18,569 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 92/117 +[2024-10-13 16:49:18,705 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 93/117 +[2024-10-13 16:49:18,841 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 94/117 +[2024-10-13 16:49:18,976 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 95/117 +[2024-10-13 16:49:19,112 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 96/117 +[2024-10-13 16:49:19,248 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 97/117 +[2024-10-13 16:49:19,384 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 98/117 +[2024-10-13 16:49:19,519 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 99/117 +[2024-10-13 16:49:19,654 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 100/117 +[2024-10-13 16:49:19,790 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 101/117 +[2024-10-13 16:49:19,925 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 102/117 +[2024-10-13 16:49:20,060 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 103/117 +[2024-10-13 16:49:20,196 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 104/117 +[2024-10-13 16:49:20,331 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 105/117 +[2024-10-13 16:49:20,467 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 106/117 +[2024-10-13 16:49:20,602 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 107/117 +[2024-10-13 16:49:20,728 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 108/117 +[2024-10-13 16:49:20,854 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 109/117 +[2024-10-13 16:49:20,980 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 110/117 +[2024-10-13 16:49:21,108 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 111/117 +[2024-10-13 16:49:21,234 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 112/117 +[2024-10-13 16:49:21,360 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 113/117 +[2024-10-13 16:49:21,486 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 114/117 +[2024-10-13 16:49:21,612 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 115/117 +[2024-10-13 16:49:21,738 INFO test.py line 186 25394] Test: 251/312-scene0685_01, Batch: 116/117 +[2024-10-13 16:49:21,915 INFO test.py line 272 25394] Test: scene0685_01 [251/312]-138130 Batch 15.067 (19.137) Accuracy 0.9107 (0.4854) mIoU 0.3581 (0.3636) +[2024-10-13 16:49:22,122 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 0/139 +[2024-10-13 16:49:22,297 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 1/139 +[2024-10-13 16:49:22,471 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 2/139 +[2024-10-13 16:49:22,646 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 3/139 +[2024-10-13 16:49:22,821 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 4/139 +[2024-10-13 16:49:22,996 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 5/139 +[2024-10-13 16:49:23,170 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 6/139 +[2024-10-13 16:49:23,345 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 7/139 +[2024-10-13 16:49:23,520 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 8/139 +[2024-10-13 16:49:23,695 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 9/139 +[2024-10-13 16:49:23,869 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 10/139 +[2024-10-13 16:49:24,044 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 11/139 +[2024-10-13 16:49:24,218 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 12/139 +[2024-10-13 16:49:24,393 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 13/139 +[2024-10-13 16:49:24,604 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 14/139 +[2024-10-13 16:49:24,780 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 15/139 +[2024-10-13 16:49:24,955 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 16/139 +[2024-10-13 16:49:25,129 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 17/139 +[2024-10-13 16:49:25,304 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 18/139 +[2024-10-13 16:49:25,478 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 19/139 +[2024-10-13 16:49:25,653 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 20/139 +[2024-10-13 16:49:25,827 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 21/139 +[2024-10-13 16:49:26,002 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 22/139 +[2024-10-13 16:49:26,177 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 23/139 +[2024-10-13 16:49:26,351 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 24/139 +[2024-10-13 16:49:26,526 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 25/139 +[2024-10-13 16:49:26,700 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 26/139 +[2024-10-13 16:49:26,875 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 27/139 +[2024-10-13 16:49:27,049 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 28/139 +[2024-10-13 16:49:27,224 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 29/139 +[2024-10-13 16:49:27,399 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 30/139 +[2024-10-13 16:49:27,573 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 31/139 +[2024-10-13 16:49:27,748 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 32/139 +[2024-10-13 16:49:27,922 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 33/139 +[2024-10-13 16:49:28,097 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 34/139 +[2024-10-13 16:49:28,271 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 35/139 +[2024-10-13 16:49:28,445 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 36/139 +[2024-10-13 16:49:28,620 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 37/139 +[2024-10-13 16:49:28,794 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 38/139 +[2024-10-13 16:49:28,968 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 39/139 +[2024-10-13 16:49:29,142 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 40/139 +[2024-10-13 16:49:29,317 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 41/139 +[2024-10-13 16:49:29,491 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 42/139 +[2024-10-13 16:49:29,665 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 43/139 +[2024-10-13 16:49:29,829 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 44/139 +[2024-10-13 16:49:29,993 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 45/139 +[2024-10-13 16:49:30,157 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 46/139 +[2024-10-13 16:49:30,320 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 47/139 +[2024-10-13 16:49:30,484 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 48/139 +[2024-10-13 16:49:30,648 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 49/139 +[2024-10-13 16:49:30,812 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 50/139 +[2024-10-13 16:49:30,976 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 51/139 +[2024-10-13 16:49:31,139 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 52/139 +[2024-10-13 16:49:31,303 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 53/139 +[2024-10-13 16:49:31,467 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 54/139 +[2024-10-13 16:49:31,631 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 55/139 +[2024-10-13 16:49:31,794 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 56/139 +[2024-10-13 16:49:31,958 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 57/139 +[2024-10-13 16:49:32,122 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 58/139 +[2024-10-13 16:49:32,286 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 59/139 +[2024-10-13 16:49:32,449 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 60/139 +[2024-10-13 16:49:32,613 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 61/139 +[2024-10-13 16:49:32,777 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 62/139 +[2024-10-13 16:49:32,941 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 63/139 +[2024-10-13 16:49:33,105 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 64/139 +[2024-10-13 16:49:33,268 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 65/139 +[2024-10-13 16:49:33,432 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 66/139 +[2024-10-13 16:49:33,596 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 67/139 +[2024-10-13 16:49:33,760 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 68/139 +[2024-10-13 16:49:33,923 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 69/139 +[2024-10-13 16:49:34,087 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 70/139 +[2024-10-13 16:49:34,252 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 71/139 +[2024-10-13 16:49:34,416 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 72/139 +[2024-10-13 16:49:34,580 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 73/139 +[2024-10-13 16:49:34,744 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 74/139 +[2024-10-13 16:49:34,908 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 75/139 +[2024-10-13 16:49:35,072 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 76/139 +[2024-10-13 16:49:35,236 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 77/139 +[2024-10-13 16:49:35,399 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 78/139 +[2024-10-13 16:49:35,563 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 79/139 +[2024-10-13 16:49:35,728 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 80/139 +[2024-10-13 16:49:35,892 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 81/139 +[2024-10-13 16:49:36,056 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 82/139 +[2024-10-13 16:49:36,219 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 83/139 +[2024-10-13 16:49:36,382 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 84/139 +[2024-10-13 16:49:36,546 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 85/139 +[2024-10-13 16:49:36,710 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 86/139 +[2024-10-13 16:49:36,874 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 87/139 +[2024-10-13 16:49:37,060 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 88/139 +[2024-10-13 16:49:37,245 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 89/139 +[2024-10-13 16:49:37,431 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 90/139 +[2024-10-13 16:49:37,617 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 91/139 +[2024-10-13 16:49:37,803 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 92/139 +[2024-10-13 16:49:37,989 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 93/139 +[2024-10-13 16:49:38,175 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 94/139 +[2024-10-13 16:49:38,361 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 95/139 +[2024-10-13 16:49:38,547 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 96/139 +[2024-10-13 16:49:38,732 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 97/139 +[2024-10-13 16:49:38,918 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 98/139 +[2024-10-13 16:49:39,104 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 99/139 +[2024-10-13 16:49:39,290 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 100/139 +[2024-10-13 16:49:39,476 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 101/139 +[2024-10-13 16:49:39,662 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 102/139 +[2024-10-13 16:49:39,847 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 103/139 +[2024-10-13 16:49:40,032 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 104/139 +[2024-10-13 16:49:40,217 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 105/139 +[2024-10-13 16:49:40,403 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 106/139 +[2024-10-13 16:49:40,589 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 107/139 +[2024-10-13 16:49:40,774 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 108/139 +[2024-10-13 16:49:40,960 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 109/139 +[2024-10-13 16:49:41,145 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 110/139 +[2024-10-13 16:49:41,330 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 111/139 +[2024-10-13 16:49:41,516 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 112/139 +[2024-10-13 16:49:41,702 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 113/139 +[2024-10-13 16:49:41,887 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 114/139 +[2024-10-13 16:49:42,072 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 115/139 +[2024-10-13 16:49:42,258 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 116/139 +[2024-10-13 16:49:42,444 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 117/139 +[2024-10-13 16:49:42,630 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 118/139 +[2024-10-13 16:49:42,816 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 119/139 +[2024-10-13 16:49:43,002 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 120/139 +[2024-10-13 16:49:43,188 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 121/139 +[2024-10-13 16:49:43,374 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 122/139 +[2024-10-13 16:49:43,560 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 123/139 +[2024-10-13 16:49:43,746 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 124/139 +[2024-10-13 16:49:43,931 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 125/139 +[2024-10-13 16:49:44,117 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 126/139 +[2024-10-13 16:49:44,303 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 127/139 +[2024-10-13 16:49:44,477 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 128/139 +[2024-10-13 16:49:44,653 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 129/139 +[2024-10-13 16:49:44,827 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 130/139 +[2024-10-13 16:49:45,001 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 131/139 +[2024-10-13 16:49:45,176 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 132/139 +[2024-10-13 16:49:45,351 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 133/139 +[2024-10-13 16:49:45,526 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 134/139 +[2024-10-13 16:49:45,700 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 135/139 +[2024-10-13 16:49:45,875 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 136/139 +[2024-10-13 16:49:46,050 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 137/139 +[2024-10-13 16:49:46,225 INFO test.py line 186 25394] Test: 252/312-scene0435_02, Batch: 138/139 +[2024-10-13 16:49:46,498 INFO test.py line 272 25394] Test: scene0435_02 [252/312]-210308 Batch 24.583 (19.159) Accuracy 0.9046 (0.4844) mIoU 0.5573 (0.3636) +[2024-10-13 16:49:46,605 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 0/134 +[2024-10-13 16:49:46,701 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 1/134 +[2024-10-13 16:49:46,795 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 2/134 +[2024-10-13 16:49:46,888 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 3/134 +[2024-10-13 16:49:46,982 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 4/134 +[2024-10-13 16:49:47,076 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 5/134 +[2024-10-13 16:49:47,170 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 6/134 +[2024-10-13 16:49:47,263 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 7/134 +[2024-10-13 16:49:47,357 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 8/134 +[2024-10-13 16:49:47,451 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 9/134 +[2024-10-13 16:49:47,545 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 10/134 +[2024-10-13 16:49:47,638 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 11/134 +[2024-10-13 16:49:47,732 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 12/134 +[2024-10-13 16:49:47,826 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 13/134 +[2024-10-13 16:49:47,919 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 14/134 +[2024-10-13 16:49:48,013 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 15/134 +[2024-10-13 16:49:48,107 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 16/134 +[2024-10-13 16:49:48,201 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 17/134 +[2024-10-13 16:49:48,294 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 18/134 +[2024-10-13 16:49:48,388 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 19/134 +[2024-10-13 16:49:48,482 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 20/134 +[2024-10-13 16:49:48,576 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 21/134 +[2024-10-13 16:49:48,669 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 22/134 +[2024-10-13 16:49:48,763 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 23/134 +[2024-10-13 16:49:48,857 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 24/134 +[2024-10-13 16:49:48,953 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 25/134 +[2024-10-13 16:49:49,086 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 26/134 +[2024-10-13 16:49:49,181 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 27/134 +[2024-10-13 16:49:49,276 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 28/134 +[2024-10-13 16:49:49,369 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 29/134 +[2024-10-13 16:49:49,463 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 30/134 +[2024-10-13 16:49:49,557 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 31/134 +[2024-10-13 16:49:49,651 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 32/134 +[2024-10-13 16:49:49,745 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 33/134 +[2024-10-13 16:49:49,840 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 34/134 +[2024-10-13 16:49:49,933 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 35/134 +[2024-10-13 16:49:50,028 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 36/134 +[2024-10-13 16:49:50,122 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 37/134 +[2024-10-13 16:49:50,216 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 38/134 +[2024-10-13 16:49:50,310 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 39/134 +[2024-10-13 16:49:50,399 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 40/134 +[2024-10-13 16:49:50,487 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 41/134 +[2024-10-13 16:49:50,575 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 42/134 +[2024-10-13 16:49:50,664 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 43/134 +[2024-10-13 16:49:50,753 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 44/134 +[2024-10-13 16:49:50,841 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 45/134 +[2024-10-13 16:49:50,930 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 46/134 +[2024-10-13 16:49:51,018 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 47/134 +[2024-10-13 16:49:51,107 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 48/134 +[2024-10-13 16:49:51,195 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 49/134 +[2024-10-13 16:49:51,284 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 50/134 +[2024-10-13 16:49:51,373 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 51/134 +[2024-10-13 16:49:51,461 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 52/134 +[2024-10-13 16:49:51,550 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 53/134 +[2024-10-13 16:49:51,638 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 54/134 +[2024-10-13 16:49:51,727 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 55/134 +[2024-10-13 16:49:51,815 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 56/134 +[2024-10-13 16:49:51,904 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 57/134 +[2024-10-13 16:49:51,993 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 58/134 +[2024-10-13 16:49:52,082 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 59/134 +[2024-10-13 16:49:52,170 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 60/134 +[2024-10-13 16:49:52,259 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 61/134 +[2024-10-13 16:49:52,347 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 62/134 +[2024-10-13 16:49:52,435 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 63/134 +[2024-10-13 16:49:52,523 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 64/134 +[2024-10-13 16:49:52,612 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 65/134 +[2024-10-13 16:49:52,700 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 66/134 +[2024-10-13 16:49:52,789 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 67/134 +[2024-10-13 16:49:52,877 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 68/134 +[2024-10-13 16:49:52,966 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 69/134 +[2024-10-13 16:49:53,054 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 70/134 +[2024-10-13 16:49:53,142 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 71/134 +[2024-10-13 16:49:53,231 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 72/134 +[2024-10-13 16:49:53,319 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 73/134 +[2024-10-13 16:49:53,408 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 74/134 +[2024-10-13 16:49:53,496 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 75/134 +[2024-10-13 16:49:53,584 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 76/134 +[2024-10-13 16:49:53,673 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 77/134 +[2024-10-13 16:49:53,762 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 78/134 +[2024-10-13 16:49:53,850 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 79/134 +[2024-10-13 16:49:53,939 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 80/134 +[2024-10-13 16:49:54,027 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 81/134 +[2024-10-13 16:49:54,115 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 82/134 +[2024-10-13 16:49:54,204 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 83/134 +[2024-10-13 16:49:54,303 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 84/134 +[2024-10-13 16:49:54,403 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 85/134 +[2024-10-13 16:49:54,503 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 86/134 +[2024-10-13 16:49:54,603 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 87/134 +[2024-10-13 16:49:54,702 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 88/134 +[2024-10-13 16:49:54,802 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 89/134 +[2024-10-13 16:49:54,902 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 90/134 +[2024-10-13 16:49:55,001 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 91/134 +[2024-10-13 16:49:55,101 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 92/134 +[2024-10-13 16:49:55,201 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 93/134 +[2024-10-13 16:49:55,301 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 94/134 +[2024-10-13 16:49:55,400 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 95/134 +[2024-10-13 16:49:55,500 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 96/134 +[2024-10-13 16:49:55,600 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 97/134 +[2024-10-13 16:49:55,699 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 98/134 +[2024-10-13 16:49:55,799 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 99/134 +[2024-10-13 16:49:55,899 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 100/134 +[2024-10-13 16:49:55,999 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 101/134 +[2024-10-13 16:49:56,099 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 102/134 +[2024-10-13 16:49:56,198 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 103/134 +[2024-10-13 16:49:56,298 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 104/134 +[2024-10-13 16:49:56,398 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 105/134 +[2024-10-13 16:49:56,498 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 106/134 +[2024-10-13 16:49:56,598 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 107/134 +[2024-10-13 16:49:56,698 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 108/134 +[2024-10-13 16:49:56,798 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 109/134 +[2024-10-13 16:49:56,898 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 110/134 +[2024-10-13 16:49:56,998 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 111/134 +[2024-10-13 16:49:57,098 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 112/134 +[2024-10-13 16:49:57,198 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 113/134 +[2024-10-13 16:49:57,298 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 114/134 +[2024-10-13 16:49:57,398 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 115/134 +[2024-10-13 16:49:57,498 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 116/134 +[2024-10-13 16:49:57,598 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 117/134 +[2024-10-13 16:49:57,698 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 118/134 +[2024-10-13 16:49:57,798 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 119/134 +[2024-10-13 16:49:57,898 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 120/134 +[2024-10-13 16:49:57,998 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 121/134 +[2024-10-13 16:49:58,098 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 122/134 +[2024-10-13 16:49:58,198 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 123/134 +[2024-10-13 16:49:58,292 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 124/134 +[2024-10-13 16:49:58,385 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 125/134 +[2024-10-13 16:49:58,479 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 126/134 +[2024-10-13 16:49:58,573 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 127/134 +[2024-10-13 16:49:58,667 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 128/134 +[2024-10-13 16:49:58,760 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 129/134 +[2024-10-13 16:49:58,854 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 130/134 +[2024-10-13 16:49:58,947 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 131/134 +[2024-10-13 16:49:59,041 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 132/134 +[2024-10-13 16:49:59,135 INFO test.py line 186 25394] Test: 253/312-scene0558_00, Batch: 133/134 +[2024-10-13 16:49:59,259 INFO test.py line 272 25394] Test: scene0558_00 [253/312]-92953 Batch 12.760 (19.133) Accuracy 0.9229 (0.4845) mIoU 0.7316 (0.3638) +[2024-10-13 16:49:59,380 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 0/125 +[2024-10-13 16:49:59,487 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 1/125 +[2024-10-13 16:49:59,594 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 2/125 +[2024-10-13 16:49:59,701 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 3/125 +[2024-10-13 16:49:59,808 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 4/125 +[2024-10-13 16:49:59,915 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 5/125 +[2024-10-13 16:50:00,022 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 6/125 +[2024-10-13 16:50:00,128 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 7/125 +[2024-10-13 16:50:00,235 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 8/125 +[2024-10-13 16:50:00,342 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 9/125 +[2024-10-13 16:50:00,449 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 10/125 +[2024-10-13 16:50:00,557 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 11/125 +[2024-10-13 16:50:00,663 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 12/125 +[2024-10-13 16:50:00,770 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 13/125 +[2024-10-13 16:50:00,877 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 14/125 +[2024-10-13 16:50:00,984 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 15/125 +[2024-10-13 16:50:01,091 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 16/125 +[2024-10-13 16:50:01,198 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 17/125 +[2024-10-13 16:50:01,305 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 18/125 +[2024-10-13 16:50:01,412 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 19/125 +[2024-10-13 16:50:01,518 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 20/125 +[2024-10-13 16:50:01,625 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 21/125 +[2024-10-13 16:50:01,732 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 22/125 +[2024-10-13 16:50:01,839 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 23/125 +[2024-10-13 16:50:01,946 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 24/125 +[2024-10-13 16:50:02,102 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 25/125 +[2024-10-13 16:50:02,210 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 26/125 +[2024-10-13 16:50:02,318 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 27/125 +[2024-10-13 16:50:02,425 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 28/125 +[2024-10-13 16:50:02,531 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 29/125 +[2024-10-13 16:50:02,637 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 30/125 +[2024-10-13 16:50:02,743 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 31/125 +[2024-10-13 16:50:02,849 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 32/125 +[2024-10-13 16:50:02,955 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 33/125 +[2024-10-13 16:50:03,062 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 34/125 +[2024-10-13 16:50:03,168 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 35/125 +[2024-10-13 16:50:03,268 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 36/125 +[2024-10-13 16:50:03,368 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 37/125 +[2024-10-13 16:50:03,468 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 38/125 +[2024-10-13 16:50:03,567 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 39/125 +[2024-10-13 16:50:03,667 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 40/125 +[2024-10-13 16:50:03,767 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 41/125 +[2024-10-13 16:50:03,867 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 42/125 +[2024-10-13 16:50:03,967 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 43/125 +[2024-10-13 16:50:04,067 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 44/125 +[2024-10-13 16:50:04,166 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 45/125 +[2024-10-13 16:50:04,266 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 46/125 +[2024-10-13 16:50:04,366 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 47/125 +[2024-10-13 16:50:04,465 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 48/125 +[2024-10-13 16:50:04,565 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 49/125 +[2024-10-13 16:50:04,665 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 50/125 +[2024-10-13 16:50:04,765 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 51/125 +[2024-10-13 16:50:04,865 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 52/125 +[2024-10-13 16:50:04,964 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 53/125 +[2024-10-13 16:50:05,064 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 54/125 +[2024-10-13 16:50:05,164 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 55/125 +[2024-10-13 16:50:05,264 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 56/125 +[2024-10-13 16:50:05,364 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 57/125 +[2024-10-13 16:50:05,464 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 58/125 +[2024-10-13 16:50:05,564 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 59/125 +[2024-10-13 16:50:05,664 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 60/125 +[2024-10-13 16:50:05,764 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 61/125 +[2024-10-13 16:50:05,864 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 62/125 +[2024-10-13 16:50:05,964 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 63/125 +[2024-10-13 16:50:06,064 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 64/125 +[2024-10-13 16:50:06,164 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 65/125 +[2024-10-13 16:50:06,264 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 66/125 +[2024-10-13 16:50:06,364 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 67/125 +[2024-10-13 16:50:06,464 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 68/125 +[2024-10-13 16:50:06,564 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 69/125 +[2024-10-13 16:50:06,664 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 70/125 +[2024-10-13 16:50:06,764 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 71/125 +[2024-10-13 16:50:06,864 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 72/125 +[2024-10-13 16:50:06,964 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 73/125 +[2024-10-13 16:50:07,063 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 74/125 +[2024-10-13 16:50:07,164 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 75/125 +[2024-10-13 16:50:07,276 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 76/125 +[2024-10-13 16:50:07,389 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 77/125 +[2024-10-13 16:50:07,502 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 78/125 +[2024-10-13 16:50:07,614 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 79/125 +[2024-10-13 16:50:07,727 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 80/125 +[2024-10-13 16:50:07,840 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 81/125 +[2024-10-13 16:50:07,952 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 82/125 +[2024-10-13 16:50:08,065 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 83/125 +[2024-10-13 16:50:08,178 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 84/125 +[2024-10-13 16:50:08,291 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 85/125 +[2024-10-13 16:50:08,403 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 86/125 +[2024-10-13 16:50:08,516 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 87/125 +[2024-10-13 16:50:08,628 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 88/125 +[2024-10-13 16:50:08,741 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 89/125 +[2024-10-13 16:50:08,853 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 90/125 +[2024-10-13 16:50:08,966 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 91/125 +[2024-10-13 16:50:09,078 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 92/125 +[2024-10-13 16:50:09,191 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 93/125 +[2024-10-13 16:50:09,303 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 94/125 +[2024-10-13 16:50:09,416 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 95/125 +[2024-10-13 16:50:09,528 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 96/125 +[2024-10-13 16:50:09,641 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 97/125 +[2024-10-13 16:50:09,753 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 98/125 +[2024-10-13 16:50:09,866 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 99/125 +[2024-10-13 16:50:09,979 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 100/125 +[2024-10-13 16:50:10,091 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 101/125 +[2024-10-13 16:50:10,204 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 102/125 +[2024-10-13 16:50:10,316 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 103/125 +[2024-10-13 16:50:10,429 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 104/125 +[2024-10-13 16:50:10,541 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 105/125 +[2024-10-13 16:50:10,654 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 106/125 +[2024-10-13 16:50:10,767 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 107/125 +[2024-10-13 16:50:10,880 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 108/125 +[2024-10-13 16:50:10,992 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 109/125 +[2024-10-13 16:50:11,105 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 110/125 +[2024-10-13 16:50:11,218 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 111/125 +[2024-10-13 16:50:11,330 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 112/125 +[2024-10-13 16:50:11,443 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 113/125 +[2024-10-13 16:50:11,555 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 114/125 +[2024-10-13 16:50:11,668 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 115/125 +[2024-10-13 16:50:11,774 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 116/125 +[2024-10-13 16:50:11,881 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 117/125 +[2024-10-13 16:50:11,988 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 118/125 +[2024-10-13 16:50:12,094 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 119/125 +[2024-10-13 16:50:12,201 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 120/125 +[2024-10-13 16:50:12,308 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 121/125 +[2024-10-13 16:50:12,414 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 122/125 +[2024-10-13 16:50:12,521 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 123/125 +[2024-10-13 16:50:12,628 INFO test.py line 186 25394] Test: 254/312-scene0578_01, Batch: 124/125 +[2024-10-13 16:50:12,774 INFO test.py line 272 25394] Test: scene0578_01 [254/312]-114840 Batch 13.515 (19.111) Accuracy 0.9490 (0.4848) mIoU 0.7443 (0.3639) +[2024-10-13 16:50:12,895 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 0/126 +[2024-10-13 16:50:13,002 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 1/126 +[2024-10-13 16:50:13,108 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 2/126 +[2024-10-13 16:50:13,215 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 3/126 +[2024-10-13 16:50:13,322 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 4/126 +[2024-10-13 16:50:13,428 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 5/126 +[2024-10-13 16:50:13,535 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 6/126 +[2024-10-13 16:50:13,642 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 7/126 +[2024-10-13 16:50:13,748 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 8/126 +[2024-10-13 16:50:13,855 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 9/126 +[2024-10-13 16:50:13,962 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 10/126 +[2024-10-13 16:50:14,068 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 11/126 +[2024-10-13 16:50:14,175 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 12/126 +[2024-10-13 16:50:14,282 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 13/126 +[2024-10-13 16:50:14,388 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 14/126 +[2024-10-13 16:50:14,533 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 15/126 +[2024-10-13 16:50:14,642 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 16/126 +[2024-10-13 16:50:14,748 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 17/126 +[2024-10-13 16:50:14,854 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 18/126 +[2024-10-13 16:50:14,961 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 19/126 +[2024-10-13 16:50:15,069 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 20/126 +[2024-10-13 16:50:15,176 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 21/126 +[2024-10-13 16:50:15,284 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 22/126 +[2024-10-13 16:50:15,391 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 23/126 +[2024-10-13 16:50:15,499 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 24/126 +[2024-10-13 16:50:15,606 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 25/126 +[2024-10-13 16:50:15,713 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 26/126 +[2024-10-13 16:50:15,820 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 27/126 +[2024-10-13 16:50:15,927 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 28/126 +[2024-10-13 16:50:16,035 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 29/126 +[2024-10-13 16:50:16,141 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 30/126 +[2024-10-13 16:50:16,248 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 31/126 +[2024-10-13 16:50:16,355 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 32/126 +[2024-10-13 16:50:16,462 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 33/126 +[2024-10-13 16:50:16,568 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 34/126 +[2024-10-13 16:50:16,675 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 35/126 +[2024-10-13 16:50:16,782 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 36/126 +[2024-10-13 16:50:16,888 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 37/126 +[2024-10-13 16:50:16,995 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 38/126 +[2024-10-13 16:50:17,102 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 39/126 +[2024-10-13 16:50:17,201 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 40/126 +[2024-10-13 16:50:17,300 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 41/126 +[2024-10-13 16:50:17,399 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 42/126 +[2024-10-13 16:50:17,497 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 43/126 +[2024-10-13 16:50:17,596 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 44/126 +[2024-10-13 16:50:17,695 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 45/126 +[2024-10-13 16:50:17,794 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 46/126 +[2024-10-13 16:50:17,893 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 47/126 +[2024-10-13 16:50:17,992 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 48/126 +[2024-10-13 16:50:18,090 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 49/126 +[2024-10-13 16:50:18,189 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 50/126 +[2024-10-13 16:50:18,288 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 51/126 +[2024-10-13 16:50:18,387 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 52/126 +[2024-10-13 16:50:18,485 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 53/126 +[2024-10-13 16:50:18,584 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 54/126 +[2024-10-13 16:50:18,683 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 55/126 +[2024-10-13 16:50:18,782 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 56/126 +[2024-10-13 16:50:18,881 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 57/126 +[2024-10-13 16:50:18,980 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 58/126 +[2024-10-13 16:50:19,079 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 59/126 +[2024-10-13 16:50:19,178 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 60/126 +[2024-10-13 16:50:19,276 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 61/126 +[2024-10-13 16:50:19,375 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 62/126 +[2024-10-13 16:50:19,474 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 63/126 +[2024-10-13 16:50:19,573 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 64/126 +[2024-10-13 16:50:19,672 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 65/126 +[2024-10-13 16:50:19,771 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 66/126 +[2024-10-13 16:50:19,870 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 67/126 +[2024-10-13 16:50:19,969 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 68/126 +[2024-10-13 16:50:20,068 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 69/126 +[2024-10-13 16:50:20,167 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 70/126 +[2024-10-13 16:50:20,266 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 71/126 +[2024-10-13 16:50:20,364 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 72/126 +[2024-10-13 16:50:20,463 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 73/126 +[2024-10-13 16:50:20,562 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 74/126 +[2024-10-13 16:50:20,661 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 75/126 +[2024-10-13 16:50:20,762 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 76/126 +[2024-10-13 16:50:20,861 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 77/126 +[2024-10-13 16:50:20,961 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 78/126 +[2024-10-13 16:50:21,060 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 79/126 +[2024-10-13 16:50:21,173 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 80/126 +[2024-10-13 16:50:21,286 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 81/126 +[2024-10-13 16:50:21,399 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 82/126 +[2024-10-13 16:50:21,511 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 83/126 +[2024-10-13 16:50:21,624 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 84/126 +[2024-10-13 16:50:21,737 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 85/126 +[2024-10-13 16:50:21,850 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 86/126 +[2024-10-13 16:50:21,963 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 87/126 +[2024-10-13 16:50:22,076 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 88/126 +[2024-10-13 16:50:22,190 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 89/126 +[2024-10-13 16:50:22,303 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 90/126 +[2024-10-13 16:50:22,416 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 91/126 +[2024-10-13 16:50:22,530 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 92/126 +[2024-10-13 16:50:22,643 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 93/126 +[2024-10-13 16:50:22,756 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 94/126 +[2024-10-13 16:50:22,869 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 95/126 +[2024-10-13 16:50:22,982 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 96/126 +[2024-10-13 16:50:23,095 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 97/126 +[2024-10-13 16:50:23,208 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 98/126 +[2024-10-13 16:50:23,321 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 99/126 +[2024-10-13 16:50:23,434 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 100/126 +[2024-10-13 16:50:23,547 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 101/126 +[2024-10-13 16:50:23,659 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 102/126 +[2024-10-13 16:50:23,772 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 103/126 +[2024-10-13 16:50:23,885 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 104/126 +[2024-10-13 16:50:23,998 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 105/126 +[2024-10-13 16:50:24,111 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 106/126 +[2024-10-13 16:50:24,223 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 107/126 +[2024-10-13 16:50:24,336 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 108/126 +[2024-10-13 16:50:24,448 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 109/126 +[2024-10-13 16:50:24,561 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 110/126 +[2024-10-13 16:50:24,673 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 111/126 +[2024-10-13 16:50:24,786 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 112/126 +[2024-10-13 16:50:24,898 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 113/126 +[2024-10-13 16:50:25,011 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 114/126 +[2024-10-13 16:50:25,125 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 115/126 +[2024-10-13 16:50:25,233 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 116/126 +[2024-10-13 16:50:25,341 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 117/126 +[2024-10-13 16:50:25,448 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 118/126 +[2024-10-13 16:50:25,556 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 119/126 +[2024-10-13 16:50:25,663 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 120/126 +[2024-10-13 16:50:25,771 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 121/126 +[2024-10-13 16:50:25,880 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 122/126 +[2024-10-13 16:50:25,988 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 123/126 +[2024-10-13 16:50:26,095 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 124/126 +[2024-10-13 16:50:26,202 INFO test.py line 186 25394] Test: 255/312-scene0328_00, Batch: 125/126 +[2024-10-13 16:50:26,348 INFO test.py line 272 25394] Test: scene0328_00 [255/312]-111467 Batch 13.574 (19.089) Accuracy 0.8875 (0.4848) mIoU 0.4542 (0.3636) +[2024-10-13 16:50:26,468 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 0/158 +[2024-10-13 16:50:26,574 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 1/158 +[2024-10-13 16:50:26,680 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 2/158 +[2024-10-13 16:50:26,787 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 3/158 +[2024-10-13 16:50:26,893 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 4/158 +[2024-10-13 16:50:26,999 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 5/158 +[2024-10-13 16:50:27,105 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 6/158 +[2024-10-13 16:50:27,211 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 7/158 +[2024-10-13 16:50:27,317 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 8/158 +[2024-10-13 16:50:27,423 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 9/158 +[2024-10-13 16:50:27,529 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 10/158 +[2024-10-13 16:50:27,635 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 11/158 +[2024-10-13 16:50:27,741 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 12/158 +[2024-10-13 16:50:27,846 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 13/158 +[2024-10-13 16:50:27,952 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 14/158 +[2024-10-13 16:50:28,058 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 15/158 +[2024-10-13 16:50:28,164 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 16/158 +[2024-10-13 16:50:28,270 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 17/158 +[2024-10-13 16:50:28,375 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 18/158 +[2024-10-13 16:50:28,481 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 19/158 +[2024-10-13 16:50:28,587 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 20/158 +[2024-10-13 16:50:28,693 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 21/158 +[2024-10-13 16:50:28,799 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 22/158 +[2024-10-13 16:50:28,905 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 23/158 +[2024-10-13 16:50:29,012 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 24/158 +[2024-10-13 16:50:29,118 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 25/158 +[2024-10-13 16:50:29,224 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 26/158 +[2024-10-13 16:50:29,376 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 27/158 +[2024-10-13 16:50:29,484 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 28/158 +[2024-10-13 16:50:29,591 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 29/158 +[2024-10-13 16:50:29,696 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 30/158 +[2024-10-13 16:50:29,802 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 31/158 +[2024-10-13 16:50:29,908 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 32/158 +[2024-10-13 16:50:30,014 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 33/158 +[2024-10-13 16:50:30,119 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 34/158 +[2024-10-13 16:50:30,224 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 35/158 +[2024-10-13 16:50:30,330 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 36/158 +[2024-10-13 16:50:30,436 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 37/158 +[2024-10-13 16:50:30,542 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 38/158 +[2024-10-13 16:50:30,647 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 39/158 +[2024-10-13 16:50:30,750 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 40/158 +[2024-10-13 16:50:30,851 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 41/158 +[2024-10-13 16:50:30,951 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 42/158 +[2024-10-13 16:50:31,052 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 43/158 +[2024-10-13 16:50:31,152 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 44/158 +[2024-10-13 16:50:31,253 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 45/158 +[2024-10-13 16:50:31,354 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 46/158 +[2024-10-13 16:50:31,454 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 47/158 +[2024-10-13 16:50:31,555 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 48/158 +[2024-10-13 16:50:31,655 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 49/158 +[2024-10-13 16:50:31,756 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 50/158 +[2024-10-13 16:50:31,857 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 51/158 +[2024-10-13 16:50:31,957 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 52/158 +[2024-10-13 16:50:32,058 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 53/158 +[2024-10-13 16:50:32,159 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 54/158 +[2024-10-13 16:50:32,260 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 55/158 +[2024-10-13 16:50:32,360 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 56/158 +[2024-10-13 16:50:32,461 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 57/158 +[2024-10-13 16:50:32,562 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 58/158 +[2024-10-13 16:50:32,663 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 59/158 +[2024-10-13 16:50:32,763 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 60/158 +[2024-10-13 16:50:32,864 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 61/158 +[2024-10-13 16:50:32,965 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 62/158 +[2024-10-13 16:50:33,066 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 63/158 +[2024-10-13 16:50:33,166 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 64/158 +[2024-10-13 16:50:33,267 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 65/158 +[2024-10-13 16:50:33,368 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 66/158 +[2024-10-13 16:50:33,469 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 67/158 +[2024-10-13 16:50:33,570 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 68/158 +[2024-10-13 16:50:33,670 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 69/158 +[2024-10-13 16:50:33,770 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 70/158 +[2024-10-13 16:50:33,870 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 71/158 +[2024-10-13 16:50:33,971 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 72/158 +[2024-10-13 16:50:34,071 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 73/158 +[2024-10-13 16:50:34,171 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 74/158 +[2024-10-13 16:50:34,272 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 75/158 +[2024-10-13 16:50:34,372 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 76/158 +[2024-10-13 16:50:34,472 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 77/158 +[2024-10-13 16:50:34,572 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 78/158 +[2024-10-13 16:50:34,672 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 79/158 +[2024-10-13 16:50:34,772 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 80/158 +[2024-10-13 16:50:34,872 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 81/158 +[2024-10-13 16:50:34,973 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 82/158 +[2024-10-13 16:50:35,074 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 83/158 +[2024-10-13 16:50:35,175 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 84/158 +[2024-10-13 16:50:35,275 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 85/158 +[2024-10-13 16:50:35,376 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 86/158 +[2024-10-13 16:50:35,477 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 87/158 +[2024-10-13 16:50:35,578 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 88/158 +[2024-10-13 16:50:35,679 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 89/158 +[2024-10-13 16:50:35,780 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 90/158 +[2024-10-13 16:50:35,880 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 91/158 +[2024-10-13 16:50:35,981 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 92/158 +[2024-10-13 16:50:36,082 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 93/158 +[2024-10-13 16:50:36,183 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 94/158 +[2024-10-13 16:50:36,284 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 95/158 +[2024-10-13 16:50:36,395 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 96/158 +[2024-10-13 16:50:36,507 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 97/158 +[2024-10-13 16:50:36,618 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 98/158 +[2024-10-13 16:50:36,729 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 99/158 +[2024-10-13 16:50:36,842 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 100/158 +[2024-10-13 16:50:36,953 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 101/158 +[2024-10-13 16:50:37,065 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 102/158 +[2024-10-13 16:50:37,176 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 103/158 +[2024-10-13 16:50:37,288 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 104/158 +[2024-10-13 16:50:37,399 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 105/158 +[2024-10-13 16:50:37,511 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 106/158 +[2024-10-13 16:50:37,624 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 107/158 +[2024-10-13 16:50:37,735 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 108/158 +[2024-10-13 16:50:37,847 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 109/158 +[2024-10-13 16:50:37,958 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 110/158 +[2024-10-13 16:50:38,069 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 111/158 +[2024-10-13 16:50:38,181 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 112/158 +[2024-10-13 16:50:38,292 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 113/158 +[2024-10-13 16:50:38,404 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 114/158 +[2024-10-13 16:50:38,515 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 115/158 +[2024-10-13 16:50:38,627 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 116/158 +[2024-10-13 16:50:38,738 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 117/158 +[2024-10-13 16:50:38,850 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 118/158 +[2024-10-13 16:50:38,961 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 119/158 +[2024-10-13 16:50:39,073 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 120/158 +[2024-10-13 16:50:39,184 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 121/158 +[2024-10-13 16:50:39,297 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 122/158 +[2024-10-13 16:50:39,409 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 123/158 +[2024-10-13 16:50:39,523 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 124/158 +[2024-10-13 16:50:39,635 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 125/158 +[2024-10-13 16:50:39,748 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 126/158 +[2024-10-13 16:50:39,861 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 127/158 +[2024-10-13 16:50:39,973 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 128/158 +[2024-10-13 16:50:40,086 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 129/158 +[2024-10-13 16:50:40,199 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 130/158 +[2024-10-13 16:50:40,312 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 131/158 +[2024-10-13 16:50:40,425 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 132/158 +[2024-10-13 16:50:40,538 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 133/158 +[2024-10-13 16:50:40,650 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 134/158 +[2024-10-13 16:50:40,762 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 135/158 +[2024-10-13 16:50:40,874 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 136/158 +[2024-10-13 16:50:40,986 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 137/158 +[2024-10-13 16:50:41,098 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 138/158 +[2024-10-13 16:50:41,210 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 139/158 +[2024-10-13 16:50:41,322 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 140/158 +[2024-10-13 16:50:41,434 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 141/158 +[2024-10-13 16:50:41,545 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 142/158 +[2024-10-13 16:50:41,661 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 143/158 +[2024-10-13 16:50:41,773 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 144/158 +[2024-10-13 16:50:41,885 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 145/158 +[2024-10-13 16:50:41,996 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 146/158 +[2024-10-13 16:50:42,108 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 147/158 +[2024-10-13 16:50:42,214 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 148/158 +[2024-10-13 16:50:42,320 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 149/158 +[2024-10-13 16:50:42,426 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 150/158 +[2024-10-13 16:50:42,532 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 151/158 +[2024-10-13 16:50:42,638 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 152/158 +[2024-10-13 16:50:42,744 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 153/158 +[2024-10-13 16:50:42,850 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 154/158 +[2024-10-13 16:50:42,956 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 155/158 +[2024-10-13 16:50:43,062 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 156/158 +[2024-10-13 16:50:43,168 INFO test.py line 186 25394] Test: 256/312-scene0690_00, Batch: 157/158 +[2024-10-13 16:50:43,309 INFO test.py line 272 25394] Test: scene0690_00 [256/312]-106050 Batch 16.961 (19.081) Accuracy 0.8149 (0.4849) mIoU 0.4601 (0.3637) +[2024-10-13 16:50:43,404 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 0/130 +[2024-10-13 16:50:43,487 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 1/130 +[2024-10-13 16:50:43,570 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 2/130 +[2024-10-13 16:50:43,654 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 3/130 +[2024-10-13 16:50:43,737 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 4/130 +[2024-10-13 16:50:43,821 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 5/130 +[2024-10-13 16:50:43,904 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 6/130 +[2024-10-13 16:50:43,987 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 7/130 +[2024-10-13 16:50:44,070 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 8/130 +[2024-10-13 16:50:44,153 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 9/130 +[2024-10-13 16:50:44,236 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 10/130 +[2024-10-13 16:50:44,319 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 11/130 +[2024-10-13 16:50:44,402 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 12/130 +[2024-10-13 16:50:44,485 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 13/130 +[2024-10-13 16:50:44,568 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 14/130 +[2024-10-13 16:50:44,651 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 15/130 +[2024-10-13 16:50:44,734 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 16/130 +[2024-10-13 16:50:44,817 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 17/130 +[2024-10-13 16:50:44,900 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 18/130 +[2024-10-13 16:50:44,983 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 19/130 +[2024-10-13 16:50:45,066 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 20/130 +[2024-10-13 16:50:45,150 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 21/130 +[2024-10-13 16:50:45,233 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 22/130 +[2024-10-13 16:50:45,316 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 23/130 +[2024-10-13 16:50:45,399 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 24/130 +[2024-10-13 16:50:45,482 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 25/130 +[2024-10-13 16:50:45,565 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 26/130 +[2024-10-13 16:50:45,648 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 27/130 +[2024-10-13 16:50:45,732 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 28/130 +[2024-10-13 16:50:45,815 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 29/130 +[2024-10-13 16:50:45,898 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 30/130 +[2024-10-13 16:50:45,981 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 31/130 +[2024-10-13 16:50:46,065 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 32/130 +[2024-10-13 16:50:46,148 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 33/130 +[2024-10-13 16:50:46,231 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 34/130 +[2024-10-13 16:50:46,314 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 35/130 +[2024-10-13 16:50:46,397 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 36/130 +[2024-10-13 16:50:46,480 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 37/130 +[2024-10-13 16:50:46,563 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 38/130 +[2024-10-13 16:50:46,647 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 39/130 +[2024-10-13 16:50:46,725 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 40/130 +[2024-10-13 16:50:46,804 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 41/130 +[2024-10-13 16:50:46,882 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 42/130 +[2024-10-13 16:50:46,961 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 43/130 +[2024-10-13 16:50:47,039 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 44/130 +[2024-10-13 16:50:47,118 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 45/130 +[2024-10-13 16:50:47,196 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 46/130 +[2024-10-13 16:50:47,275 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 47/130 +[2024-10-13 16:50:47,353 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 48/130 +[2024-10-13 16:50:47,432 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 49/130 +[2024-10-13 16:50:47,510 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 50/130 +[2024-10-13 16:50:47,588 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 51/130 +[2024-10-13 16:50:47,666 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 52/130 +[2024-10-13 16:50:47,745 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 53/130 +[2024-10-13 16:50:47,823 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 54/130 +[2024-10-13 16:50:47,901 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 55/130 +[2024-10-13 16:50:47,980 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 56/130 +[2024-10-13 16:50:48,058 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 57/130 +[2024-10-13 16:50:48,137 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 58/130 +[2024-10-13 16:50:48,215 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 59/130 +[2024-10-13 16:50:48,293 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 60/130 +[2024-10-13 16:50:48,372 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 61/130 +[2024-10-13 16:50:48,450 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 62/130 +[2024-10-13 16:50:48,528 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 63/130 +[2024-10-13 16:50:48,607 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 64/130 +[2024-10-13 16:50:48,686 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 65/130 +[2024-10-13 16:50:48,764 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 66/130 +[2024-10-13 16:50:48,843 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 67/130 +[2024-10-13 16:50:48,921 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 68/130 +[2024-10-13 16:50:49,000 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 69/130 +[2024-10-13 16:50:49,078 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 70/130 +[2024-10-13 16:50:49,156 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 71/130 +[2024-10-13 16:50:49,235 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 72/130 +[2024-10-13 16:50:49,313 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 73/130 +[2024-10-13 16:50:49,444 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 74/130 +[2024-10-13 16:50:49,523 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 75/130 +[2024-10-13 16:50:49,602 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 76/130 +[2024-10-13 16:50:49,682 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 77/130 +[2024-10-13 16:50:49,761 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 78/130 +[2024-10-13 16:50:49,841 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 79/130 +[2024-10-13 16:50:49,919 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 80/130 +[2024-10-13 16:50:49,997 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 81/130 +[2024-10-13 16:50:50,075 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 82/130 +[2024-10-13 16:50:50,154 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 83/130 +[2024-10-13 16:50:50,240 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 84/130 +[2024-10-13 16:50:50,325 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 85/130 +[2024-10-13 16:50:50,411 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 86/130 +[2024-10-13 16:50:50,497 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 87/130 +[2024-10-13 16:50:50,583 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 88/130 +[2024-10-13 16:50:50,669 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 89/130 +[2024-10-13 16:50:50,755 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 90/130 +[2024-10-13 16:50:50,841 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 91/130 +[2024-10-13 16:50:50,927 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 92/130 +[2024-10-13 16:50:51,013 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 93/130 +[2024-10-13 16:50:51,099 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 94/130 +[2024-10-13 16:50:51,185 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 95/130 +[2024-10-13 16:50:51,271 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 96/130 +[2024-10-13 16:50:51,357 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 97/130 +[2024-10-13 16:50:51,443 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 98/130 +[2024-10-13 16:50:51,529 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 99/130 +[2024-10-13 16:50:51,615 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 100/130 +[2024-10-13 16:50:51,701 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 101/130 +[2024-10-13 16:50:51,787 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 102/130 +[2024-10-13 16:50:51,873 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 103/130 +[2024-10-13 16:50:51,959 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 104/130 +[2024-10-13 16:50:52,044 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 105/130 +[2024-10-13 16:50:52,130 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 106/130 +[2024-10-13 16:50:52,216 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 107/130 +[2024-10-13 16:50:52,302 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 108/130 +[2024-10-13 16:50:52,388 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 109/130 +[2024-10-13 16:50:52,473 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 110/130 +[2024-10-13 16:50:52,559 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 111/130 +[2024-10-13 16:50:52,645 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 112/130 +[2024-10-13 16:50:52,731 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 113/130 +[2024-10-13 16:50:52,817 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 114/130 +[2024-10-13 16:50:52,902 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 115/130 +[2024-10-13 16:50:52,988 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 116/130 +[2024-10-13 16:50:53,074 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 117/130 +[2024-10-13 16:50:53,160 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 118/130 +[2024-10-13 16:50:53,245 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 119/130 +[2024-10-13 16:50:53,328 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 120/130 +[2024-10-13 16:50:53,411 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 121/130 +[2024-10-13 16:50:53,495 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 122/130 +[2024-10-13 16:50:53,578 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 123/130 +[2024-10-13 16:50:53,661 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 124/130 +[2024-10-13 16:50:53,744 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 125/130 +[2024-10-13 16:50:53,827 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 126/130 +[2024-10-13 16:50:53,910 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 127/130 +[2024-10-13 16:50:53,994 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 128/130 +[2024-10-13 16:50:54,077 INFO test.py line 186 25394] Test: 257/312-scene0316_00, Batch: 129/130 +[2024-10-13 16:50:54,181 INFO test.py line 272 25394] Test: scene0316_00 [257/312]-78769 Batch 10.872 (19.049) Accuracy 0.9143 (0.4851) mIoU 0.7612 (0.3639) +[2024-10-13 16:50:54,299 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 0/159 +[2024-10-13 16:50:54,401 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 1/159 +[2024-10-13 16:50:54,504 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 2/159 +[2024-10-13 16:50:54,607 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 3/159 +[2024-10-13 16:50:54,709 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 4/159 +[2024-10-13 16:50:54,811 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 5/159 +[2024-10-13 16:50:54,914 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 6/159 +[2024-10-13 16:50:55,016 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 7/159 +[2024-10-13 16:50:55,119 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 8/159 +[2024-10-13 16:50:55,221 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 9/159 +[2024-10-13 16:50:55,324 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 10/159 +[2024-10-13 16:50:55,427 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 11/159 +[2024-10-13 16:50:55,530 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 12/159 +[2024-10-13 16:50:55,633 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 13/159 +[2024-10-13 16:50:55,736 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 14/159 +[2024-10-13 16:50:55,839 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 15/159 +[2024-10-13 16:50:55,943 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 16/159 +[2024-10-13 16:50:56,046 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 17/159 +[2024-10-13 16:50:56,149 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 18/159 +[2024-10-13 16:50:56,252 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 19/159 +[2024-10-13 16:50:56,355 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 20/159 +[2024-10-13 16:50:56,458 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 21/159 +[2024-10-13 16:50:56,560 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 22/159 +[2024-10-13 16:50:56,663 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 23/159 +[2024-10-13 16:50:56,766 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 24/159 +[2024-10-13 16:50:56,868 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 25/159 +[2024-10-13 16:50:56,971 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 26/159 +[2024-10-13 16:50:57,073 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 27/159 +[2024-10-13 16:50:57,175 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 28/159 +[2024-10-13 16:50:57,278 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 29/159 +[2024-10-13 16:50:57,381 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 30/159 +[2024-10-13 16:50:57,483 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 31/159 +[2024-10-13 16:50:57,586 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 32/159 +[2024-10-13 16:50:57,688 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 33/159 +[2024-10-13 16:50:57,790 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 34/159 +[2024-10-13 16:50:57,893 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 35/159 +[2024-10-13 16:50:57,996 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 36/159 +[2024-10-13 16:50:58,098 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 37/159 +[2024-10-13 16:50:58,201 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 38/159 +[2024-10-13 16:50:58,328 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 39/159 +[2024-10-13 16:50:58,438 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 40/159 +[2024-10-13 16:50:58,542 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 41/159 +[2024-10-13 16:50:58,646 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 42/159 +[2024-10-13 16:50:58,748 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 43/159 +[2024-10-13 16:50:58,844 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 44/159 +[2024-10-13 16:50:58,940 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 45/159 +[2024-10-13 16:50:59,036 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 46/159 +[2024-10-13 16:50:59,132 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 47/159 +[2024-10-13 16:50:59,229 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 48/159 +[2024-10-13 16:50:59,325 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 49/159 +[2024-10-13 16:50:59,421 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 50/159 +[2024-10-13 16:50:59,517 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 51/159 +[2024-10-13 16:50:59,613 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 52/159 +[2024-10-13 16:50:59,709 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 53/159 +[2024-10-13 16:50:59,805 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 54/159 +[2024-10-13 16:50:59,901 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 55/159 +[2024-10-13 16:50:59,998 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 56/159 +[2024-10-13 16:51:00,093 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 57/159 +[2024-10-13 16:51:00,189 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 58/159 +[2024-10-13 16:51:00,285 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 59/159 +[2024-10-13 16:51:00,380 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 60/159 +[2024-10-13 16:51:00,476 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 61/159 +[2024-10-13 16:51:00,572 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 62/159 +[2024-10-13 16:51:00,667 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 63/159 +[2024-10-13 16:51:00,763 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 64/159 +[2024-10-13 16:51:00,859 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 65/159 +[2024-10-13 16:51:00,954 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 66/159 +[2024-10-13 16:51:01,050 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 67/159 +[2024-10-13 16:51:01,146 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 68/159 +[2024-10-13 16:51:01,242 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 69/159 +[2024-10-13 16:51:01,337 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 70/159 +[2024-10-13 16:51:01,433 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 71/159 +[2024-10-13 16:51:01,528 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 72/159 +[2024-10-13 16:51:01,624 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 73/159 +[2024-10-13 16:51:01,719 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 74/159 +[2024-10-13 16:51:01,814 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 75/159 +[2024-10-13 16:51:01,910 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 76/159 +[2024-10-13 16:51:02,005 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 77/159 +[2024-10-13 16:51:02,101 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 78/159 +[2024-10-13 16:51:02,197 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 79/159 +[2024-10-13 16:51:02,292 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 80/159 +[2024-10-13 16:51:02,388 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 81/159 +[2024-10-13 16:51:02,483 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 82/159 +[2024-10-13 16:51:02,579 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 83/159 +[2024-10-13 16:51:02,675 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 84/159 +[2024-10-13 16:51:02,771 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 85/159 +[2024-10-13 16:51:02,867 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 86/159 +[2024-10-13 16:51:02,963 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 87/159 +[2024-10-13 16:51:03,059 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 88/159 +[2024-10-13 16:51:03,155 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 89/159 +[2024-10-13 16:51:03,251 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 90/159 +[2024-10-13 16:51:03,347 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 91/159 +[2024-10-13 16:51:03,443 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 92/159 +[2024-10-13 16:51:03,539 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 93/159 +[2024-10-13 16:51:03,635 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 94/159 +[2024-10-13 16:51:03,731 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 95/159 +[2024-10-13 16:51:03,840 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 96/159 +[2024-10-13 16:51:03,950 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 97/159 +[2024-10-13 16:51:04,059 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 98/159 +[2024-10-13 16:51:04,168 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 99/159 +[2024-10-13 16:51:04,277 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 100/159 +[2024-10-13 16:51:04,387 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 101/159 +[2024-10-13 16:51:04,496 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 102/159 +[2024-10-13 16:51:04,606 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 103/159 +[2024-10-13 16:51:04,715 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 104/159 +[2024-10-13 16:51:04,824 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 105/159 +[2024-10-13 16:51:04,934 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 106/159 +[2024-10-13 16:51:05,043 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 107/159 +[2024-10-13 16:51:05,152 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 108/159 +[2024-10-13 16:51:05,262 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 109/159 +[2024-10-13 16:51:05,371 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 110/159 +[2024-10-13 16:51:05,481 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 111/159 +[2024-10-13 16:51:05,590 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 112/159 +[2024-10-13 16:51:05,700 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 113/159 +[2024-10-13 16:51:05,809 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 114/159 +[2024-10-13 16:51:05,918 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 115/159 +[2024-10-13 16:51:06,027 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 116/159 +[2024-10-13 16:51:06,137 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 117/159 +[2024-10-13 16:51:06,246 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 118/159 +[2024-10-13 16:51:06,355 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 119/159 +[2024-10-13 16:51:06,464 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 120/159 +[2024-10-13 16:51:06,574 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 121/159 +[2024-10-13 16:51:06,683 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 122/159 +[2024-10-13 16:51:06,793 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 123/159 +[2024-10-13 16:51:06,903 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 124/159 +[2024-10-13 16:51:07,012 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 125/159 +[2024-10-13 16:51:07,122 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 126/159 +[2024-10-13 16:51:07,231 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 127/159 +[2024-10-13 16:51:07,340 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 128/159 +[2024-10-13 16:51:07,450 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 129/159 +[2024-10-13 16:51:07,559 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 130/159 +[2024-10-13 16:51:07,668 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 131/159 +[2024-10-13 16:51:07,778 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 132/159 +[2024-10-13 16:51:07,887 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 133/159 +[2024-10-13 16:51:07,997 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 134/159 +[2024-10-13 16:51:08,107 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 135/159 +[2024-10-13 16:51:08,216 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 136/159 +[2024-10-13 16:51:08,327 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 137/159 +[2024-10-13 16:51:08,436 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 138/159 +[2024-10-13 16:51:08,546 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 139/159 +[2024-10-13 16:51:08,656 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 140/159 +[2024-10-13 16:51:08,765 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 141/159 +[2024-10-13 16:51:08,875 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 142/159 +[2024-10-13 16:51:08,985 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 143/159 +[2024-10-13 16:51:09,094 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 144/159 +[2024-10-13 16:51:09,204 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 145/159 +[2024-10-13 16:51:09,314 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 146/159 +[2024-10-13 16:51:09,424 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 147/159 +[2024-10-13 16:51:09,526 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 148/159 +[2024-10-13 16:51:09,629 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 149/159 +[2024-10-13 16:51:09,731 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 150/159 +[2024-10-13 16:51:09,834 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 151/159 +[2024-10-13 16:51:09,936 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 152/159 +[2024-10-13 16:51:10,039 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 153/159 +[2024-10-13 16:51:10,141 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 154/159 +[2024-10-13 16:51:10,244 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 155/159 +[2024-10-13 16:51:10,347 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 156/159 +[2024-10-13 16:51:10,449 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 157/159 +[2024-10-13 16:51:10,551 INFO test.py line 186 25394] Test: 258/312-scene0488_00, Batch: 158/159 +[2024-10-13 16:51:10,690 INFO test.py line 272 25394] Test: scene0488_00 [258/312]-108319 Batch 16.508 (19.039) Accuracy 0.9592 (0.4853) mIoU 0.8139 (0.3644) +[2024-10-13 16:51:10,929 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 0/135 +[2024-10-13 16:51:11,130 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 1/135 +[2024-10-13 16:51:11,331 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 2/135 +[2024-10-13 16:51:11,532 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 3/135 +[2024-10-13 16:51:11,733 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 4/135 +[2024-10-13 16:51:11,934 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 5/135 +[2024-10-13 16:51:12,136 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 6/135 +[2024-10-13 16:51:12,337 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 7/135 +[2024-10-13 16:51:12,583 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 8/135 +[2024-10-13 16:51:12,784 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 9/135 +[2024-10-13 16:51:12,986 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 10/135 +[2024-10-13 16:51:13,186 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 11/135 +[2024-10-13 16:51:13,387 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 12/135 +[2024-10-13 16:51:13,588 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 13/135 +[2024-10-13 16:51:13,789 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 14/135 +[2024-10-13 16:51:13,990 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 15/135 +[2024-10-13 16:51:14,191 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 16/135 +[2024-10-13 16:51:14,392 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 17/135 +[2024-10-13 16:51:14,593 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 18/135 +[2024-10-13 16:51:14,794 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 19/135 +[2024-10-13 16:51:14,996 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 20/135 +[2024-10-13 16:51:15,197 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 21/135 +[2024-10-13 16:51:15,399 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 22/135 +[2024-10-13 16:51:15,600 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 23/135 +[2024-10-13 16:51:15,801 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 24/135 +[2024-10-13 16:51:16,002 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 25/135 +[2024-10-13 16:51:16,203 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 26/135 +[2024-10-13 16:51:16,404 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 27/135 +[2024-10-13 16:51:16,605 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 28/135 +[2024-10-13 16:51:16,806 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 29/135 +[2024-10-13 16:51:17,007 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 30/135 +[2024-10-13 16:51:17,208 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 31/135 +[2024-10-13 16:51:17,409 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 32/135 +[2024-10-13 16:51:17,610 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 33/135 +[2024-10-13 16:51:17,811 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 34/135 +[2024-10-13 16:51:18,012 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 35/135 +[2024-10-13 16:51:18,213 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 36/135 +[2024-10-13 16:51:18,415 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 37/135 +[2024-10-13 16:51:18,616 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 38/135 +[2024-10-13 16:51:18,817 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 39/135 +[2024-10-13 16:51:19,019 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 40/135 +[2024-10-13 16:51:19,220 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 41/135 +[2024-10-13 16:51:19,421 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 42/135 +[2024-10-13 16:51:19,622 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 43/135 +[2024-10-13 16:51:19,810 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 44/135 +[2024-10-13 16:51:19,998 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 45/135 +[2024-10-13 16:51:20,185 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 46/135 +[2024-10-13 16:51:20,372 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 47/135 +[2024-10-13 16:51:20,560 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 48/135 +[2024-10-13 16:51:20,748 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 49/135 +[2024-10-13 16:51:20,935 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 50/135 +[2024-10-13 16:51:21,123 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 51/135 +[2024-10-13 16:51:21,311 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 52/135 +[2024-10-13 16:51:21,498 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 53/135 +[2024-10-13 16:51:21,686 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 54/135 +[2024-10-13 16:51:21,874 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 55/135 +[2024-10-13 16:51:22,062 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 56/135 +[2024-10-13 16:51:22,250 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 57/135 +[2024-10-13 16:51:22,437 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 58/135 +[2024-10-13 16:51:22,625 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 59/135 +[2024-10-13 16:51:22,812 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 60/135 +[2024-10-13 16:51:22,999 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 61/135 +[2024-10-13 16:51:23,187 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 62/135 +[2024-10-13 16:51:23,374 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 63/135 +[2024-10-13 16:51:23,562 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 64/135 +[2024-10-13 16:51:23,750 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 65/135 +[2024-10-13 16:51:23,938 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 66/135 +[2024-10-13 16:51:24,126 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 67/135 +[2024-10-13 16:51:24,314 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 68/135 +[2024-10-13 16:51:24,502 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 69/135 +[2024-10-13 16:51:24,690 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 70/135 +[2024-10-13 16:51:24,878 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 71/135 +[2024-10-13 16:51:25,066 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 72/135 +[2024-10-13 16:51:25,254 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 73/135 +[2024-10-13 16:51:25,442 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 74/135 +[2024-10-13 16:51:25,630 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 75/135 +[2024-10-13 16:51:25,818 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 76/135 +[2024-10-13 16:51:26,006 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 77/135 +[2024-10-13 16:51:26,194 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 78/135 +[2024-10-13 16:51:26,382 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 79/135 +[2024-10-13 16:51:26,570 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 80/135 +[2024-10-13 16:51:26,758 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 81/135 +[2024-10-13 16:51:26,946 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 82/135 +[2024-10-13 16:51:27,134 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 83/135 +[2024-10-13 16:51:27,322 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 84/135 +[2024-10-13 16:51:27,510 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 85/135 +[2024-10-13 16:51:27,698 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 86/135 +[2024-10-13 16:51:27,886 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 87/135 +[2024-10-13 16:51:28,101 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 88/135 +[2024-10-13 16:51:28,315 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 89/135 +[2024-10-13 16:51:28,530 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 90/135 +[2024-10-13 16:51:28,744 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 91/135 +[2024-10-13 16:51:28,959 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 92/135 +[2024-10-13 16:51:29,173 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 93/135 +[2024-10-13 16:51:29,388 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 94/135 +[2024-10-13 16:51:29,602 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 95/135 +[2024-10-13 16:51:29,817 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 96/135 +[2024-10-13 16:51:30,032 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 97/135 +[2024-10-13 16:51:30,247 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 98/135 +[2024-10-13 16:51:30,462 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 99/135 +[2024-10-13 16:51:30,676 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 100/135 +[2024-10-13 16:51:30,892 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 101/135 +[2024-10-13 16:51:31,107 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 102/135 +[2024-10-13 16:51:31,322 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 103/135 +[2024-10-13 16:51:31,536 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 104/135 +[2024-10-13 16:51:31,751 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 105/135 +[2024-10-13 16:51:31,967 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 106/135 +[2024-10-13 16:51:32,181 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 107/135 +[2024-10-13 16:51:32,396 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 108/135 +[2024-10-13 16:51:32,611 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 109/135 +[2024-10-13 16:51:32,826 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 110/135 +[2024-10-13 16:51:33,041 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 111/135 +[2024-10-13 16:51:33,256 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 112/135 +[2024-10-13 16:51:33,471 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 113/135 +[2024-10-13 16:51:33,686 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 114/135 +[2024-10-13 16:51:33,901 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 115/135 +[2024-10-13 16:51:34,115 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 116/135 +[2024-10-13 16:51:34,331 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 117/135 +[2024-10-13 16:51:34,545 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 118/135 +[2024-10-13 16:51:34,760 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 119/135 +[2024-10-13 16:51:34,975 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 120/135 +[2024-10-13 16:51:35,190 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 121/135 +[2024-10-13 16:51:35,405 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 122/135 +[2024-10-13 16:51:35,620 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 123/135 +[2024-10-13 16:51:35,822 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 124/135 +[2024-10-13 16:51:36,022 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 125/135 +[2024-10-13 16:51:36,224 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 126/135 +[2024-10-13 16:51:36,425 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 127/135 +[2024-10-13 16:51:36,627 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 128/135 +[2024-10-13 16:51:36,829 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 129/135 +[2024-10-13 16:51:37,030 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 130/135 +[2024-10-13 16:51:37,232 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 131/135 +[2024-10-13 16:51:37,433 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 132/135 +[2024-10-13 16:51:37,635 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 133/135 +[2024-10-13 16:51:37,837 INFO test.py line 186 25394] Test: 259/312-scene0621_00, Batch: 134/135 +[2024-10-13 16:51:38,158 INFO test.py line 272 25394] Test: scene0621_00 [259/312]-250821 Batch 27.468 (19.072) Accuracy 0.9741 (0.4854) mIoU 0.8003 (0.3645) +[2024-10-13 16:51:38,335 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 0/134 +[2024-10-13 16:51:38,484 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 1/134 +[2024-10-13 16:51:38,634 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 2/134 +[2024-10-13 16:51:38,784 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 3/134 +[2024-10-13 16:51:38,933 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 4/134 +[2024-10-13 16:51:39,083 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 5/134 +[2024-10-13 16:51:39,232 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 6/134 +[2024-10-13 16:51:39,382 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 7/134 +[2024-10-13 16:51:39,531 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 8/134 +[2024-10-13 16:51:39,681 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 9/134 +[2024-10-13 16:51:39,831 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 10/134 +[2024-10-13 16:51:39,980 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 11/134 +[2024-10-13 16:51:40,130 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 12/134 +[2024-10-13 16:51:40,280 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 13/134 +[2024-10-13 16:51:40,430 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 14/134 +[2024-10-13 16:51:40,579 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 15/134 +[2024-10-13 16:51:40,729 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 16/134 +[2024-10-13 16:51:40,879 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 17/134 +[2024-10-13 16:51:41,029 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 18/134 +[2024-10-13 16:51:41,178 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 19/134 +[2024-10-13 16:51:41,328 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 20/134 +[2024-10-13 16:51:41,478 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 21/134 +[2024-10-13 16:51:41,627 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 22/134 +[2024-10-13 16:51:41,777 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 23/134 +[2024-10-13 16:51:41,927 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 24/134 +[2024-10-13 16:51:42,077 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 25/134 +[2024-10-13 16:51:42,227 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 26/134 +[2024-10-13 16:51:42,376 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 27/134 +[2024-10-13 16:51:42,526 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 28/134 +[2024-10-13 16:51:42,676 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 29/134 +[2024-10-13 16:51:42,826 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 30/134 +[2024-10-13 16:51:42,976 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 31/134 +[2024-10-13 16:51:43,126 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 32/134 +[2024-10-13 16:51:43,276 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 33/134 +[2024-10-13 16:51:43,426 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 34/134 +[2024-10-13 16:51:43,576 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 35/134 +[2024-10-13 16:51:43,727 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 36/134 +[2024-10-13 16:51:43,877 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 37/134 +[2024-10-13 16:51:44,027 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 38/134 +[2024-10-13 16:51:44,177 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 39/134 +[2024-10-13 16:51:44,319 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 40/134 +[2024-10-13 16:51:44,461 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 41/134 +[2024-10-13 16:51:44,602 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 42/134 +[2024-10-13 16:51:44,744 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 43/134 +[2024-10-13 16:51:44,886 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 44/134 +[2024-10-13 16:51:45,070 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 45/134 +[2024-10-13 16:51:45,212 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 46/134 +[2024-10-13 16:51:45,355 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 47/134 +[2024-10-13 16:51:45,497 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 48/134 +[2024-10-13 16:51:45,638 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 49/134 +[2024-10-13 16:51:45,780 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 50/134 +[2024-10-13 16:51:45,921 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 51/134 +[2024-10-13 16:51:46,063 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 52/134 +[2024-10-13 16:51:46,204 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 53/134 +[2024-10-13 16:51:46,345 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 54/134 +[2024-10-13 16:51:46,486 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 55/134 +[2024-10-13 16:51:46,627 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 56/134 +[2024-10-13 16:51:46,768 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 57/134 +[2024-10-13 16:51:46,909 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 58/134 +[2024-10-13 16:51:47,050 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 59/134 +[2024-10-13 16:51:47,191 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 60/134 +[2024-10-13 16:51:47,333 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 61/134 +[2024-10-13 16:51:47,474 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 62/134 +[2024-10-13 16:51:47,615 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 63/134 +[2024-10-13 16:51:47,756 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 64/134 +[2024-10-13 16:51:47,897 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 65/134 +[2024-10-13 16:51:48,038 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 66/134 +[2024-10-13 16:51:48,179 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 67/134 +[2024-10-13 16:51:48,320 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 68/134 +[2024-10-13 16:51:48,461 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 69/134 +[2024-10-13 16:51:48,603 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 70/134 +[2024-10-13 16:51:48,744 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 71/134 +[2024-10-13 16:51:48,885 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 72/134 +[2024-10-13 16:51:49,026 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 73/134 +[2024-10-13 16:51:49,166 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 74/134 +[2024-10-13 16:51:49,308 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 75/134 +[2024-10-13 16:51:49,449 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 76/134 +[2024-10-13 16:51:49,590 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 77/134 +[2024-10-13 16:51:49,731 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 78/134 +[2024-10-13 16:51:49,873 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 79/134 +[2024-10-13 16:51:50,014 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 80/134 +[2024-10-13 16:51:50,155 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 81/134 +[2024-10-13 16:51:50,296 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 82/134 +[2024-10-13 16:51:50,437 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 83/134 +[2024-10-13 16:51:50,579 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 84/134 +[2024-10-13 16:51:50,720 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 85/134 +[2024-10-13 16:51:50,862 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 86/134 +[2024-10-13 16:51:51,003 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 87/134 +[2024-10-13 16:51:51,160 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 88/134 +[2024-10-13 16:51:51,318 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 89/134 +[2024-10-13 16:51:51,475 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 90/134 +[2024-10-13 16:51:51,632 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 91/134 +[2024-10-13 16:51:51,790 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 92/134 +[2024-10-13 16:51:51,947 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 93/134 +[2024-10-13 16:51:52,105 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 94/134 +[2024-10-13 16:51:52,262 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 95/134 +[2024-10-13 16:51:52,419 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 96/134 +[2024-10-13 16:51:52,577 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 97/134 +[2024-10-13 16:51:52,735 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 98/134 +[2024-10-13 16:51:52,892 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 99/134 +[2024-10-13 16:51:53,050 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 100/134 +[2024-10-13 16:51:53,209 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 101/134 +[2024-10-13 16:51:53,367 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 102/134 +[2024-10-13 16:51:53,525 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 103/134 +[2024-10-13 16:51:53,683 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 104/134 +[2024-10-13 16:51:53,841 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 105/134 +[2024-10-13 16:51:53,999 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 106/134 +[2024-10-13 16:51:54,157 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 107/134 +[2024-10-13 16:51:54,315 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 108/134 +[2024-10-13 16:51:54,472 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 109/134 +[2024-10-13 16:51:54,630 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 110/134 +[2024-10-13 16:51:54,788 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 111/134 +[2024-10-13 16:51:54,946 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 112/134 +[2024-10-13 16:51:55,104 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 113/134 +[2024-10-13 16:51:55,262 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 114/134 +[2024-10-13 16:51:55,420 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 115/134 +[2024-10-13 16:51:55,577 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 116/134 +[2024-10-13 16:51:55,733 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 117/134 +[2024-10-13 16:51:55,891 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 118/134 +[2024-10-13 16:51:56,048 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 119/134 +[2024-10-13 16:51:56,206 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 120/134 +[2024-10-13 16:51:56,363 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 121/134 +[2024-10-13 16:51:56,520 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 122/134 +[2024-10-13 16:51:56,677 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 123/134 +[2024-10-13 16:51:56,827 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 124/134 +[2024-10-13 16:51:56,976 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 125/134 +[2024-10-13 16:51:57,126 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 126/134 +[2024-10-13 16:51:57,275 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 127/134 +[2024-10-13 16:51:57,425 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 128/134 +[2024-10-13 16:51:57,574 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 129/134 +[2024-10-13 16:51:57,724 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 130/134 +[2024-10-13 16:51:57,873 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 131/134 +[2024-10-13 16:51:58,023 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 132/134 +[2024-10-13 16:51:58,172 INFO test.py line 186 25394] Test: 260/312-scene0131_01, Batch: 133/134 +[2024-10-13 16:51:58,392 INFO test.py line 272 25394] Test: scene0131_01 [260/312]-172221 Batch 20.234 (19.076) Accuracy 0.8666 (0.4847) mIoU 0.2941 (0.3645) +[2024-10-13 16:51:58,484 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 0/143 +[2024-10-13 16:51:58,564 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 1/143 +[2024-10-13 16:51:58,643 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 2/143 +[2024-10-13 16:51:58,723 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 3/143 +[2024-10-13 16:51:58,802 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 4/143 +[2024-10-13 16:51:58,882 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 5/143 +[2024-10-13 16:51:58,961 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 6/143 +[2024-10-13 16:51:59,041 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 7/143 +[2024-10-13 16:51:59,121 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 8/143 +[2024-10-13 16:51:59,200 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 9/143 +[2024-10-13 16:51:59,280 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 10/143 +[2024-10-13 16:51:59,359 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 11/143 +[2024-10-13 16:51:59,438 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 12/143 +[2024-10-13 16:51:59,517 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 13/143 +[2024-10-13 16:51:59,596 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 14/143 +[2024-10-13 16:51:59,676 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 15/143 +[2024-10-13 16:51:59,755 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 16/143 +[2024-10-13 16:51:59,834 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 17/143 +[2024-10-13 16:51:59,913 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 18/143 +[2024-10-13 16:51:59,992 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 19/143 +[2024-10-13 16:52:00,071 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 20/143 +[2024-10-13 16:52:00,150 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 21/143 +[2024-10-13 16:52:00,229 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 22/143 +[2024-10-13 16:52:00,308 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 23/143 +[2024-10-13 16:52:00,386 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 24/143 +[2024-10-13 16:52:00,465 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 25/143 +[2024-10-13 16:52:00,544 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 26/143 +[2024-10-13 16:52:00,623 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 27/143 +[2024-10-13 16:52:00,702 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 28/143 +[2024-10-13 16:52:00,781 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 29/143 +[2024-10-13 16:52:00,860 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 30/143 +[2024-10-13 16:52:00,939 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 31/143 +[2024-10-13 16:52:01,018 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 32/143 +[2024-10-13 16:52:01,097 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 33/143 +[2024-10-13 16:52:01,176 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 34/143 +[2024-10-13 16:52:01,255 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 35/143 +[2024-10-13 16:52:01,334 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 36/143 +[2024-10-13 16:52:01,413 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 37/143 +[2024-10-13 16:52:01,492 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 38/143 +[2024-10-13 16:52:01,571 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 39/143 +[2024-10-13 16:52:01,649 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 40/143 +[2024-10-13 16:52:01,728 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 41/143 +[2024-10-13 16:52:01,807 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 42/143 +[2024-10-13 16:52:01,886 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 43/143 +[2024-10-13 16:52:01,963 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 44/143 +[2024-10-13 16:52:02,039 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 45/143 +[2024-10-13 16:52:02,115 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 46/143 +[2024-10-13 16:52:02,192 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 47/143 +[2024-10-13 16:52:02,268 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 48/143 +[2024-10-13 16:52:02,344 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 49/143 +[2024-10-13 16:52:02,420 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 50/143 +[2024-10-13 16:52:02,497 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 51/143 +[2024-10-13 16:52:02,573 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 52/143 +[2024-10-13 16:52:02,649 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 53/143 +[2024-10-13 16:52:02,725 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 54/143 +[2024-10-13 16:52:02,802 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 55/143 +[2024-10-13 16:52:02,878 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 56/143 +[2024-10-13 16:52:02,955 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 57/143 +[2024-10-13 16:52:03,032 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 58/143 +[2024-10-13 16:52:03,109 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 59/143 +[2024-10-13 16:52:03,185 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 60/143 +[2024-10-13 16:52:03,262 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 61/143 +[2024-10-13 16:52:03,339 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 62/143 +[2024-10-13 16:52:03,415 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 63/143 +[2024-10-13 16:52:03,494 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 64/143 +[2024-10-13 16:52:03,607 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 65/143 +[2024-10-13 16:52:03,685 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 66/143 +[2024-10-13 16:52:03,763 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 67/143 +[2024-10-13 16:52:03,841 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 68/143 +[2024-10-13 16:52:03,919 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 69/143 +[2024-10-13 16:52:03,995 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 70/143 +[2024-10-13 16:52:04,071 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 71/143 +[2024-10-13 16:52:04,147 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 72/143 +[2024-10-13 16:52:04,223 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 73/143 +[2024-10-13 16:52:04,300 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 74/143 +[2024-10-13 16:52:04,376 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 75/143 +[2024-10-13 16:52:04,452 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 76/143 +[2024-10-13 16:52:04,529 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 77/143 +[2024-10-13 16:52:04,605 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 78/143 +[2024-10-13 16:52:04,681 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 79/143 +[2024-10-13 16:52:04,757 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 80/143 +[2024-10-13 16:52:04,834 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 81/143 +[2024-10-13 16:52:04,910 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 82/143 +[2024-10-13 16:52:04,986 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 83/143 +[2024-10-13 16:52:05,063 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 84/143 +[2024-10-13 16:52:05,139 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 85/143 +[2024-10-13 16:52:05,216 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 86/143 +[2024-10-13 16:52:05,292 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 87/143 +[2024-10-13 16:52:05,368 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 88/143 +[2024-10-13 16:52:05,444 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 89/143 +[2024-10-13 16:52:05,521 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 90/143 +[2024-10-13 16:52:05,597 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 91/143 +[2024-10-13 16:52:05,681 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 92/143 +[2024-10-13 16:52:05,765 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 93/143 +[2024-10-13 16:52:05,849 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 94/143 +[2024-10-13 16:52:05,933 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 95/143 +[2024-10-13 16:52:06,017 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 96/143 +[2024-10-13 16:52:06,101 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 97/143 +[2024-10-13 16:52:06,185 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 98/143 +[2024-10-13 16:52:06,269 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 99/143 +[2024-10-13 16:52:06,353 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 100/143 +[2024-10-13 16:52:06,436 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 101/143 +[2024-10-13 16:52:06,520 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 102/143 +[2024-10-13 16:52:06,604 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 103/143 +[2024-10-13 16:52:06,688 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 104/143 +[2024-10-13 16:52:06,772 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 105/143 +[2024-10-13 16:52:06,856 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 106/143 +[2024-10-13 16:52:06,940 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 107/143 +[2024-10-13 16:52:07,024 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 108/143 +[2024-10-13 16:52:07,108 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 109/143 +[2024-10-13 16:52:07,192 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 110/143 +[2024-10-13 16:52:07,276 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 111/143 +[2024-10-13 16:52:07,359 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 112/143 +[2024-10-13 16:52:07,443 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 113/143 +[2024-10-13 16:52:07,526 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 114/143 +[2024-10-13 16:52:07,610 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 115/143 +[2024-10-13 16:52:07,694 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 116/143 +[2024-10-13 16:52:07,777 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 117/143 +[2024-10-13 16:52:07,861 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 118/143 +[2024-10-13 16:52:07,945 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 119/143 +[2024-10-13 16:52:08,028 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 120/143 +[2024-10-13 16:52:08,112 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 121/143 +[2024-10-13 16:52:08,196 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 122/143 +[2024-10-13 16:52:08,280 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 123/143 +[2024-10-13 16:52:08,363 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 124/143 +[2024-10-13 16:52:08,447 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 125/143 +[2024-10-13 16:52:08,531 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 126/143 +[2024-10-13 16:52:08,615 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 127/143 +[2024-10-13 16:52:08,699 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 128/143 +[2024-10-13 16:52:08,783 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 129/143 +[2024-10-13 16:52:08,866 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 130/143 +[2024-10-13 16:52:08,950 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 131/143 +[2024-10-13 16:52:09,029 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 132/143 +[2024-10-13 16:52:09,108 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 133/143 +[2024-10-13 16:52:09,187 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 134/143 +[2024-10-13 16:52:09,265 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 135/143 +[2024-10-13 16:52:09,344 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 136/143 +[2024-10-13 16:52:09,423 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 137/143 +[2024-10-13 16:52:09,502 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 138/143 +[2024-10-13 16:52:09,581 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 139/143 +[2024-10-13 16:52:09,660 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 140/143 +[2024-10-13 16:52:09,738 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 141/143 +[2024-10-13 16:52:09,817 INFO test.py line 186 25394] Test: 261/312-scene0701_00, Batch: 142/143 +[2024-10-13 16:52:09,914 INFO test.py line 272 25394] Test: scene0701_00 [261/312]-73550 Batch 11.522 (19.047) Accuracy 0.9064 (0.4847) mIoU 0.4162 (0.3644) +[2024-10-13 16:52:10,161 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 0/156 +[2024-10-13 16:52:10,370 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 1/156 +[2024-10-13 16:52:10,578 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 2/156 +[2024-10-13 16:52:10,787 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 3/156 +[2024-10-13 16:52:10,996 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 4/156 +[2024-10-13 16:52:11,205 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 5/156 +[2024-10-13 16:52:11,413 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 6/156 +[2024-10-13 16:52:11,622 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 7/156 +[2024-10-13 16:52:11,830 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 8/156 +[2024-10-13 16:52:12,038 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 9/156 +[2024-10-13 16:52:12,247 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 10/156 +[2024-10-13 16:52:12,460 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 11/156 +[2024-10-13 16:52:12,703 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 12/156 +[2024-10-13 16:52:12,912 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 13/156 +[2024-10-13 16:52:13,121 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 14/156 +[2024-10-13 16:52:13,330 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 15/156 +[2024-10-13 16:52:13,540 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 16/156 +[2024-10-13 16:52:13,749 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 17/156 +[2024-10-13 16:52:13,959 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 18/156 +[2024-10-13 16:52:14,168 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 19/156 +[2024-10-13 16:52:14,378 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 20/156 +[2024-10-13 16:52:14,587 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 21/156 +[2024-10-13 16:52:14,796 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 22/156 +[2024-10-13 16:52:15,005 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 23/156 +[2024-10-13 16:52:15,214 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 24/156 +[2024-10-13 16:52:15,422 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 25/156 +[2024-10-13 16:52:15,630 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 26/156 +[2024-10-13 16:52:15,838 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 27/156 +[2024-10-13 16:52:16,047 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 28/156 +[2024-10-13 16:52:16,255 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 29/156 +[2024-10-13 16:52:16,463 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 30/156 +[2024-10-13 16:52:16,672 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 31/156 +[2024-10-13 16:52:16,880 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 32/156 +[2024-10-13 16:52:17,087 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 33/156 +[2024-10-13 16:52:17,295 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 34/156 +[2024-10-13 16:52:17,503 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 35/156 +[2024-10-13 16:52:17,712 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 36/156 +[2024-10-13 16:52:17,920 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 37/156 +[2024-10-13 16:52:18,128 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 38/156 +[2024-10-13 16:52:18,335 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 39/156 +[2024-10-13 16:52:18,543 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 40/156 +[2024-10-13 16:52:18,751 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 41/156 +[2024-10-13 16:52:18,959 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 42/156 +[2024-10-13 16:52:19,167 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 43/156 +[2024-10-13 16:52:19,374 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 44/156 +[2024-10-13 16:52:19,582 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 45/156 +[2024-10-13 16:52:19,790 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 46/156 +[2024-10-13 16:52:19,998 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 47/156 +[2024-10-13 16:52:20,192 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 48/156 +[2024-10-13 16:52:20,386 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 49/156 +[2024-10-13 16:52:20,579 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 50/156 +[2024-10-13 16:52:20,773 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 51/156 +[2024-10-13 16:52:20,967 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 52/156 +[2024-10-13 16:52:21,160 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 53/156 +[2024-10-13 16:52:21,354 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 54/156 +[2024-10-13 16:52:21,547 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 55/156 +[2024-10-13 16:52:21,741 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 56/156 +[2024-10-13 16:52:21,934 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 57/156 +[2024-10-13 16:52:22,128 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 58/156 +[2024-10-13 16:52:22,321 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 59/156 +[2024-10-13 16:52:22,515 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 60/156 +[2024-10-13 16:52:22,708 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 61/156 +[2024-10-13 16:52:22,902 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 62/156 +[2024-10-13 16:52:23,095 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 63/156 +[2024-10-13 16:52:23,288 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 64/156 +[2024-10-13 16:52:23,482 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 65/156 +[2024-10-13 16:52:23,675 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 66/156 +[2024-10-13 16:52:23,868 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 67/156 +[2024-10-13 16:52:24,062 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 68/156 +[2024-10-13 16:52:24,255 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 69/156 +[2024-10-13 16:52:24,448 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 70/156 +[2024-10-13 16:52:24,642 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 71/156 +[2024-10-13 16:52:24,835 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 72/156 +[2024-10-13 16:52:25,029 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 73/156 +[2024-10-13 16:52:25,223 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 74/156 +[2024-10-13 16:52:25,416 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 75/156 +[2024-10-13 16:52:25,611 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 76/156 +[2024-10-13 16:52:25,805 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 77/156 +[2024-10-13 16:52:25,998 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 78/156 +[2024-10-13 16:52:26,193 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 79/156 +[2024-10-13 16:52:26,387 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 80/156 +[2024-10-13 16:52:26,580 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 81/156 +[2024-10-13 16:52:26,774 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 82/156 +[2024-10-13 16:52:26,968 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 83/156 +[2024-10-13 16:52:27,162 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 84/156 +[2024-10-13 16:52:27,356 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 85/156 +[2024-10-13 16:52:27,550 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 86/156 +[2024-10-13 16:52:27,744 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 87/156 +[2024-10-13 16:52:27,937 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 88/156 +[2024-10-13 16:52:28,132 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 89/156 +[2024-10-13 16:52:28,325 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 90/156 +[2024-10-13 16:52:28,519 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 91/156 +[2024-10-13 16:52:28,713 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 92/156 +[2024-10-13 16:52:28,907 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 93/156 +[2024-10-13 16:52:29,101 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 94/156 +[2024-10-13 16:52:29,295 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 95/156 +[2024-10-13 16:52:29,489 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 96/156 +[2024-10-13 16:52:29,683 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 97/156 +[2024-10-13 16:52:29,876 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 98/156 +[2024-10-13 16:52:30,070 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 99/156 +[2024-10-13 16:52:30,291 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 100/156 +[2024-10-13 16:52:30,512 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 101/156 +[2024-10-13 16:52:30,733 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 102/156 +[2024-10-13 16:52:30,954 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 103/156 +[2024-10-13 16:52:31,175 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 104/156 +[2024-10-13 16:52:31,397 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 105/156 +[2024-10-13 16:52:31,618 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 106/156 +[2024-10-13 16:52:31,838 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 107/156 +[2024-10-13 16:52:32,059 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 108/156 +[2024-10-13 16:52:32,280 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 109/156 +[2024-10-13 16:52:32,500 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 110/156 +[2024-10-13 16:52:32,722 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 111/156 +[2024-10-13 16:52:32,943 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 112/156 +[2024-10-13 16:52:33,165 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 113/156 +[2024-10-13 16:52:33,386 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 114/156 +[2024-10-13 16:52:33,608 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 115/156 +[2024-10-13 16:52:33,830 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 116/156 +[2024-10-13 16:52:34,051 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 117/156 +[2024-10-13 16:52:34,274 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 118/156 +[2024-10-13 16:52:34,495 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 119/156 +[2024-10-13 16:52:34,717 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 120/156 +[2024-10-13 16:52:34,938 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 121/156 +[2024-10-13 16:52:35,160 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 122/156 +[2024-10-13 16:52:35,381 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 123/156 +[2024-10-13 16:52:35,602 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 124/156 +[2024-10-13 16:52:35,824 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 125/156 +[2024-10-13 16:52:36,045 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 126/156 +[2024-10-13 16:52:36,267 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 127/156 +[2024-10-13 16:52:36,488 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 128/156 +[2024-10-13 16:52:36,710 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 129/156 +[2024-10-13 16:52:36,931 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 130/156 +[2024-10-13 16:52:37,153 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 131/156 +[2024-10-13 16:52:37,375 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 132/156 +[2024-10-13 16:52:37,596 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 133/156 +[2024-10-13 16:52:37,817 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 134/156 +[2024-10-13 16:52:38,038 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 135/156 +[2024-10-13 16:52:38,258 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 136/156 +[2024-10-13 16:52:38,479 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 137/156 +[2024-10-13 16:52:38,700 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 138/156 +[2024-10-13 16:52:38,920 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 139/156 +[2024-10-13 16:52:39,141 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 140/156 +[2024-10-13 16:52:39,362 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 141/156 +[2024-10-13 16:52:39,583 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 142/156 +[2024-10-13 16:52:39,803 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 143/156 +[2024-10-13 16:52:40,011 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 144/156 +[2024-10-13 16:52:40,219 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 145/156 +[2024-10-13 16:52:40,428 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 146/156 +[2024-10-13 16:52:40,636 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 147/156 +[2024-10-13 16:52:40,844 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 148/156 +[2024-10-13 16:52:41,052 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 149/156 +[2024-10-13 16:52:41,260 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 150/156 +[2024-10-13 16:52:41,468 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 151/156 +[2024-10-13 16:52:41,677 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 152/156 +[2024-10-13 16:52:41,886 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 153/156 +[2024-10-13 16:52:42,094 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 154/156 +[2024-10-13 16:52:42,303 INFO test.py line 186 25394] Test: 262/312-scene0629_00, Batch: 155/156 +[2024-10-13 16:52:42,621 INFO test.py line 272 25394] Test: scene0629_00 [262/312]-255083 Batch 32.706 (19.099) Accuracy 0.8175 (0.4856) mIoU 0.3494 (0.3651) +[2024-10-13 16:52:42,827 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 0/134 +[2024-10-13 16:52:43,000 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 1/134 +[2024-10-13 16:52:43,174 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 2/134 +[2024-10-13 16:52:43,347 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 3/134 +[2024-10-13 16:52:43,520 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 4/134 +[2024-10-13 16:52:43,693 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 5/134 +[2024-10-13 16:52:43,866 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 6/134 +[2024-10-13 16:52:44,039 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 7/134 +[2024-10-13 16:52:44,213 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 8/134 +[2024-10-13 16:52:44,386 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 9/134 +[2024-10-13 16:52:44,559 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 10/134 +[2024-10-13 16:52:44,732 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 11/134 +[2024-10-13 16:52:44,905 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 12/134 +[2024-10-13 16:52:45,078 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 13/134 +[2024-10-13 16:52:45,251 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 14/134 +[2024-10-13 16:52:45,424 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 15/134 +[2024-10-13 16:52:45,597 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 16/134 +[2024-10-13 16:52:45,770 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 17/134 +[2024-10-13 16:52:45,943 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 18/134 +[2024-10-13 16:52:46,116 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 19/134 +[2024-10-13 16:52:46,288 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 20/134 +[2024-10-13 16:52:46,461 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 21/134 +[2024-10-13 16:52:46,634 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 22/134 +[2024-10-13 16:52:46,807 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 23/134 +[2024-10-13 16:52:46,980 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 24/134 +[2024-10-13 16:52:47,154 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 25/134 +[2024-10-13 16:52:47,326 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 26/134 +[2024-10-13 16:52:47,499 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 27/134 +[2024-10-13 16:52:47,672 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 28/134 +[2024-10-13 16:52:47,844 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 29/134 +[2024-10-13 16:52:48,017 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 30/134 +[2024-10-13 16:52:48,191 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 31/134 +[2024-10-13 16:52:48,363 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 32/134 +[2024-10-13 16:52:48,536 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 33/134 +[2024-10-13 16:52:48,710 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 34/134 +[2024-10-13 16:52:48,883 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 35/134 +[2024-10-13 16:52:49,056 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 36/134 +[2024-10-13 16:52:49,229 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 37/134 +[2024-10-13 16:52:49,402 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 38/134 +[2024-10-13 16:52:49,575 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 39/134 +[2024-10-13 16:52:49,737 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 40/134 +[2024-10-13 16:52:49,899 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 41/134 +[2024-10-13 16:52:50,060 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 42/134 +[2024-10-13 16:52:50,222 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 43/134 +[2024-10-13 16:52:50,383 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 44/134 +[2024-10-13 16:52:50,544 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 45/134 +[2024-10-13 16:52:50,706 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 46/134 +[2024-10-13 16:52:50,868 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 47/134 +[2024-10-13 16:52:51,030 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 48/134 +[2024-10-13 16:52:51,192 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 49/134 +[2024-10-13 16:52:51,354 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 50/134 +[2024-10-13 16:52:51,515 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 51/134 +[2024-10-13 16:52:51,678 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 52/134 +[2024-10-13 16:52:51,840 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 53/134 +[2024-10-13 16:52:52,002 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 54/134 +[2024-10-13 16:52:52,165 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 55/134 +[2024-10-13 16:52:52,327 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 56/134 +[2024-10-13 16:52:52,490 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 57/134 +[2024-10-13 16:52:52,653 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 58/134 +[2024-10-13 16:52:52,815 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 59/134 +[2024-10-13 16:52:52,977 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 60/134 +[2024-10-13 16:52:53,139 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 61/134 +[2024-10-13 16:52:53,302 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 62/134 +[2024-10-13 16:52:53,464 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 63/134 +[2024-10-13 16:52:53,626 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 64/134 +[2024-10-13 16:52:53,788 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 65/134 +[2024-10-13 16:52:53,951 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 66/134 +[2024-10-13 16:52:54,113 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 67/134 +[2024-10-13 16:52:54,274 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 68/134 +[2024-10-13 16:52:54,436 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 69/134 +[2024-10-13 16:52:54,598 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 70/134 +[2024-10-13 16:52:54,760 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 71/134 +[2024-10-13 16:52:54,922 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 72/134 +[2024-10-13 16:52:55,084 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 73/134 +[2024-10-13 16:52:55,246 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 74/134 +[2024-10-13 16:52:55,409 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 75/134 +[2024-10-13 16:52:55,571 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 76/134 +[2024-10-13 16:52:55,733 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 77/134 +[2024-10-13 16:52:55,895 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 78/134 +[2024-10-13 16:52:56,058 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 79/134 +[2024-10-13 16:52:56,220 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 80/134 +[2024-10-13 16:52:56,381 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 81/134 +[2024-10-13 16:52:56,544 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 82/134 +[2024-10-13 16:52:56,706 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 83/134 +[2024-10-13 16:52:56,868 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 84/134 +[2024-10-13 16:52:57,031 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 85/134 +[2024-10-13 16:52:57,193 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 86/134 +[2024-10-13 16:52:57,355 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 87/134 +[2024-10-13 16:52:57,539 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 88/134 +[2024-10-13 16:52:57,724 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 89/134 +[2024-10-13 16:52:57,908 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 90/134 +[2024-10-13 16:52:58,093 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 91/134 +[2024-10-13 16:52:58,277 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 92/134 +[2024-10-13 16:52:58,462 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 93/134 +[2024-10-13 16:52:58,646 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 94/134 +[2024-10-13 16:52:58,830 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 95/134 +[2024-10-13 16:52:59,015 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 96/134 +[2024-10-13 16:52:59,200 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 97/134 +[2024-10-13 16:52:59,384 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 98/134 +[2024-10-13 16:52:59,569 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 99/134 +[2024-10-13 16:52:59,754 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 100/134 +[2024-10-13 16:52:59,939 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 101/134 +[2024-10-13 16:53:00,123 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 102/134 +[2024-10-13 16:53:00,308 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 103/134 +[2024-10-13 16:53:00,493 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 104/134 +[2024-10-13 16:53:00,678 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 105/134 +[2024-10-13 16:53:00,862 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 106/134 +[2024-10-13 16:53:01,047 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 107/134 +[2024-10-13 16:53:01,231 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 108/134 +[2024-10-13 16:53:01,416 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 109/134 +[2024-10-13 16:53:01,600 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 110/134 +[2024-10-13 16:53:01,784 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 111/134 +[2024-10-13 16:53:01,968 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 112/134 +[2024-10-13 16:53:02,153 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 113/134 +[2024-10-13 16:53:02,337 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 114/134 +[2024-10-13 16:53:02,522 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 115/134 +[2024-10-13 16:53:02,706 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 116/134 +[2024-10-13 16:53:02,890 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 117/134 +[2024-10-13 16:53:03,075 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 118/134 +[2024-10-13 16:53:03,259 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 119/134 +[2024-10-13 16:53:03,444 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 120/134 +[2024-10-13 16:53:03,628 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 121/134 +[2024-10-13 16:53:03,812 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 122/134 +[2024-10-13 16:53:03,996 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 123/134 +[2024-10-13 16:53:04,169 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 124/134 +[2024-10-13 16:53:04,341 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 125/134 +[2024-10-13 16:53:04,513 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 126/134 +[2024-10-13 16:53:04,686 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 127/134 +[2024-10-13 16:53:04,858 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 128/134 +[2024-10-13 16:53:05,030 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 129/134 +[2024-10-13 16:53:05,202 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 130/134 +[2024-10-13 16:53:05,375 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 131/134 +[2024-10-13 16:53:05,548 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 132/134 +[2024-10-13 16:53:05,720 INFO test.py line 186 25394] Test: 263/312-scene0593_00, Batch: 133/134 +[2024-10-13 16:53:05,995 INFO test.py line 272 25394] Test: scene0593_00 [263/312]-211902 Batch 23.373 (19.116) Accuracy 0.8441 (0.4866) mIoU 0.5257 (0.3661) +[2024-10-13 16:53:06,118 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 0/125 +[2024-10-13 16:53:06,224 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 1/125 +[2024-10-13 16:53:06,329 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 2/125 +[2024-10-13 16:53:06,435 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 3/125 +[2024-10-13 16:53:06,541 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 4/125 +[2024-10-13 16:53:06,647 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 5/125 +[2024-10-13 16:53:06,753 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 6/125 +[2024-10-13 16:53:06,859 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 7/125 +[2024-10-13 16:53:06,965 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 8/125 +[2024-10-13 16:53:07,070 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 9/125 +[2024-10-13 16:53:07,176 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 10/125 +[2024-10-13 16:53:07,282 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 11/125 +[2024-10-13 16:53:07,387 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 12/125 +[2024-10-13 16:53:07,492 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 13/125 +[2024-10-13 16:53:07,598 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 14/125 +[2024-10-13 16:53:07,703 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 15/125 +[2024-10-13 16:53:07,809 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 16/125 +[2024-10-13 16:53:07,914 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 17/125 +[2024-10-13 16:53:08,051 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 18/125 +[2024-10-13 16:53:08,159 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 19/125 +[2024-10-13 16:53:08,264 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 20/125 +[2024-10-13 16:53:08,370 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 21/125 +[2024-10-13 16:53:08,475 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 22/125 +[2024-10-13 16:53:08,581 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 23/125 +[2024-10-13 16:53:08,687 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 24/125 +[2024-10-13 16:53:08,792 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 25/125 +[2024-10-13 16:53:08,897 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 26/125 +[2024-10-13 16:53:09,003 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 27/125 +[2024-10-13 16:53:09,108 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 28/125 +[2024-10-13 16:53:09,213 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 29/125 +[2024-10-13 16:53:09,318 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 30/125 +[2024-10-13 16:53:09,424 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 31/125 +[2024-10-13 16:53:09,529 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 32/125 +[2024-10-13 16:53:09,634 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 33/125 +[2024-10-13 16:53:09,740 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 34/125 +[2024-10-13 16:53:09,845 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 35/125 +[2024-10-13 16:53:09,944 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 36/125 +[2024-10-13 16:53:10,043 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 37/125 +[2024-10-13 16:53:10,143 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 38/125 +[2024-10-13 16:53:10,241 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 39/125 +[2024-10-13 16:53:10,340 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 40/125 +[2024-10-13 16:53:10,440 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 41/125 +[2024-10-13 16:53:10,539 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 42/125 +[2024-10-13 16:53:10,638 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 43/125 +[2024-10-13 16:53:10,737 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 44/125 +[2024-10-13 16:53:10,836 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 45/125 +[2024-10-13 16:53:10,935 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 46/125 +[2024-10-13 16:53:11,034 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 47/125 +[2024-10-13 16:53:11,133 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 48/125 +[2024-10-13 16:53:11,232 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 49/125 +[2024-10-13 16:53:11,330 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 50/125 +[2024-10-13 16:53:11,429 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 51/125 +[2024-10-13 16:53:11,528 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 52/125 +[2024-10-13 16:53:11,627 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 53/125 +[2024-10-13 16:53:11,726 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 54/125 +[2024-10-13 16:53:11,825 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 55/125 +[2024-10-13 16:53:11,924 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 56/125 +[2024-10-13 16:53:12,023 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 57/125 +[2024-10-13 16:53:12,121 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 58/125 +[2024-10-13 16:53:12,220 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 59/125 +[2024-10-13 16:53:12,318 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 60/125 +[2024-10-13 16:53:12,417 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 61/125 +[2024-10-13 16:53:12,516 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 62/125 +[2024-10-13 16:53:12,615 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 63/125 +[2024-10-13 16:53:12,713 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 64/125 +[2024-10-13 16:53:12,812 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 65/125 +[2024-10-13 16:53:12,911 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 66/125 +[2024-10-13 16:53:13,010 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 67/125 +[2024-10-13 16:53:13,109 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 68/125 +[2024-10-13 16:53:13,208 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 69/125 +[2024-10-13 16:53:13,307 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 70/125 +[2024-10-13 16:53:13,406 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 71/125 +[2024-10-13 16:53:13,505 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 72/125 +[2024-10-13 16:53:13,604 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 73/125 +[2024-10-13 16:53:13,703 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 74/125 +[2024-10-13 16:53:13,801 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 75/125 +[2024-10-13 16:53:13,913 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 76/125 +[2024-10-13 16:53:14,024 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 77/125 +[2024-10-13 16:53:14,135 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 78/125 +[2024-10-13 16:53:14,247 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 79/125 +[2024-10-13 16:53:14,358 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 80/125 +[2024-10-13 16:53:14,470 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 81/125 +[2024-10-13 16:53:14,581 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 82/125 +[2024-10-13 16:53:14,693 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 83/125 +[2024-10-13 16:53:14,804 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 84/125 +[2024-10-13 16:53:14,915 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 85/125 +[2024-10-13 16:53:15,027 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 86/125 +[2024-10-13 16:53:15,138 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 87/125 +[2024-10-13 16:53:15,250 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 88/125 +[2024-10-13 16:53:15,361 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 89/125 +[2024-10-13 16:53:15,472 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 90/125 +[2024-10-13 16:53:15,584 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 91/125 +[2024-10-13 16:53:15,695 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 92/125 +[2024-10-13 16:53:15,807 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 93/125 +[2024-10-13 16:53:15,918 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 94/125 +[2024-10-13 16:53:16,030 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 95/125 +[2024-10-13 16:53:16,141 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 96/125 +[2024-10-13 16:53:16,252 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 97/125 +[2024-10-13 16:53:16,364 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 98/125 +[2024-10-13 16:53:16,475 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 99/125 +[2024-10-13 16:53:16,586 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 100/125 +[2024-10-13 16:53:16,697 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 101/125 +[2024-10-13 16:53:16,809 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 102/125 +[2024-10-13 16:53:16,920 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 103/125 +[2024-10-13 16:53:17,032 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 104/125 +[2024-10-13 16:53:17,143 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 105/125 +[2024-10-13 16:53:17,255 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 106/125 +[2024-10-13 16:53:17,366 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 107/125 +[2024-10-13 16:53:17,478 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 108/125 +[2024-10-13 16:53:17,589 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 109/125 +[2024-10-13 16:53:17,701 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 110/125 +[2024-10-13 16:53:17,812 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 111/125 +[2024-10-13 16:53:17,924 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 112/125 +[2024-10-13 16:53:18,035 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 113/125 +[2024-10-13 16:53:18,147 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 114/125 +[2024-10-13 16:53:18,258 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 115/125 +[2024-10-13 16:53:18,364 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 116/125 +[2024-10-13 16:53:18,469 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 117/125 +[2024-10-13 16:53:18,575 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 118/125 +[2024-10-13 16:53:18,681 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 119/125 +[2024-10-13 16:53:18,786 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 120/125 +[2024-10-13 16:53:18,892 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 121/125 +[2024-10-13 16:53:18,997 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 122/125 +[2024-10-13 16:53:19,103 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 123/125 +[2024-10-13 16:53:19,208 INFO test.py line 186 25394] Test: 264/312-scene0609_01, Batch: 124/125 +[2024-10-13 16:53:19,368 INFO test.py line 272 25394] Test: scene0609_01 [264/312]-115550 Batch 13.372 (19.094) Accuracy 0.8392 (0.4866) mIoU 0.4840 (0.3661) +[2024-10-13 16:53:19,558 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 0/121 +[2024-10-13 16:53:19,720 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 1/121 +[2024-10-13 16:53:19,882 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 2/121 +[2024-10-13 16:53:20,045 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 3/121 +[2024-10-13 16:53:20,206 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 4/121 +[2024-10-13 16:53:20,368 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 5/121 +[2024-10-13 16:53:20,529 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 6/121 +[2024-10-13 16:53:20,691 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 7/121 +[2024-10-13 16:53:20,852 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 8/121 +[2024-10-13 16:53:21,014 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 9/121 +[2024-10-13 16:53:21,176 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 10/121 +[2024-10-13 16:53:21,337 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 11/121 +[2024-10-13 16:53:21,499 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 12/121 +[2024-10-13 16:53:21,661 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 13/121 +[2024-10-13 16:53:21,823 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 14/121 +[2024-10-13 16:53:21,985 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 15/121 +[2024-10-13 16:53:22,147 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 16/121 +[2024-10-13 16:53:22,308 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 17/121 +[2024-10-13 16:53:22,470 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 18/121 +[2024-10-13 16:53:22,632 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 19/121 +[2024-10-13 16:53:22,793 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 20/121 +[2024-10-13 16:53:22,955 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 21/121 +[2024-10-13 16:53:23,117 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 22/121 +[2024-10-13 16:53:23,279 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 23/121 +[2024-10-13 16:53:23,441 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 24/121 +[2024-10-13 16:53:23,602 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 25/121 +[2024-10-13 16:53:23,765 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 26/121 +[2024-10-13 16:53:23,926 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 27/121 +[2024-10-13 16:53:24,088 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 28/121 +[2024-10-13 16:53:24,251 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 29/121 +[2024-10-13 16:53:24,414 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 30/121 +[2024-10-13 16:53:24,576 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 31/121 +[2024-10-13 16:53:24,738 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 32/121 +[2024-10-13 16:53:24,900 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 33/121 +[2024-10-13 16:53:25,061 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 34/121 +[2024-10-13 16:53:25,223 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 35/121 +[2024-10-13 16:53:25,376 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 36/121 +[2024-10-13 16:53:25,529 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 37/121 +[2024-10-13 16:53:25,681 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 38/121 +[2024-10-13 16:53:25,834 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 39/121 +[2024-10-13 16:53:25,986 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 40/121 +[2024-10-13 16:53:26,139 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 41/121 +[2024-10-13 16:53:26,291 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 42/121 +[2024-10-13 16:53:26,444 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 43/121 +[2024-10-13 16:53:26,597 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 44/121 +[2024-10-13 16:53:26,750 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 45/121 +[2024-10-13 16:53:26,902 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 46/121 +[2024-10-13 16:53:27,055 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 47/121 +[2024-10-13 16:53:27,208 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 48/121 +[2024-10-13 16:53:27,361 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 49/121 +[2024-10-13 16:53:27,513 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 50/121 +[2024-10-13 16:53:27,666 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 51/121 +[2024-10-13 16:53:27,819 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 52/121 +[2024-10-13 16:53:27,972 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 53/121 +[2024-10-13 16:53:28,126 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 54/121 +[2024-10-13 16:53:28,279 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 55/121 +[2024-10-13 16:53:28,431 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 56/121 +[2024-10-13 16:53:28,584 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 57/121 +[2024-10-13 16:53:28,738 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 58/121 +[2024-10-13 16:53:28,890 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 59/121 +[2024-10-13 16:53:29,043 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 60/121 +[2024-10-13 16:53:29,196 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 61/121 +[2024-10-13 16:53:29,350 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 62/121 +[2024-10-13 16:53:29,503 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 63/121 +[2024-10-13 16:53:29,656 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 64/121 +[2024-10-13 16:53:29,809 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 65/121 +[2024-10-13 16:53:29,962 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 66/121 +[2024-10-13 16:53:30,115 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 67/121 +[2024-10-13 16:53:30,268 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 68/121 +[2024-10-13 16:53:30,421 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 69/121 +[2024-10-13 16:53:30,574 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 70/121 +[2024-10-13 16:53:30,727 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 71/121 +[2024-10-13 16:53:30,879 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 72/121 +[2024-10-13 16:53:31,032 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 73/121 +[2024-10-13 16:53:31,184 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 74/121 +[2024-10-13 16:53:31,337 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 75/121 +[2024-10-13 16:53:31,490 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 76/121 +[2024-10-13 16:53:31,643 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 77/121 +[2024-10-13 16:53:31,795 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 78/121 +[2024-10-13 16:53:31,948 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 79/121 +[2024-10-13 16:53:32,120 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 80/121 +[2024-10-13 16:53:32,292 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 81/121 +[2024-10-13 16:53:32,464 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 82/121 +[2024-10-13 16:53:32,636 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 83/121 +[2024-10-13 16:53:32,807 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 84/121 +[2024-10-13 16:53:32,980 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 85/121 +[2024-10-13 16:53:33,152 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 86/121 +[2024-10-13 16:53:33,324 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 87/121 +[2024-10-13 16:53:33,496 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 88/121 +[2024-10-13 16:53:33,667 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 89/121 +[2024-10-13 16:53:33,839 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 90/121 +[2024-10-13 16:53:34,011 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 91/121 +[2024-10-13 16:53:34,182 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 92/121 +[2024-10-13 16:53:34,354 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 93/121 +[2024-10-13 16:53:34,526 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 94/121 +[2024-10-13 16:53:34,698 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 95/121 +[2024-10-13 16:53:34,869 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 96/121 +[2024-10-13 16:53:35,041 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 97/121 +[2024-10-13 16:53:35,212 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 98/121 +[2024-10-13 16:53:35,384 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 99/121 +[2024-10-13 16:53:35,555 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 100/121 +[2024-10-13 16:53:35,726 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 101/121 +[2024-10-13 16:53:35,898 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 102/121 +[2024-10-13 16:53:36,069 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 103/121 +[2024-10-13 16:53:36,241 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 104/121 +[2024-10-13 16:53:36,413 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 105/121 +[2024-10-13 16:53:36,584 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 106/121 +[2024-10-13 16:53:36,756 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 107/121 +[2024-10-13 16:53:36,927 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 108/121 +[2024-10-13 16:53:37,099 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 109/121 +[2024-10-13 16:53:37,271 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 110/121 +[2024-10-13 16:53:37,442 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 111/121 +[2024-10-13 16:53:37,604 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 112/121 +[2024-10-13 16:53:37,765 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 113/121 +[2024-10-13 16:53:37,930 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 114/121 +[2024-10-13 16:53:38,091 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 115/121 +[2024-10-13 16:53:38,253 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 116/121 +[2024-10-13 16:53:38,415 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 117/121 +[2024-10-13 16:53:38,576 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 118/121 +[2024-10-13 16:53:38,738 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 119/121 +[2024-10-13 16:53:38,900 INFO test.py line 186 25394] Test: 265/312-scene0608_00, Batch: 120/121 +[2024-10-13 16:53:39,140 INFO test.py line 272 25394] Test: scene0608_00 [265/312]-186579 Batch 19.773 (19.097) Accuracy 0.7885 (0.4860) mIoU 0.3707 (0.3659) +[2024-10-13 16:53:39,242 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 0/130 +[2024-10-13 16:53:39,331 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 1/130 +[2024-10-13 16:53:39,420 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 2/130 +[2024-10-13 16:53:39,509 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 3/130 +[2024-10-13 16:53:39,598 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 4/130 +[2024-10-13 16:53:39,687 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 5/130 +[2024-10-13 16:53:39,776 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 6/130 +[2024-10-13 16:53:39,865 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 7/130 +[2024-10-13 16:53:39,954 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 8/130 +[2024-10-13 16:53:40,043 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 9/130 +[2024-10-13 16:53:40,132 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 10/130 +[2024-10-13 16:53:40,221 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 11/130 +[2024-10-13 16:53:40,310 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 12/130 +[2024-10-13 16:53:40,399 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 13/130 +[2024-10-13 16:53:40,488 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 14/130 +[2024-10-13 16:53:40,577 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 15/130 +[2024-10-13 16:53:40,666 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 16/130 +[2024-10-13 16:53:40,754 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 17/130 +[2024-10-13 16:53:40,843 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 18/130 +[2024-10-13 16:53:40,932 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 19/130 +[2024-10-13 16:53:41,021 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 20/130 +[2024-10-13 16:53:41,110 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 21/130 +[2024-10-13 16:53:41,199 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 22/130 +[2024-10-13 16:53:41,288 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 23/130 +[2024-10-13 16:53:41,377 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 24/130 +[2024-10-13 16:53:41,465 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 25/130 +[2024-10-13 16:53:41,554 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 26/130 +[2024-10-13 16:53:41,643 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 27/130 +[2024-10-13 16:53:41,732 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 28/130 +[2024-10-13 16:53:41,821 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 29/130 +[2024-10-13 16:53:41,910 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 30/130 +[2024-10-13 16:53:41,999 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 31/130 +[2024-10-13 16:53:42,088 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 32/130 +[2024-10-13 16:53:42,177 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 33/130 +[2024-10-13 16:53:42,266 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 34/130 +[2024-10-13 16:53:42,355 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 35/130 +[2024-10-13 16:53:42,444 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 36/130 +[2024-10-13 16:53:42,534 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 37/130 +[2024-10-13 16:53:42,654 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 38/130 +[2024-10-13 16:53:42,761 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 39/130 +[2024-10-13 16:53:42,848 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 40/130 +[2024-10-13 16:53:42,935 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 41/130 +[2024-10-13 16:53:43,021 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 42/130 +[2024-10-13 16:53:43,107 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 43/130 +[2024-10-13 16:53:43,193 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 44/130 +[2024-10-13 16:53:43,278 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 45/130 +[2024-10-13 16:53:43,364 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 46/130 +[2024-10-13 16:53:43,450 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 47/130 +[2024-10-13 16:53:43,536 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 48/130 +[2024-10-13 16:53:43,622 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 49/130 +[2024-10-13 16:53:43,708 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 50/130 +[2024-10-13 16:53:43,793 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 51/130 +[2024-10-13 16:53:43,879 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 52/130 +[2024-10-13 16:53:43,964 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 53/130 +[2024-10-13 16:53:44,050 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 54/130 +[2024-10-13 16:53:44,135 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 55/130 +[2024-10-13 16:53:44,221 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 56/130 +[2024-10-13 16:53:44,307 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 57/130 +[2024-10-13 16:53:44,392 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 58/130 +[2024-10-13 16:53:44,478 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 59/130 +[2024-10-13 16:53:44,564 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 60/130 +[2024-10-13 16:53:44,649 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 61/130 +[2024-10-13 16:53:44,735 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 62/130 +[2024-10-13 16:53:44,820 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 63/130 +[2024-10-13 16:53:44,906 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 64/130 +[2024-10-13 16:53:44,991 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 65/130 +[2024-10-13 16:53:45,077 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 66/130 +[2024-10-13 16:53:45,163 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 67/130 +[2024-10-13 16:53:45,248 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 68/130 +[2024-10-13 16:53:45,334 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 69/130 +[2024-10-13 16:53:45,419 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 70/130 +[2024-10-13 16:53:45,505 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 71/130 +[2024-10-13 16:53:45,591 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 72/130 +[2024-10-13 16:53:45,676 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 73/130 +[2024-10-13 16:53:45,761 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 74/130 +[2024-10-13 16:53:45,847 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 75/130 +[2024-10-13 16:53:45,932 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 76/130 +[2024-10-13 16:53:46,017 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 77/130 +[2024-10-13 16:53:46,103 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 78/130 +[2024-10-13 16:53:46,188 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 79/130 +[2024-10-13 16:53:46,273 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 80/130 +[2024-10-13 16:53:46,359 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 81/130 +[2024-10-13 16:53:46,444 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 82/130 +[2024-10-13 16:53:46,530 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 83/130 +[2024-10-13 16:53:46,624 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 84/130 +[2024-10-13 16:53:46,717 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 85/130 +[2024-10-13 16:53:46,812 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 86/130 +[2024-10-13 16:53:46,906 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 87/130 +[2024-10-13 16:53:46,999 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 88/130 +[2024-10-13 16:53:47,094 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 89/130 +[2024-10-13 16:53:47,188 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 90/130 +[2024-10-13 16:53:47,282 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 91/130 +[2024-10-13 16:53:47,375 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 92/130 +[2024-10-13 16:53:47,470 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 93/130 +[2024-10-13 16:53:47,565 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 94/130 +[2024-10-13 16:53:47,659 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 95/130 +[2024-10-13 16:53:47,754 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 96/130 +[2024-10-13 16:53:47,849 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 97/130 +[2024-10-13 16:53:47,943 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 98/130 +[2024-10-13 16:53:48,038 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 99/130 +[2024-10-13 16:53:48,132 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 100/130 +[2024-10-13 16:53:48,227 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 101/130 +[2024-10-13 16:53:48,320 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 102/130 +[2024-10-13 16:53:48,414 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 103/130 +[2024-10-13 16:53:48,507 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 104/130 +[2024-10-13 16:53:48,600 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 105/130 +[2024-10-13 16:53:48,693 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 106/130 +[2024-10-13 16:53:48,786 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 107/130 +[2024-10-13 16:53:48,880 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 108/130 +[2024-10-13 16:53:48,973 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 109/130 +[2024-10-13 16:53:49,066 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 110/130 +[2024-10-13 16:53:49,159 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 111/130 +[2024-10-13 16:53:49,253 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 112/130 +[2024-10-13 16:53:49,346 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 113/130 +[2024-10-13 16:53:49,439 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 114/130 +[2024-10-13 16:53:49,532 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 115/130 +[2024-10-13 16:53:49,625 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 116/130 +[2024-10-13 16:53:49,718 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 117/130 +[2024-10-13 16:53:49,812 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 118/130 +[2024-10-13 16:53:49,905 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 119/130 +[2024-10-13 16:53:49,993 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 120/130 +[2024-10-13 16:53:50,082 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 121/130 +[2024-10-13 16:53:50,171 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 122/130 +[2024-10-13 16:53:50,259 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 123/130 +[2024-10-13 16:53:50,348 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 124/130 +[2024-10-13 16:53:50,437 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 125/130 +[2024-10-13 16:53:50,526 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 126/130 +[2024-10-13 16:53:50,615 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 127/130 +[2024-10-13 16:53:50,704 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 128/130 +[2024-10-13 16:53:50,792 INFO test.py line 186 25394] Test: 266/312-scene0164_01, Batch: 129/130 +[2024-10-13 16:53:50,915 INFO test.py line 272 25394] Test: scene0164_01 [266/312]-88073 Batch 11.774 (19.069) Accuracy 0.8941 (0.4861) mIoU 0.5871 (0.3673) +[2024-10-13 16:53:51,114 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 0/125 +[2024-10-13 16:53:51,281 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 1/125 +[2024-10-13 16:53:51,449 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 2/125 +[2024-10-13 16:53:51,617 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 3/125 +[2024-10-13 16:53:51,784 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 4/125 +[2024-10-13 16:53:51,953 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 5/125 +[2024-10-13 16:53:52,120 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 6/125 +[2024-10-13 16:53:52,288 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 7/125 +[2024-10-13 16:53:52,456 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 8/125 +[2024-10-13 16:53:52,624 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 9/125 +[2024-10-13 16:53:52,792 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 10/125 +[2024-10-13 16:53:52,960 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 11/125 +[2024-10-13 16:53:53,261 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 12/125 +[2024-10-13 16:53:53,430 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 13/125 +[2024-10-13 16:53:53,598 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 14/125 +[2024-10-13 16:53:53,768 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 15/125 +[2024-10-13 16:53:53,936 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 16/125 +[2024-10-13 16:53:54,103 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 17/125 +[2024-10-13 16:53:54,272 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 18/125 +[2024-10-13 16:53:54,440 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 19/125 +[2024-10-13 16:53:54,608 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 20/125 +[2024-10-13 16:53:54,776 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 21/125 +[2024-10-13 16:53:54,944 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 22/125 +[2024-10-13 16:53:55,112 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 23/125 +[2024-10-13 16:53:55,280 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 24/125 +[2024-10-13 16:53:55,448 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 25/125 +[2024-10-13 16:53:55,618 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 26/125 +[2024-10-13 16:53:55,786 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 27/125 +[2024-10-13 16:53:55,954 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 28/125 +[2024-10-13 16:53:56,122 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 29/125 +[2024-10-13 16:53:56,290 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 30/125 +[2024-10-13 16:53:56,459 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 31/125 +[2024-10-13 16:53:56,626 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 32/125 +[2024-10-13 16:53:56,795 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 33/125 +[2024-10-13 16:53:56,963 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 34/125 +[2024-10-13 16:53:57,131 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 35/125 +[2024-10-13 16:53:57,290 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 36/125 +[2024-10-13 16:53:57,449 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 37/125 +[2024-10-13 16:53:57,607 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 38/125 +[2024-10-13 16:53:57,766 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 39/125 +[2024-10-13 16:53:57,924 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 40/125 +[2024-10-13 16:53:58,083 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 41/125 +[2024-10-13 16:53:58,241 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 42/125 +[2024-10-13 16:53:58,399 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 43/125 +[2024-10-13 16:53:58,558 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 44/125 +[2024-10-13 16:53:58,716 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 45/125 +[2024-10-13 16:53:58,874 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 46/125 +[2024-10-13 16:53:59,032 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 47/125 +[2024-10-13 16:53:59,195 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 48/125 +[2024-10-13 16:53:59,353 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 49/125 +[2024-10-13 16:53:59,512 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 50/125 +[2024-10-13 16:53:59,671 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 51/125 +[2024-10-13 16:53:59,829 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 52/125 +[2024-10-13 16:53:59,988 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 53/125 +[2024-10-13 16:54:00,147 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 54/125 +[2024-10-13 16:54:00,306 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 55/125 +[2024-10-13 16:54:00,465 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 56/125 +[2024-10-13 16:54:00,623 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 57/125 +[2024-10-13 16:54:00,782 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 58/125 +[2024-10-13 16:54:00,940 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 59/125 +[2024-10-13 16:54:01,098 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 60/125 +[2024-10-13 16:54:01,257 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 61/125 +[2024-10-13 16:54:01,415 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 62/125 +[2024-10-13 16:54:01,574 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 63/125 +[2024-10-13 16:54:01,732 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 64/125 +[2024-10-13 16:54:01,891 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 65/125 +[2024-10-13 16:54:02,050 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 66/125 +[2024-10-13 16:54:02,209 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 67/125 +[2024-10-13 16:54:02,368 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 68/125 +[2024-10-13 16:54:02,527 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 69/125 +[2024-10-13 16:54:02,686 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 70/125 +[2024-10-13 16:54:02,845 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 71/125 +[2024-10-13 16:54:03,003 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 72/125 +[2024-10-13 16:54:03,162 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 73/125 +[2024-10-13 16:54:03,321 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 74/125 +[2024-10-13 16:54:03,479 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 75/125 +[2024-10-13 16:54:03,659 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 76/125 +[2024-10-13 16:54:03,839 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 77/125 +[2024-10-13 16:54:04,018 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 78/125 +[2024-10-13 16:54:04,198 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 79/125 +[2024-10-13 16:54:04,377 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 80/125 +[2024-10-13 16:54:04,557 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 81/125 +[2024-10-13 16:54:04,737 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 82/125 +[2024-10-13 16:54:04,917 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 83/125 +[2024-10-13 16:54:05,097 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 84/125 +[2024-10-13 16:54:05,277 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 85/125 +[2024-10-13 16:54:05,457 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 86/125 +[2024-10-13 16:54:05,637 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 87/125 +[2024-10-13 16:54:05,817 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 88/125 +[2024-10-13 16:54:05,997 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 89/125 +[2024-10-13 16:54:06,177 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 90/125 +[2024-10-13 16:54:06,358 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 91/125 +[2024-10-13 16:54:06,539 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 92/125 +[2024-10-13 16:54:06,720 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 93/125 +[2024-10-13 16:54:06,900 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 94/125 +[2024-10-13 16:54:07,080 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 95/125 +[2024-10-13 16:54:07,260 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 96/125 +[2024-10-13 16:54:07,441 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 97/125 +[2024-10-13 16:54:07,621 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 98/125 +[2024-10-13 16:54:07,801 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 99/125 +[2024-10-13 16:54:07,981 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 100/125 +[2024-10-13 16:54:08,160 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 101/125 +[2024-10-13 16:54:08,341 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 102/125 +[2024-10-13 16:54:08,520 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 103/125 +[2024-10-13 16:54:08,700 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 104/125 +[2024-10-13 16:54:08,881 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 105/125 +[2024-10-13 16:54:09,060 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 106/125 +[2024-10-13 16:54:09,240 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 107/125 +[2024-10-13 16:54:09,420 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 108/125 +[2024-10-13 16:54:09,599 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 109/125 +[2024-10-13 16:54:09,779 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 110/125 +[2024-10-13 16:54:09,962 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 111/125 +[2024-10-13 16:54:10,142 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 112/125 +[2024-10-13 16:54:10,322 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 113/125 +[2024-10-13 16:54:10,502 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 114/125 +[2024-10-13 16:54:10,682 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 115/125 +[2024-10-13 16:54:10,850 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 116/125 +[2024-10-13 16:54:11,018 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 117/125 +[2024-10-13 16:54:11,186 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 118/125 +[2024-10-13 16:54:11,354 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 119/125 +[2024-10-13 16:54:11,522 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 120/125 +[2024-10-13 16:54:11,691 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 121/125 +[2024-10-13 16:54:11,859 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 122/125 +[2024-10-13 16:54:12,027 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 123/125 +[2024-10-13 16:54:12,196 INFO test.py line 186 25394] Test: 267/312-scene0435_03, Batch: 124/125 +[2024-10-13 16:54:12,455 INFO test.py line 272 25394] Test: scene0435_03 [267/312]-203722 Batch 21.540 (19.078) Accuracy 0.9310 (0.4861) mIoU 0.5562 (0.3676) +[2024-10-13 16:54:12,588 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 0/151 +[2024-10-13 16:54:12,705 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 1/151 +[2024-10-13 16:54:12,821 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 2/151 +[2024-10-13 16:54:12,938 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 3/151 +[2024-10-13 16:54:13,055 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 4/151 +[2024-10-13 16:54:13,171 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 5/151 +[2024-10-13 16:54:13,288 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 6/151 +[2024-10-13 16:54:13,405 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 7/151 +[2024-10-13 16:54:13,539 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 8/151 +[2024-10-13 16:54:13,658 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 9/151 +[2024-10-13 16:54:13,774 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 10/151 +[2024-10-13 16:54:13,892 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 11/151 +[2024-10-13 16:54:14,010 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 12/151 +[2024-10-13 16:54:14,128 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 13/151 +[2024-10-13 16:54:14,246 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 14/151 +[2024-10-13 16:54:14,364 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 15/151 +[2024-10-13 16:54:14,483 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 16/151 +[2024-10-13 16:54:14,601 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 17/151 +[2024-10-13 16:54:14,719 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 18/151 +[2024-10-13 16:54:14,838 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 19/151 +[2024-10-13 16:54:14,958 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 20/151 +[2024-10-13 16:54:15,076 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 21/151 +[2024-10-13 16:54:15,193 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 22/151 +[2024-10-13 16:54:15,310 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 23/151 +[2024-10-13 16:54:15,427 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 24/151 +[2024-10-13 16:54:15,544 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 25/151 +[2024-10-13 16:54:15,660 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 26/151 +[2024-10-13 16:54:15,777 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 27/151 +[2024-10-13 16:54:15,894 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 28/151 +[2024-10-13 16:54:16,011 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 29/151 +[2024-10-13 16:54:16,128 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 30/151 +[2024-10-13 16:54:16,245 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 31/151 +[2024-10-13 16:54:16,361 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 32/151 +[2024-10-13 16:54:16,478 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 33/151 +[2024-10-13 16:54:16,595 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 34/151 +[2024-10-13 16:54:16,712 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 35/151 +[2024-10-13 16:54:16,828 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 36/151 +[2024-10-13 16:54:16,945 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 37/151 +[2024-10-13 16:54:17,062 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 38/151 +[2024-10-13 16:54:17,179 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 39/151 +[2024-10-13 16:54:17,295 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 40/151 +[2024-10-13 16:54:17,412 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 41/151 +[2024-10-13 16:54:17,530 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 42/151 +[2024-10-13 16:54:17,647 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 43/151 +[2024-10-13 16:54:17,757 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 44/151 +[2024-10-13 16:54:17,867 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 45/151 +[2024-10-13 16:54:17,976 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 46/151 +[2024-10-13 16:54:18,086 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 47/151 +[2024-10-13 16:54:18,196 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 48/151 +[2024-10-13 16:54:18,305 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 49/151 +[2024-10-13 16:54:18,415 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 50/151 +[2024-10-13 16:54:18,525 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 51/151 +[2024-10-13 16:54:18,635 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 52/151 +[2024-10-13 16:54:18,744 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 53/151 +[2024-10-13 16:54:18,854 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 54/151 +[2024-10-13 16:54:18,964 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 55/151 +[2024-10-13 16:54:19,074 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 56/151 +[2024-10-13 16:54:19,185 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 57/151 +[2024-10-13 16:54:19,295 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 58/151 +[2024-10-13 16:54:19,405 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 59/151 +[2024-10-13 16:54:19,515 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 60/151 +[2024-10-13 16:54:19,625 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 61/151 +[2024-10-13 16:54:19,735 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 62/151 +[2024-10-13 16:54:19,845 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 63/151 +[2024-10-13 16:54:19,955 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 64/151 +[2024-10-13 16:54:20,065 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 65/151 +[2024-10-13 16:54:20,175 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 66/151 +[2024-10-13 16:54:20,286 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 67/151 +[2024-10-13 16:54:20,394 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 68/151 +[2024-10-13 16:54:20,503 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 69/151 +[2024-10-13 16:54:20,612 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 70/151 +[2024-10-13 16:54:20,721 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 71/151 +[2024-10-13 16:54:20,831 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 72/151 +[2024-10-13 16:54:20,940 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 73/151 +[2024-10-13 16:54:21,049 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 74/151 +[2024-10-13 16:54:21,158 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 75/151 +[2024-10-13 16:54:21,267 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 76/151 +[2024-10-13 16:54:21,376 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 77/151 +[2024-10-13 16:54:21,485 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 78/151 +[2024-10-13 16:54:21,593 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 79/151 +[2024-10-13 16:54:21,703 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 80/151 +[2024-10-13 16:54:21,813 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 81/151 +[2024-10-13 16:54:21,923 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 82/151 +[2024-10-13 16:54:22,033 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 83/151 +[2024-10-13 16:54:22,143 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 84/151 +[2024-10-13 16:54:22,253 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 85/151 +[2024-10-13 16:54:22,363 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 86/151 +[2024-10-13 16:54:22,472 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 87/151 +[2024-10-13 16:54:22,582 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 88/151 +[2024-10-13 16:54:22,692 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 89/151 +[2024-10-13 16:54:22,802 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 90/151 +[2024-10-13 16:54:22,912 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 91/151 +[2024-10-13 16:54:23,036 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 92/151 +[2024-10-13 16:54:23,160 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 93/151 +[2024-10-13 16:54:23,284 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 94/151 +[2024-10-13 16:54:23,408 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 95/151 +[2024-10-13 16:54:23,532 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 96/151 +[2024-10-13 16:54:23,655 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 97/151 +[2024-10-13 16:54:23,779 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 98/151 +[2024-10-13 16:54:23,904 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 99/151 +[2024-10-13 16:54:24,027 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 100/151 +[2024-10-13 16:54:24,151 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 101/151 +[2024-10-13 16:54:24,275 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 102/151 +[2024-10-13 16:54:24,399 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 103/151 +[2024-10-13 16:54:24,523 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 104/151 +[2024-10-13 16:54:24,647 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 105/151 +[2024-10-13 16:54:24,771 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 106/151 +[2024-10-13 16:54:24,895 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 107/151 +[2024-10-13 16:54:25,019 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 108/151 +[2024-10-13 16:54:25,144 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 109/151 +[2024-10-13 16:54:25,268 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 110/151 +[2024-10-13 16:54:25,392 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 111/151 +[2024-10-13 16:54:25,516 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 112/151 +[2024-10-13 16:54:25,640 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 113/151 +[2024-10-13 16:54:25,768 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 114/151 +[2024-10-13 16:54:25,891 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 115/151 +[2024-10-13 16:54:26,015 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 116/151 +[2024-10-13 16:54:26,139 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 117/151 +[2024-10-13 16:54:26,263 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 118/151 +[2024-10-13 16:54:26,387 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 119/151 +[2024-10-13 16:54:26,511 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 120/151 +[2024-10-13 16:54:26,635 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 121/151 +[2024-10-13 16:54:26,759 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 122/151 +[2024-10-13 16:54:26,883 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 123/151 +[2024-10-13 16:54:27,007 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 124/151 +[2024-10-13 16:54:27,130 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 125/151 +[2024-10-13 16:54:27,254 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 126/151 +[2024-10-13 16:54:27,378 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 127/151 +[2024-10-13 16:54:27,502 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 128/151 +[2024-10-13 16:54:27,627 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 129/151 +[2024-10-13 16:54:27,751 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 130/151 +[2024-10-13 16:54:27,874 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 131/151 +[2024-10-13 16:54:27,998 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 132/151 +[2024-10-13 16:54:28,123 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 133/151 +[2024-10-13 16:54:28,247 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 134/151 +[2024-10-13 16:54:28,371 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 135/151 +[2024-10-13 16:54:28,495 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 136/151 +[2024-10-13 16:54:28,619 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 137/151 +[2024-10-13 16:54:28,744 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 138/151 +[2024-10-13 16:54:28,868 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 139/151 +[2024-10-13 16:54:28,985 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 140/151 +[2024-10-13 16:54:29,102 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 141/151 +[2024-10-13 16:54:29,218 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 142/151 +[2024-10-13 16:54:29,335 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 143/151 +[2024-10-13 16:54:29,452 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 144/151 +[2024-10-13 16:54:29,568 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 145/151 +[2024-10-13 16:54:29,685 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 146/151 +[2024-10-13 16:54:29,802 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 147/151 +[2024-10-13 16:54:29,919 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 148/151 +[2024-10-13 16:54:30,036 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 149/151 +[2024-10-13 16:54:30,152 INFO test.py line 186 25394] Test: 268/312-scene0490_00, Batch: 150/151 +[2024-10-13 16:54:30,317 INFO test.py line 272 25394] Test: scene0490_00 [268/312]-131283 Batch 17.862 (19.074) Accuracy 0.8232 (0.4861) mIoU 0.5145 (0.3676) +[2024-10-13 16:54:30,435 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 0/113 +[2024-10-13 16:54:30,539 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 1/113 +[2024-10-13 16:54:30,643 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 2/113 +[2024-10-13 16:54:30,747 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 3/113 +[2024-10-13 16:54:30,850 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 4/113 +[2024-10-13 16:54:30,954 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 5/113 +[2024-10-13 16:54:31,059 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 6/113 +[2024-10-13 16:54:31,162 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 7/113 +[2024-10-13 16:54:31,266 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 8/113 +[2024-10-13 16:54:31,370 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 9/113 +[2024-10-13 16:54:31,473 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 10/113 +[2024-10-13 16:54:31,576 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 11/113 +[2024-10-13 16:54:31,679 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 12/113 +[2024-10-13 16:54:31,782 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 13/113 +[2024-10-13 16:54:31,886 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 14/113 +[2024-10-13 16:54:31,989 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 15/113 +[2024-10-13 16:54:32,093 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 16/113 +[2024-10-13 16:54:32,204 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 17/113 +[2024-10-13 16:54:32,331 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 18/113 +[2024-10-13 16:54:32,436 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 19/113 +[2024-10-13 16:54:32,539 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 20/113 +[2024-10-13 16:54:32,643 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 21/113 +[2024-10-13 16:54:32,746 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 22/113 +[2024-10-13 16:54:32,850 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 23/113 +[2024-10-13 16:54:32,953 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 24/113 +[2024-10-13 16:54:33,057 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 25/113 +[2024-10-13 16:54:33,160 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 26/113 +[2024-10-13 16:54:33,263 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 27/113 +[2024-10-13 16:54:33,365 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 28/113 +[2024-10-13 16:54:33,468 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 29/113 +[2024-10-13 16:54:33,571 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 30/113 +[2024-10-13 16:54:33,674 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 31/113 +[2024-10-13 16:54:33,777 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 32/113 +[2024-10-13 16:54:33,879 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 33/113 +[2024-10-13 16:54:33,982 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 34/113 +[2024-10-13 16:54:34,084 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 35/113 +[2024-10-13 16:54:34,181 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 36/113 +[2024-10-13 16:54:34,277 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 37/113 +[2024-10-13 16:54:34,374 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 38/113 +[2024-10-13 16:54:34,471 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 39/113 +[2024-10-13 16:54:34,567 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 40/113 +[2024-10-13 16:54:34,663 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 41/113 +[2024-10-13 16:54:34,760 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 42/113 +[2024-10-13 16:54:34,856 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 43/113 +[2024-10-13 16:54:34,953 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 44/113 +[2024-10-13 16:54:35,049 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 45/113 +[2024-10-13 16:54:35,145 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 46/113 +[2024-10-13 16:54:35,242 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 47/113 +[2024-10-13 16:54:35,338 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 48/113 +[2024-10-13 16:54:35,435 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 49/113 +[2024-10-13 16:54:35,531 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 50/113 +[2024-10-13 16:54:35,627 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 51/113 +[2024-10-13 16:54:35,723 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 52/113 +[2024-10-13 16:54:35,820 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 53/113 +[2024-10-13 16:54:35,916 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 54/113 +[2024-10-13 16:54:36,013 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 55/113 +[2024-10-13 16:54:36,109 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 56/113 +[2024-10-13 16:54:36,206 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 57/113 +[2024-10-13 16:54:36,302 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 58/113 +[2024-10-13 16:54:36,399 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 59/113 +[2024-10-13 16:54:36,496 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 60/113 +[2024-10-13 16:54:36,592 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 61/113 +[2024-10-13 16:54:36,688 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 62/113 +[2024-10-13 16:54:36,785 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 63/113 +[2024-10-13 16:54:36,881 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 64/113 +[2024-10-13 16:54:36,978 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 65/113 +[2024-10-13 16:54:37,074 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 66/113 +[2024-10-13 16:54:37,170 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 67/113 +[2024-10-13 16:54:37,267 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 68/113 +[2024-10-13 16:54:37,363 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 69/113 +[2024-10-13 16:54:37,459 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 70/113 +[2024-10-13 16:54:37,556 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 71/113 +[2024-10-13 16:54:37,666 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 72/113 +[2024-10-13 16:54:37,777 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 73/113 +[2024-10-13 16:54:37,887 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 74/113 +[2024-10-13 16:54:37,997 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 75/113 +[2024-10-13 16:54:38,108 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 76/113 +[2024-10-13 16:54:38,218 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 77/113 +[2024-10-13 16:54:38,328 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 78/113 +[2024-10-13 16:54:38,439 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 79/113 +[2024-10-13 16:54:38,549 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 80/113 +[2024-10-13 16:54:38,659 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 81/113 +[2024-10-13 16:54:38,769 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 82/113 +[2024-10-13 16:54:38,879 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 83/113 +[2024-10-13 16:54:38,989 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 84/113 +[2024-10-13 16:54:39,100 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 85/113 +[2024-10-13 16:54:39,210 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 86/113 +[2024-10-13 16:54:39,320 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 87/113 +[2024-10-13 16:54:39,430 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 88/113 +[2024-10-13 16:54:39,541 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 89/113 +[2024-10-13 16:54:39,651 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 90/113 +[2024-10-13 16:54:39,761 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 91/113 +[2024-10-13 16:54:39,872 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 92/113 +[2024-10-13 16:54:39,982 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 93/113 +[2024-10-13 16:54:40,092 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 94/113 +[2024-10-13 16:54:40,202 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 95/113 +[2024-10-13 16:54:40,312 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 96/113 +[2024-10-13 16:54:40,422 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 97/113 +[2024-10-13 16:54:40,532 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 98/113 +[2024-10-13 16:54:40,642 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 99/113 +[2024-10-13 16:54:40,752 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 100/113 +[2024-10-13 16:54:40,862 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 101/113 +[2024-10-13 16:54:40,972 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 102/113 +[2024-10-13 16:54:41,082 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 103/113 +[2024-10-13 16:54:41,186 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 104/113 +[2024-10-13 16:54:41,289 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 105/113 +[2024-10-13 16:54:41,393 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 106/113 +[2024-10-13 16:54:41,496 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 107/113 +[2024-10-13 16:54:41,600 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 108/113 +[2024-10-13 16:54:41,703 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 109/113 +[2024-10-13 16:54:41,807 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 110/113 +[2024-10-13 16:54:41,910 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 111/113 +[2024-10-13 16:54:42,014 INFO test.py line 186 25394] Test: 269/312-scene0338_00, Batch: 112/113 +[2024-10-13 16:54:42,153 INFO test.py line 272 25394] Test: scene0338_00 [269/312]-106339 Batch 11.836 (19.047) Accuracy 0.7710 (0.4860) mIoU 0.4783 (0.3675) +[2024-10-13 16:54:42,224 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 0/117 +[2024-10-13 16:54:42,285 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 1/117 +[2024-10-13 16:54:42,347 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 2/117 +[2024-10-13 16:54:42,408 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 3/117 +[2024-10-13 16:54:42,469 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 4/117 +[2024-10-13 16:54:42,530 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 5/117 +[2024-10-13 16:54:42,592 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 6/117 +[2024-10-13 16:54:42,653 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 7/117 +[2024-10-13 16:54:42,714 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 8/117 +[2024-10-13 16:54:42,776 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 9/117 +[2024-10-13 16:54:42,837 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 10/117 +[2024-10-13 16:54:42,898 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 11/117 +[2024-10-13 16:54:42,959 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 12/117 +[2024-10-13 16:54:43,021 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 13/117 +[2024-10-13 16:54:43,082 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 14/117 +[2024-10-13 16:54:43,143 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 15/117 +[2024-10-13 16:54:43,204 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 16/117 +[2024-10-13 16:54:43,265 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 17/117 +[2024-10-13 16:54:43,327 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 18/117 +[2024-10-13 16:54:43,388 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 19/117 +[2024-10-13 16:54:43,449 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 20/117 +[2024-10-13 16:54:43,511 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 21/117 +[2024-10-13 16:54:43,572 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 22/117 +[2024-10-13 16:54:43,633 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 23/117 +[2024-10-13 16:54:43,695 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 24/117 +[2024-10-13 16:54:43,756 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 25/117 +[2024-10-13 16:54:43,870 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 26/117 +[2024-10-13 16:54:43,939 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 27/117 +[2024-10-13 16:54:44,003 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 28/117 +[2024-10-13 16:54:44,064 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 29/117 +[2024-10-13 16:54:44,125 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 30/117 +[2024-10-13 16:54:44,187 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 31/117 +[2024-10-13 16:54:44,248 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 32/117 +[2024-10-13 16:54:44,309 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 33/117 +[2024-10-13 16:54:44,371 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 34/117 +[2024-10-13 16:54:44,432 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 35/117 +[2024-10-13 16:54:44,492 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 36/117 +[2024-10-13 16:54:44,551 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 37/117 +[2024-10-13 16:54:44,611 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 38/117 +[2024-10-13 16:54:44,670 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 39/117 +[2024-10-13 16:54:44,730 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 40/117 +[2024-10-13 16:54:44,789 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 41/117 +[2024-10-13 16:54:44,849 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 42/117 +[2024-10-13 16:54:44,909 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 43/117 +[2024-10-13 16:54:44,969 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 44/117 +[2024-10-13 16:54:45,028 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 45/117 +[2024-10-13 16:54:45,088 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 46/117 +[2024-10-13 16:54:45,148 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 47/117 +[2024-10-13 16:54:45,208 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 48/117 +[2024-10-13 16:54:45,267 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 49/117 +[2024-10-13 16:54:45,327 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 50/117 +[2024-10-13 16:54:45,387 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 51/117 +[2024-10-13 16:54:45,446 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 52/117 +[2024-10-13 16:54:45,506 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 53/117 +[2024-10-13 16:54:45,566 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 54/117 +[2024-10-13 16:54:45,625 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 55/117 +[2024-10-13 16:54:45,685 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 56/117 +[2024-10-13 16:54:45,744 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 57/117 +[2024-10-13 16:54:45,804 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 58/117 +[2024-10-13 16:54:45,863 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 59/117 +[2024-10-13 16:54:45,923 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 60/117 +[2024-10-13 16:54:45,983 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 61/117 +[2024-10-13 16:54:46,042 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 62/117 +[2024-10-13 16:54:46,102 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 63/117 +[2024-10-13 16:54:46,161 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 64/117 +[2024-10-13 16:54:46,221 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 65/117 +[2024-10-13 16:54:46,280 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 66/117 +[2024-10-13 16:54:46,340 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 67/117 +[2024-10-13 16:54:46,399 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 68/117 +[2024-10-13 16:54:46,459 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 69/117 +[2024-10-13 16:54:46,518 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 70/117 +[2024-10-13 16:54:46,578 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 71/117 +[2024-10-13 16:54:46,637 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 72/117 +[2024-10-13 16:54:46,697 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 73/117 +[2024-10-13 16:54:46,756 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 74/117 +[2024-10-13 16:54:46,816 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 75/117 +[2024-10-13 16:54:46,881 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 76/117 +[2024-10-13 16:54:46,946 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 77/117 +[2024-10-13 16:54:47,011 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 78/117 +[2024-10-13 16:54:47,076 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 79/117 +[2024-10-13 16:54:47,141 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 80/117 +[2024-10-13 16:54:47,206 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 81/117 +[2024-10-13 16:54:47,271 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 82/117 +[2024-10-13 16:54:47,336 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 83/117 +[2024-10-13 16:54:47,401 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 84/117 +[2024-10-13 16:54:47,466 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 85/117 +[2024-10-13 16:54:47,531 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 86/117 +[2024-10-13 16:54:47,597 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 87/117 +[2024-10-13 16:54:47,662 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 88/117 +[2024-10-13 16:54:47,727 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 89/117 +[2024-10-13 16:54:47,792 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 90/117 +[2024-10-13 16:54:47,857 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 91/117 +[2024-10-13 16:54:47,922 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 92/117 +[2024-10-13 16:54:47,987 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 93/117 +[2024-10-13 16:54:48,053 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 94/117 +[2024-10-13 16:54:48,118 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 95/117 +[2024-10-13 16:54:48,183 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 96/117 +[2024-10-13 16:54:48,248 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 97/117 +[2024-10-13 16:54:48,314 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 98/117 +[2024-10-13 16:54:48,379 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 99/117 +[2024-10-13 16:54:48,444 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 100/117 +[2024-10-13 16:54:48,509 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 101/117 +[2024-10-13 16:54:48,574 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 102/117 +[2024-10-13 16:54:48,639 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 103/117 +[2024-10-13 16:54:48,704 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 104/117 +[2024-10-13 16:54:48,769 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 105/117 +[2024-10-13 16:54:48,835 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 106/117 +[2024-10-13 16:54:48,900 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 107/117 +[2024-10-13 16:54:48,961 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 108/117 +[2024-10-13 16:54:49,022 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 109/117 +[2024-10-13 16:54:49,083 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 110/117 +[2024-10-13 16:54:49,144 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 111/117 +[2024-10-13 16:54:49,205 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 112/117 +[2024-10-13 16:54:49,267 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 113/117 +[2024-10-13 16:54:49,328 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 114/117 +[2024-10-13 16:54:49,389 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 115/117 +[2024-10-13 16:54:49,450 INFO test.py line 186 25394] Test: 270/312-scene0153_01, Batch: 116/117 +[2024-10-13 16:54:49,518 INFO test.py line 272 25394] Test: scene0153_01 [270/312]-49553 Batch 7.365 (19.004) Accuracy 0.7663 (0.4862) mIoU 0.4891 (0.3693) +[2024-10-13 16:54:49,623 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 0/125 +[2024-10-13 16:54:49,716 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 1/125 +[2024-10-13 16:54:49,808 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 2/125 +[2024-10-13 16:54:49,900 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 3/125 +[2024-10-13 16:54:49,993 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 4/125 +[2024-10-13 16:54:50,086 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 5/125 +[2024-10-13 16:54:50,178 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 6/125 +[2024-10-13 16:54:50,271 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 7/125 +[2024-10-13 16:54:50,363 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 8/125 +[2024-10-13 16:54:50,456 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 9/125 +[2024-10-13 16:54:50,548 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 10/125 +[2024-10-13 16:54:50,641 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 11/125 +[2024-10-13 16:54:50,733 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 12/125 +[2024-10-13 16:54:50,825 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 13/125 +[2024-10-13 16:54:50,918 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 14/125 +[2024-10-13 16:54:51,010 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 15/125 +[2024-10-13 16:54:51,103 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 16/125 +[2024-10-13 16:54:51,196 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 17/125 +[2024-10-13 16:54:51,288 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 18/125 +[2024-10-13 16:54:51,380 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 19/125 +[2024-10-13 16:54:51,473 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 20/125 +[2024-10-13 16:54:51,565 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 21/125 +[2024-10-13 16:54:51,657 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 22/125 +[2024-10-13 16:54:51,749 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 23/125 +[2024-10-13 16:54:51,842 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 24/125 +[2024-10-13 16:54:51,934 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 25/125 +[2024-10-13 16:54:52,027 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 26/125 +[2024-10-13 16:54:52,119 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 27/125 +[2024-10-13 16:54:52,211 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 28/125 +[2024-10-13 16:54:52,304 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 29/125 +[2024-10-13 16:54:52,396 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 30/125 +[2024-10-13 16:54:52,488 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 31/125 +[2024-10-13 16:54:52,581 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 32/125 +[2024-10-13 16:54:52,673 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 33/125 +[2024-10-13 16:54:52,766 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 34/125 +[2024-10-13 16:54:52,859 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 35/125 +[2024-10-13 16:54:52,948 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 36/125 +[2024-10-13 16:54:53,036 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 37/125 +[2024-10-13 16:54:53,125 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 38/125 +[2024-10-13 16:54:53,254 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 39/125 +[2024-10-13 16:54:53,344 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 40/125 +[2024-10-13 16:54:53,434 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 41/125 +[2024-10-13 16:54:53,522 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 42/125 +[2024-10-13 16:54:53,611 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 43/125 +[2024-10-13 16:54:53,699 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 44/125 +[2024-10-13 16:54:53,788 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 45/125 +[2024-10-13 16:54:53,877 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 46/125 +[2024-10-13 16:54:53,965 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 47/125 +[2024-10-13 16:54:54,054 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 48/125 +[2024-10-13 16:54:54,142 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 49/125 +[2024-10-13 16:54:54,230 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 50/125 +[2024-10-13 16:54:54,319 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 51/125 +[2024-10-13 16:54:54,407 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 52/125 +[2024-10-13 16:54:54,496 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 53/125 +[2024-10-13 16:54:54,584 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 54/125 +[2024-10-13 16:54:54,673 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 55/125 +[2024-10-13 16:54:54,761 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 56/125 +[2024-10-13 16:54:54,850 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 57/125 +[2024-10-13 16:54:54,938 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 58/125 +[2024-10-13 16:54:55,027 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 59/125 +[2024-10-13 16:54:55,115 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 60/125 +[2024-10-13 16:54:55,204 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 61/125 +[2024-10-13 16:54:55,292 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 62/125 +[2024-10-13 16:54:55,380 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 63/125 +[2024-10-13 16:54:55,469 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 64/125 +[2024-10-13 16:54:55,557 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 65/125 +[2024-10-13 16:54:55,646 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 66/125 +[2024-10-13 16:54:55,734 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 67/125 +[2024-10-13 16:54:55,823 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 68/125 +[2024-10-13 16:54:55,911 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 69/125 +[2024-10-13 16:54:56,000 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 70/125 +[2024-10-13 16:54:56,088 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 71/125 +[2024-10-13 16:54:56,178 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 72/125 +[2024-10-13 16:54:56,266 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 73/125 +[2024-10-13 16:54:56,355 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 74/125 +[2024-10-13 16:54:56,443 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 75/125 +[2024-10-13 16:54:56,541 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 76/125 +[2024-10-13 16:54:56,639 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 77/125 +[2024-10-13 16:54:56,737 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 78/125 +[2024-10-13 16:54:56,835 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 79/125 +[2024-10-13 16:54:56,933 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 80/125 +[2024-10-13 16:54:57,031 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 81/125 +[2024-10-13 16:54:57,129 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 82/125 +[2024-10-13 16:54:57,228 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 83/125 +[2024-10-13 16:54:57,325 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 84/125 +[2024-10-13 16:54:57,423 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 85/125 +[2024-10-13 16:54:57,521 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 86/125 +[2024-10-13 16:54:57,619 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 87/125 +[2024-10-13 16:54:57,719 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 88/125 +[2024-10-13 16:54:57,817 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 89/125 +[2024-10-13 16:54:57,915 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 90/125 +[2024-10-13 16:54:58,013 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 91/125 +[2024-10-13 16:54:58,111 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 92/125 +[2024-10-13 16:54:58,209 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 93/125 +[2024-10-13 16:54:58,307 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 94/125 +[2024-10-13 16:54:58,405 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 95/125 +[2024-10-13 16:54:58,504 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 96/125 +[2024-10-13 16:54:58,603 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 97/125 +[2024-10-13 16:54:58,702 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 98/125 +[2024-10-13 16:54:58,800 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 99/125 +[2024-10-13 16:54:58,899 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 100/125 +[2024-10-13 16:54:58,998 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 101/125 +[2024-10-13 16:54:59,097 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 102/125 +[2024-10-13 16:54:59,195 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 103/125 +[2024-10-13 16:54:59,294 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 104/125 +[2024-10-13 16:54:59,393 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 105/125 +[2024-10-13 16:54:59,491 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 106/125 +[2024-10-13 16:54:59,590 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 107/125 +[2024-10-13 16:54:59,688 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 108/125 +[2024-10-13 16:54:59,787 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 109/125 +[2024-10-13 16:54:59,885 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 110/125 +[2024-10-13 16:54:59,984 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 111/125 +[2024-10-13 16:55:00,082 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 112/125 +[2024-10-13 16:55:00,181 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 113/125 +[2024-10-13 16:55:00,279 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 114/125 +[2024-10-13 16:55:00,378 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 115/125 +[2024-10-13 16:55:00,470 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 116/125 +[2024-10-13 16:55:00,563 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 117/125 +[2024-10-13 16:55:00,655 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 118/125 +[2024-10-13 16:55:00,747 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 119/125 +[2024-10-13 16:55:00,840 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 120/125 +[2024-10-13 16:55:00,932 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 121/125 +[2024-10-13 16:55:01,024 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 122/125 +[2024-10-13 16:55:01,116 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 123/125 +[2024-10-13 16:55:01,209 INFO test.py line 186 25394] Test: 271/312-scene0583_02, Batch: 124/125 +[2024-10-13 16:55:01,329 INFO test.py line 272 25394] Test: scene0583_02 [271/312]-89810 Batch 11.811 (18.977) Accuracy 0.7991 (0.4859) mIoU 0.4374 (0.3690) +[2024-10-13 16:55:01,427 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 0/122 +[2024-10-13 16:55:01,511 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 1/122 +[2024-10-13 16:55:01,595 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 2/122 +[2024-10-13 16:55:01,679 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 3/122 +[2024-10-13 16:55:01,763 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 4/122 +[2024-10-13 16:55:01,847 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 5/122 +[2024-10-13 16:55:01,931 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 6/122 +[2024-10-13 16:55:02,016 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 7/122 +[2024-10-13 16:55:02,100 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 8/122 +[2024-10-13 16:55:02,184 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 9/122 +[2024-10-13 16:55:02,268 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 10/122 +[2024-10-13 16:55:02,351 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 11/122 +[2024-10-13 16:55:02,435 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 12/122 +[2024-10-13 16:55:02,519 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 13/122 +[2024-10-13 16:55:02,602 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 14/122 +[2024-10-13 16:55:02,686 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 15/122 +[2024-10-13 16:55:02,770 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 16/122 +[2024-10-13 16:55:02,854 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 17/122 +[2024-10-13 16:55:02,938 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 18/122 +[2024-10-13 16:55:03,021 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 19/122 +[2024-10-13 16:55:03,108 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 20/122 +[2024-10-13 16:55:03,192 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 21/122 +[2024-10-13 16:55:03,276 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 22/122 +[2024-10-13 16:55:03,360 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 23/122 +[2024-10-13 16:55:03,444 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 24/122 +[2024-10-13 16:55:03,528 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 25/122 +[2024-10-13 16:55:03,612 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 26/122 +[2024-10-13 16:55:03,696 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 27/122 +[2024-10-13 16:55:03,780 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 28/122 +[2024-10-13 16:55:03,864 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 29/122 +[2024-10-13 16:55:03,948 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 30/122 +[2024-10-13 16:55:04,032 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 31/122 +[2024-10-13 16:55:04,116 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 32/122 +[2024-10-13 16:55:04,200 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 33/122 +[2024-10-13 16:55:04,284 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 34/122 +[2024-10-13 16:55:04,368 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 35/122 +[2024-10-13 16:55:04,451 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 36/122 +[2024-10-13 16:55:04,535 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 37/122 +[2024-10-13 16:55:04,619 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 38/122 +[2024-10-13 16:55:04,703 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 39/122 +[2024-10-13 16:55:04,781 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 40/122 +[2024-10-13 16:55:04,859 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 41/122 +[2024-10-13 16:55:04,937 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 42/122 +[2024-10-13 16:55:05,015 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 43/122 +[2024-10-13 16:55:05,093 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 44/122 +[2024-10-13 16:55:05,171 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 45/122 +[2024-10-13 16:55:05,249 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 46/122 +[2024-10-13 16:55:05,327 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 47/122 +[2024-10-13 16:55:05,405 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 48/122 +[2024-10-13 16:55:05,483 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 49/122 +[2024-10-13 16:55:05,561 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 50/122 +[2024-10-13 16:55:05,640 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 51/122 +[2024-10-13 16:55:05,718 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 52/122 +[2024-10-13 16:55:05,796 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 53/122 +[2024-10-13 16:55:05,874 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 54/122 +[2024-10-13 16:55:05,952 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 55/122 +[2024-10-13 16:55:06,030 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 56/122 +[2024-10-13 16:55:06,108 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 57/122 +[2024-10-13 16:55:06,186 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 58/122 +[2024-10-13 16:55:06,265 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 59/122 +[2024-10-13 16:55:06,343 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 60/122 +[2024-10-13 16:55:06,421 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 61/122 +[2024-10-13 16:55:06,498 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 62/122 +[2024-10-13 16:55:06,576 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 63/122 +[2024-10-13 16:55:06,654 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 64/122 +[2024-10-13 16:55:06,770 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 65/122 +[2024-10-13 16:55:06,849 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 66/122 +[2024-10-13 16:55:06,928 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 67/122 +[2024-10-13 16:55:07,007 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 68/122 +[2024-10-13 16:55:07,086 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 69/122 +[2024-10-13 16:55:07,165 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 70/122 +[2024-10-13 16:55:07,243 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 71/122 +[2024-10-13 16:55:07,321 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 72/122 +[2024-10-13 16:55:07,400 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 73/122 +[2024-10-13 16:55:07,478 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 74/122 +[2024-10-13 16:55:07,556 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 75/122 +[2024-10-13 16:55:07,634 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 76/122 +[2024-10-13 16:55:07,712 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 77/122 +[2024-10-13 16:55:07,790 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 78/122 +[2024-10-13 16:55:07,868 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 79/122 +[2024-10-13 16:55:07,955 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 80/122 +[2024-10-13 16:55:08,042 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 81/122 +[2024-10-13 16:55:08,129 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 82/122 +[2024-10-13 16:55:08,216 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 83/122 +[2024-10-13 16:55:08,303 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 84/122 +[2024-10-13 16:55:08,390 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 85/122 +[2024-10-13 16:55:08,477 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 86/122 +[2024-10-13 16:55:08,564 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 87/122 +[2024-10-13 16:55:08,651 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 88/122 +[2024-10-13 16:55:08,740 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 89/122 +[2024-10-13 16:55:08,827 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 90/122 +[2024-10-13 16:55:08,914 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 91/122 +[2024-10-13 16:55:09,003 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 92/122 +[2024-10-13 16:55:09,090 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 93/122 +[2024-10-13 16:55:09,177 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 94/122 +[2024-10-13 16:55:09,264 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 95/122 +[2024-10-13 16:55:09,352 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 96/122 +[2024-10-13 16:55:09,439 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 97/122 +[2024-10-13 16:55:09,526 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 98/122 +[2024-10-13 16:55:09,614 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 99/122 +[2024-10-13 16:55:09,701 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 100/122 +[2024-10-13 16:55:09,788 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 101/122 +[2024-10-13 16:55:09,875 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 102/122 +[2024-10-13 16:55:09,962 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 103/122 +[2024-10-13 16:55:10,050 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 104/122 +[2024-10-13 16:55:10,137 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 105/122 +[2024-10-13 16:55:10,224 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 106/122 +[2024-10-13 16:55:10,311 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 107/122 +[2024-10-13 16:55:10,398 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 108/122 +[2024-10-13 16:55:10,485 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 109/122 +[2024-10-13 16:55:10,572 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 110/122 +[2024-10-13 16:55:10,660 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 111/122 +[2024-10-13 16:55:10,744 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 112/122 +[2024-10-13 16:55:10,828 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 113/122 +[2024-10-13 16:55:10,912 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 114/122 +[2024-10-13 16:55:10,996 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 115/122 +[2024-10-13 16:55:11,080 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 116/122 +[2024-10-13 16:55:11,164 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 117/122 +[2024-10-13 16:55:11,248 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 118/122 +[2024-10-13 16:55:11,333 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 119/122 +[2024-10-13 16:55:11,417 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 120/122 +[2024-10-13 16:55:11,501 INFO test.py line 186 25394] Test: 272/312-scene0651_01, Batch: 121/122 +[2024-10-13 16:55:11,605 INFO test.py line 272 25394] Test: scene0651_01 [272/312]-79213 Batch 10.276 (18.945) Accuracy 0.9339 (0.4862) mIoU 0.7271 (0.3693) +[2024-10-13 16:55:11,769 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 0/126 +[2024-10-13 16:55:11,906 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 1/126 +[2024-10-13 16:55:12,043 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 2/126 +[2024-10-13 16:55:12,180 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 3/126 +[2024-10-13 16:55:12,317 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 4/126 +[2024-10-13 16:55:12,454 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 5/126 +[2024-10-13 16:55:12,593 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 6/126 +[2024-10-13 16:55:12,751 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 7/126 +[2024-10-13 16:55:12,887 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 8/126 +[2024-10-13 16:55:13,024 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 9/126 +[2024-10-13 16:55:13,160 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 10/126 +[2024-10-13 16:55:13,297 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 11/126 +[2024-10-13 16:55:13,433 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 12/126 +[2024-10-13 16:55:13,569 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 13/126 +[2024-10-13 16:55:13,705 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 14/126 +[2024-10-13 16:55:13,844 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 15/126 +[2024-10-13 16:55:13,980 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 16/126 +[2024-10-13 16:55:14,116 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 17/126 +[2024-10-13 16:55:14,252 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 18/126 +[2024-10-13 16:55:14,389 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 19/126 +[2024-10-13 16:55:14,525 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 20/126 +[2024-10-13 16:55:14,662 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 21/126 +[2024-10-13 16:55:14,798 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 22/126 +[2024-10-13 16:55:14,935 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 23/126 +[2024-10-13 16:55:15,073 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 24/126 +[2024-10-13 16:55:15,209 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 25/126 +[2024-10-13 16:55:15,346 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 26/126 +[2024-10-13 16:55:15,483 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 27/126 +[2024-10-13 16:55:15,619 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 28/126 +[2024-10-13 16:55:15,756 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 29/126 +[2024-10-13 16:55:15,894 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 30/126 +[2024-10-13 16:55:16,031 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 31/126 +[2024-10-13 16:55:16,169 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 32/126 +[2024-10-13 16:55:16,306 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 33/126 +[2024-10-13 16:55:16,443 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 34/126 +[2024-10-13 16:55:16,580 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 35/126 +[2024-10-13 16:55:16,718 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 36/126 +[2024-10-13 16:55:16,855 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 37/126 +[2024-10-13 16:55:16,993 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 38/126 +[2024-10-13 16:55:17,130 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 39/126 +[2024-10-13 16:55:17,260 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 40/126 +[2024-10-13 16:55:17,389 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 41/126 +[2024-10-13 16:55:17,518 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 42/126 +[2024-10-13 16:55:17,647 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 43/126 +[2024-10-13 16:55:17,776 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 44/126 +[2024-10-13 16:55:17,905 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 45/126 +[2024-10-13 16:55:18,035 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 46/126 +[2024-10-13 16:55:18,164 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 47/126 +[2024-10-13 16:55:18,293 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 48/126 +[2024-10-13 16:55:18,421 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 49/126 +[2024-10-13 16:55:18,550 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 50/126 +[2024-10-13 16:55:18,678 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 51/126 +[2024-10-13 16:55:18,807 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 52/126 +[2024-10-13 16:55:18,935 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 53/126 +[2024-10-13 16:55:19,064 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 54/126 +[2024-10-13 16:55:19,192 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 55/126 +[2024-10-13 16:55:19,321 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 56/126 +[2024-10-13 16:55:19,449 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 57/126 +[2024-10-13 16:55:19,578 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 58/126 +[2024-10-13 16:55:19,707 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 59/126 +[2024-10-13 16:55:19,836 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 60/126 +[2024-10-13 16:55:19,965 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 61/126 +[2024-10-13 16:55:20,093 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 62/126 +[2024-10-13 16:55:20,222 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 63/126 +[2024-10-13 16:55:20,351 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 64/126 +[2024-10-13 16:55:20,479 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 65/126 +[2024-10-13 16:55:20,608 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 66/126 +[2024-10-13 16:55:20,737 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 67/126 +[2024-10-13 16:55:20,866 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 68/126 +[2024-10-13 16:55:20,996 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 69/126 +[2024-10-13 16:55:21,126 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 70/126 +[2024-10-13 16:55:21,255 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 71/126 +[2024-10-13 16:55:21,384 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 72/126 +[2024-10-13 16:55:21,514 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 73/126 +[2024-10-13 16:55:21,644 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 74/126 +[2024-10-13 16:55:21,773 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 75/126 +[2024-10-13 16:55:21,919 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 76/126 +[2024-10-13 16:55:22,065 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 77/126 +[2024-10-13 16:55:22,211 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 78/126 +[2024-10-13 16:55:22,357 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 79/126 +[2024-10-13 16:55:22,503 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 80/126 +[2024-10-13 16:55:22,649 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 81/126 +[2024-10-13 16:55:22,795 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 82/126 +[2024-10-13 16:55:22,941 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 83/126 +[2024-10-13 16:55:23,087 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 84/126 +[2024-10-13 16:55:23,233 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 85/126 +[2024-10-13 16:55:23,378 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 86/126 +[2024-10-13 16:55:23,524 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 87/126 +[2024-10-13 16:55:23,670 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 88/126 +[2024-10-13 16:55:23,815 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 89/126 +[2024-10-13 16:55:23,961 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 90/126 +[2024-10-13 16:55:24,106 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 91/126 +[2024-10-13 16:55:24,252 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 92/126 +[2024-10-13 16:55:24,398 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 93/126 +[2024-10-13 16:55:24,544 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 94/126 +[2024-10-13 16:55:24,689 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 95/126 +[2024-10-13 16:55:24,835 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 96/126 +[2024-10-13 16:55:24,981 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 97/126 +[2024-10-13 16:55:25,127 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 98/126 +[2024-10-13 16:55:25,272 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 99/126 +[2024-10-13 16:55:25,418 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 100/126 +[2024-10-13 16:55:25,564 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 101/126 +[2024-10-13 16:55:25,709 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 102/126 +[2024-10-13 16:55:25,855 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 103/126 +[2024-10-13 16:55:26,001 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 104/126 +[2024-10-13 16:55:26,147 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 105/126 +[2024-10-13 16:55:26,293 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 106/126 +[2024-10-13 16:55:26,439 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 107/126 +[2024-10-13 16:55:26,584 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 108/126 +[2024-10-13 16:55:26,730 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 109/126 +[2024-10-13 16:55:26,876 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 110/126 +[2024-10-13 16:55:27,022 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 111/126 +[2024-10-13 16:55:27,168 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 112/126 +[2024-10-13 16:55:27,314 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 113/126 +[2024-10-13 16:55:27,460 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 114/126 +[2024-10-13 16:55:27,606 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 115/126 +[2024-10-13 16:55:27,743 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 116/126 +[2024-10-13 16:55:27,880 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 117/126 +[2024-10-13 16:55:28,016 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 118/126 +[2024-10-13 16:55:28,153 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 119/126 +[2024-10-13 16:55:28,290 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 120/126 +[2024-10-13 16:55:28,427 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 121/126 +[2024-10-13 16:55:28,563 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 122/126 +[2024-10-13 16:55:28,700 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 123/126 +[2024-10-13 16:55:28,836 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 124/126 +[2024-10-13 16:55:28,973 INFO test.py line 186 25394] Test: 273/312-scene0580_00, Batch: 125/126 +[2024-10-13 16:55:29,178 INFO test.py line 272 25394] Test: scene0580_00 [273/312]-158047 Batch 17.573 (18.940) Accuracy 0.8690 (0.4862) mIoU 0.3673 (0.3691) +[2024-10-13 16:55:29,404 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 0/126 +[2024-10-13 16:55:29,594 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 1/126 +[2024-10-13 16:55:29,784 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 2/126 +[2024-10-13 16:55:29,974 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 3/126 +[2024-10-13 16:55:30,164 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 4/126 +[2024-10-13 16:55:30,354 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 5/126 +[2024-10-13 16:55:30,544 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 6/126 +[2024-10-13 16:55:30,734 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 7/126 +[2024-10-13 16:55:30,924 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 8/126 +[2024-10-13 16:55:31,115 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 9/126 +[2024-10-13 16:55:31,305 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 10/126 +[2024-10-13 16:55:31,495 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 11/126 +[2024-10-13 16:55:31,685 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 12/126 +[2024-10-13 16:55:31,875 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 13/126 +[2024-10-13 16:55:32,065 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 14/126 +[2024-10-13 16:55:32,255 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 15/126 +[2024-10-13 16:55:32,445 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 16/126 +[2024-10-13 16:55:32,635 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 17/126 +[2024-10-13 16:55:32,826 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 18/126 +[2024-10-13 16:55:33,039 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 19/126 +[2024-10-13 16:55:33,231 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 20/126 +[2024-10-13 16:55:33,421 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 21/126 +[2024-10-13 16:55:33,612 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 22/126 +[2024-10-13 16:55:33,802 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 23/126 +[2024-10-13 16:55:33,993 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 24/126 +[2024-10-13 16:55:34,183 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 25/126 +[2024-10-13 16:55:34,374 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 26/126 +[2024-10-13 16:55:34,564 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 27/126 +[2024-10-13 16:55:34,755 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 28/126 +[2024-10-13 16:55:34,945 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 29/126 +[2024-10-13 16:55:35,136 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 30/126 +[2024-10-13 16:55:35,326 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 31/126 +[2024-10-13 16:55:35,517 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 32/126 +[2024-10-13 16:55:35,707 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 33/126 +[2024-10-13 16:55:35,898 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 34/126 +[2024-10-13 16:55:36,088 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 35/126 +[2024-10-13 16:55:36,279 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 36/126 +[2024-10-13 16:55:36,470 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 37/126 +[2024-10-13 16:55:36,661 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 38/126 +[2024-10-13 16:55:36,851 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 39/126 +[2024-10-13 16:55:37,029 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 40/126 +[2024-10-13 16:55:37,207 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 41/126 +[2024-10-13 16:55:37,385 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 42/126 +[2024-10-13 16:55:37,564 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 43/126 +[2024-10-13 16:55:37,742 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 44/126 +[2024-10-13 16:55:37,920 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 45/126 +[2024-10-13 16:55:38,097 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 46/126 +[2024-10-13 16:55:38,275 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 47/126 +[2024-10-13 16:55:38,452 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 48/126 +[2024-10-13 16:55:38,630 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 49/126 +[2024-10-13 16:55:38,808 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 50/126 +[2024-10-13 16:55:38,985 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 51/126 +[2024-10-13 16:55:39,163 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 52/126 +[2024-10-13 16:55:39,341 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 53/126 +[2024-10-13 16:55:39,518 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 54/126 +[2024-10-13 16:55:39,696 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 55/126 +[2024-10-13 16:55:39,873 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 56/126 +[2024-10-13 16:55:40,050 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 57/126 +[2024-10-13 16:55:40,228 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 58/126 +[2024-10-13 16:55:40,406 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 59/126 +[2024-10-13 16:55:40,584 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 60/126 +[2024-10-13 16:55:40,763 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 61/126 +[2024-10-13 16:55:40,941 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 62/126 +[2024-10-13 16:55:41,119 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 63/126 +[2024-10-13 16:55:41,297 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 64/126 +[2024-10-13 16:55:41,474 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 65/126 +[2024-10-13 16:55:41,652 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 66/126 +[2024-10-13 16:55:41,830 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 67/126 +[2024-10-13 16:55:42,008 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 68/126 +[2024-10-13 16:55:42,186 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 69/126 +[2024-10-13 16:55:42,364 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 70/126 +[2024-10-13 16:55:42,543 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 71/126 +[2024-10-13 16:55:42,721 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 72/126 +[2024-10-13 16:55:42,899 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 73/126 +[2024-10-13 16:55:43,077 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 74/126 +[2024-10-13 16:55:43,255 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 75/126 +[2024-10-13 16:55:43,433 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 76/126 +[2024-10-13 16:55:43,611 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 77/126 +[2024-10-13 16:55:43,789 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 78/126 +[2024-10-13 16:55:43,966 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 79/126 +[2024-10-13 16:55:44,169 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 80/126 +[2024-10-13 16:55:44,372 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 81/126 +[2024-10-13 16:55:44,575 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 82/126 +[2024-10-13 16:55:44,777 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 83/126 +[2024-10-13 16:55:44,980 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 84/126 +[2024-10-13 16:55:45,182 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 85/126 +[2024-10-13 16:55:45,384 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 86/126 +[2024-10-13 16:55:45,587 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 87/126 +[2024-10-13 16:55:45,789 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 88/126 +[2024-10-13 16:55:45,991 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 89/126 +[2024-10-13 16:55:46,194 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 90/126 +[2024-10-13 16:55:46,397 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 91/126 +[2024-10-13 16:55:46,599 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 92/126 +[2024-10-13 16:55:46,802 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 93/126 +[2024-10-13 16:55:47,004 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 94/126 +[2024-10-13 16:55:47,206 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 95/126 +[2024-10-13 16:55:47,409 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 96/126 +[2024-10-13 16:55:47,611 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 97/126 +[2024-10-13 16:55:47,814 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 98/126 +[2024-10-13 16:55:48,016 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 99/126 +[2024-10-13 16:55:48,218 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 100/126 +[2024-10-13 16:55:48,421 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 101/126 +[2024-10-13 16:55:48,623 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 102/126 +[2024-10-13 16:55:48,824 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 103/126 +[2024-10-13 16:55:49,026 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 104/126 +[2024-10-13 16:55:49,228 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 105/126 +[2024-10-13 16:55:49,430 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 106/126 +[2024-10-13 16:55:49,633 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 107/126 +[2024-10-13 16:55:49,836 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 108/126 +[2024-10-13 16:55:50,038 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 109/126 +[2024-10-13 16:55:50,240 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 110/126 +[2024-10-13 16:55:50,442 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 111/126 +[2024-10-13 16:55:50,644 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 112/126 +[2024-10-13 16:55:50,846 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 113/126 +[2024-10-13 16:55:51,049 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 114/126 +[2024-10-13 16:55:51,252 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 115/126 +[2024-10-13 16:55:51,443 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 116/126 +[2024-10-13 16:55:51,633 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 117/126 +[2024-10-13 16:55:51,823 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 118/126 +[2024-10-13 16:55:52,014 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 119/126 +[2024-10-13 16:55:52,205 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 120/126 +[2024-10-13 16:55:52,395 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 121/126 +[2024-10-13 16:55:52,586 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 122/126 +[2024-10-13 16:55:52,776 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 123/126 +[2024-10-13 16:55:52,967 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 124/126 +[2024-10-13 16:55:53,157 INFO test.py line 186 25394] Test: 274/312-scene0222_01, Batch: 125/126 +[2024-10-13 16:55:53,453 INFO test.py line 272 25394] Test: scene0222_01 [274/312]-235777 Batch 24.275 (18.959) Accuracy 0.8497 (0.4865) mIoU 0.3335 (0.3693) +[2024-10-13 16:55:53,528 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 0/104 +[2024-10-13 16:55:53,593 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 1/104 +[2024-10-13 16:55:53,659 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 2/104 +[2024-10-13 16:55:53,724 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 3/104 +[2024-10-13 16:55:53,789 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 4/104 +[2024-10-13 16:55:53,854 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 5/104 +[2024-10-13 16:55:53,919 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 6/104 +[2024-10-13 16:55:53,984 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 7/104 +[2024-10-13 16:55:54,049 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 8/104 +[2024-10-13 16:55:54,115 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 9/104 +[2024-10-13 16:55:54,180 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 10/104 +[2024-10-13 16:55:54,245 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 11/104 +[2024-10-13 16:55:54,310 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 12/104 +[2024-10-13 16:55:54,375 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 13/104 +[2024-10-13 16:55:54,440 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 14/104 +[2024-10-13 16:55:54,506 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 15/104 +[2024-10-13 16:55:54,570 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 16/104 +[2024-10-13 16:55:54,635 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 17/104 +[2024-10-13 16:55:54,700 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 18/104 +[2024-10-13 16:55:54,764 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 19/104 +[2024-10-13 16:55:54,829 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 20/104 +[2024-10-13 16:55:54,894 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 21/104 +[2024-10-13 16:55:54,959 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 22/104 +[2024-10-13 16:55:55,024 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 23/104 +[2024-10-13 16:55:55,088 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 24/104 +[2024-10-13 16:55:55,153 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 25/104 +[2024-10-13 16:55:55,218 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 26/104 +[2024-10-13 16:55:55,283 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 27/104 +[2024-10-13 16:55:55,348 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 28/104 +[2024-10-13 16:55:55,413 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 29/104 +[2024-10-13 16:55:55,478 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 30/104 +[2024-10-13 16:55:55,542 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 31/104 +[2024-10-13 16:55:55,604 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 32/104 +[2024-10-13 16:55:55,666 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 33/104 +[2024-10-13 16:55:55,728 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 34/104 +[2024-10-13 16:55:55,790 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 35/104 +[2024-10-13 16:55:55,852 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 36/104 +[2024-10-13 16:55:55,914 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 37/104 +[2024-10-13 16:55:55,976 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 38/104 +[2024-10-13 16:55:56,038 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 39/104 +[2024-10-13 16:55:56,100 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 40/104 +[2024-10-13 16:55:56,161 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 41/104 +[2024-10-13 16:55:56,223 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 42/104 +[2024-10-13 16:55:56,285 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 43/104 +[2024-10-13 16:55:56,347 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 44/104 +[2024-10-13 16:55:56,409 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 45/104 +[2024-10-13 16:55:56,471 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 46/104 +[2024-10-13 16:55:56,533 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 47/104 +[2024-10-13 16:55:56,595 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 48/104 +[2024-10-13 16:55:56,657 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 49/104 +[2024-10-13 16:55:56,719 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 50/104 +[2024-10-13 16:55:56,781 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 51/104 +[2024-10-13 16:55:56,843 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 52/104 +[2024-10-13 16:55:56,905 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 53/104 +[2024-10-13 16:55:56,967 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 54/104 +[2024-10-13 16:55:57,029 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 55/104 +[2024-10-13 16:55:57,091 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 56/104 +[2024-10-13 16:55:57,153 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 57/104 +[2024-10-13 16:55:57,215 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 58/104 +[2024-10-13 16:55:57,277 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 59/104 +[2024-10-13 16:55:57,338 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 60/104 +[2024-10-13 16:55:57,400 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 61/104 +[2024-10-13 16:55:57,462 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 62/104 +[2024-10-13 16:55:57,524 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 63/104 +[2024-10-13 16:55:57,586 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 64/104 +[2024-10-13 16:55:57,649 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 65/104 +[2024-10-13 16:55:57,712 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 66/104 +[2024-10-13 16:55:57,773 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 67/104 +[2024-10-13 16:55:57,841 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 68/104 +[2024-10-13 16:55:57,909 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 69/104 +[2024-10-13 16:55:57,977 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 70/104 +[2024-10-13 16:55:58,045 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 71/104 +[2024-10-13 16:55:58,113 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 72/104 +[2024-10-13 16:55:58,180 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 73/104 +[2024-10-13 16:55:58,248 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 74/104 +[2024-10-13 16:55:58,316 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 75/104 +[2024-10-13 16:55:58,384 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 76/104 +[2024-10-13 16:55:58,501 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 77/104 +[2024-10-13 16:55:58,569 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 78/104 +[2024-10-13 16:55:58,638 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 79/104 +[2024-10-13 16:55:58,707 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 80/104 +[2024-10-13 16:55:58,777 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 81/104 +[2024-10-13 16:55:58,846 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 82/104 +[2024-10-13 16:55:58,914 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 83/104 +[2024-10-13 16:55:58,981 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 84/104 +[2024-10-13 16:55:59,048 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 85/104 +[2024-10-13 16:55:59,115 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 86/104 +[2024-10-13 16:55:59,183 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 87/104 +[2024-10-13 16:55:59,250 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 88/104 +[2024-10-13 16:55:59,317 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 89/104 +[2024-10-13 16:55:59,384 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 90/104 +[2024-10-13 16:55:59,451 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 91/104 +[2024-10-13 16:55:59,519 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 92/104 +[2024-10-13 16:55:59,586 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 93/104 +[2024-10-13 16:55:59,653 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 94/104 +[2024-10-13 16:55:59,720 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 95/104 +[2024-10-13 16:55:59,785 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 96/104 +[2024-10-13 16:55:59,850 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 97/104 +[2024-10-13 16:55:59,915 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 98/104 +[2024-10-13 16:55:59,979 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 99/104 +[2024-10-13 16:56:00,044 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 100/104 +[2024-10-13 16:56:00,109 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 101/104 +[2024-10-13 16:56:00,174 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 102/104 +[2024-10-13 16:56:00,238 INFO test.py line 186 25394] Test: 275/312-scene0100_01, Batch: 103/104 +[2024-10-13 16:56:00,309 INFO test.py line 272 25394] Test: scene0100_01 [275/312]-51211 Batch 6.855 (18.915) Accuracy 0.7892 (0.4876) mIoU 0.5433 (0.3706) +[2024-10-13 16:56:00,484 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 0/118 +[2024-10-13 16:56:00,633 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 1/118 +[2024-10-13 16:56:00,782 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 2/118 +[2024-10-13 16:56:00,932 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 3/118 +[2024-10-13 16:56:01,081 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 4/118 +[2024-10-13 16:56:01,230 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 5/118 +[2024-10-13 16:56:01,379 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 6/118 +[2024-10-13 16:56:01,528 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 7/118 +[2024-10-13 16:56:01,677 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 8/118 +[2024-10-13 16:56:01,826 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 9/118 +[2024-10-13 16:56:01,978 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 10/118 +[2024-10-13 16:56:02,129 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 11/118 +[2024-10-13 16:56:02,279 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 12/118 +[2024-10-13 16:56:02,430 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 13/118 +[2024-10-13 16:56:02,581 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 14/118 +[2024-10-13 16:56:02,732 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 15/118 +[2024-10-13 16:56:02,882 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 16/118 +[2024-10-13 16:56:03,033 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 17/118 +[2024-10-13 16:56:03,183 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 18/118 +[2024-10-13 16:56:03,333 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 19/118 +[2024-10-13 16:56:03,484 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 20/118 +[2024-10-13 16:56:03,634 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 21/118 +[2024-10-13 16:56:03,785 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 22/118 +[2024-10-13 16:56:03,936 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 23/118 +[2024-10-13 16:56:04,087 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 24/118 +[2024-10-13 16:56:04,237 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 25/118 +[2024-10-13 16:56:04,388 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 26/118 +[2024-10-13 16:56:04,539 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 27/118 +[2024-10-13 16:56:04,689 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 28/118 +[2024-10-13 16:56:04,840 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 29/118 +[2024-10-13 16:56:04,988 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 30/118 +[2024-10-13 16:56:05,137 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 31/118 +[2024-10-13 16:56:05,286 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 32/118 +[2024-10-13 16:56:05,435 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 33/118 +[2024-10-13 16:56:05,584 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 34/118 +[2024-10-13 16:56:05,734 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 35/118 +[2024-10-13 16:56:05,883 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 36/118 +[2024-10-13 16:56:06,032 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 37/118 +[2024-10-13 16:56:06,180 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 38/118 +[2024-10-13 16:56:06,329 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 39/118 +[2024-10-13 16:56:06,470 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 40/118 +[2024-10-13 16:56:06,611 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 41/118 +[2024-10-13 16:56:06,751 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 42/118 +[2024-10-13 16:56:06,892 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 43/118 +[2024-10-13 16:56:07,035 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 44/118 +[2024-10-13 16:56:07,176 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 45/118 +[2024-10-13 16:56:07,317 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 46/118 +[2024-10-13 16:56:07,458 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 47/118 +[2024-10-13 16:56:07,599 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 48/118 +[2024-10-13 16:56:07,740 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 49/118 +[2024-10-13 16:56:07,882 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 50/118 +[2024-10-13 16:56:08,024 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 51/118 +[2024-10-13 16:56:08,166 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 52/118 +[2024-10-13 16:56:08,307 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 53/118 +[2024-10-13 16:56:08,449 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 54/118 +[2024-10-13 16:56:08,589 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 55/118 +[2024-10-13 16:56:08,730 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 56/118 +[2024-10-13 16:56:08,870 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 57/118 +[2024-10-13 16:56:09,011 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 58/118 +[2024-10-13 16:56:09,152 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 59/118 +[2024-10-13 16:56:09,292 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 60/118 +[2024-10-13 16:56:09,433 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 61/118 +[2024-10-13 16:56:09,574 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 62/118 +[2024-10-13 16:56:09,715 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 63/118 +[2024-10-13 16:56:09,856 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 64/118 +[2024-10-13 16:56:09,997 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 65/118 +[2024-10-13 16:56:10,138 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 66/118 +[2024-10-13 16:56:10,279 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 67/118 +[2024-10-13 16:56:10,419 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 68/118 +[2024-10-13 16:56:10,560 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 69/118 +[2024-10-13 16:56:10,701 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 70/118 +[2024-10-13 16:56:10,842 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 71/118 +[2024-10-13 16:56:10,983 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 72/118 +[2024-10-13 16:56:11,123 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 73/118 +[2024-10-13 16:56:11,264 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 74/118 +[2024-10-13 16:56:11,405 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 75/118 +[2024-10-13 16:56:11,561 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 76/118 +[2024-10-13 16:56:11,718 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 77/118 +[2024-10-13 16:56:11,875 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 78/118 +[2024-10-13 16:56:12,033 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 79/118 +[2024-10-13 16:56:12,189 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 80/118 +[2024-10-13 16:56:12,347 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 81/118 +[2024-10-13 16:56:12,504 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 82/118 +[2024-10-13 16:56:12,662 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 83/118 +[2024-10-13 16:56:12,819 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 84/118 +[2024-10-13 16:56:12,976 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 85/118 +[2024-10-13 16:56:13,134 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 86/118 +[2024-10-13 16:56:13,291 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 87/118 +[2024-10-13 16:56:13,449 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 88/118 +[2024-10-13 16:56:13,606 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 89/118 +[2024-10-13 16:56:13,764 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 90/118 +[2024-10-13 16:56:13,921 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 91/118 +[2024-10-13 16:56:14,079 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 92/118 +[2024-10-13 16:56:14,238 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 93/118 +[2024-10-13 16:56:14,395 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 94/118 +[2024-10-13 16:56:14,553 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 95/118 +[2024-10-13 16:56:14,711 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 96/118 +[2024-10-13 16:56:14,869 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 97/118 +[2024-10-13 16:56:15,027 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 98/118 +[2024-10-13 16:56:15,186 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 99/118 +[2024-10-13 16:56:15,342 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 100/118 +[2024-10-13 16:56:15,499 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 101/118 +[2024-10-13 16:56:15,656 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 102/118 +[2024-10-13 16:56:15,812 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 103/118 +[2024-10-13 16:56:15,969 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 104/118 +[2024-10-13 16:56:16,126 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 105/118 +[2024-10-13 16:56:16,282 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 106/118 +[2024-10-13 16:56:16,439 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 107/118 +[2024-10-13 16:56:16,589 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 108/118 +[2024-10-13 16:56:16,740 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 109/118 +[2024-10-13 16:56:16,890 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 110/118 +[2024-10-13 16:56:17,041 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 111/118 +[2024-10-13 16:56:17,192 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 112/118 +[2024-10-13 16:56:17,343 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 113/118 +[2024-10-13 16:56:17,493 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 114/118 +[2024-10-13 16:56:17,644 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 115/118 +[2024-10-13 16:56:17,795 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 116/118 +[2024-10-13 16:56:17,945 INFO test.py line 186 25394] Test: 276/312-scene0221_01, Batch: 117/118 +[2024-10-13 16:56:18,171 INFO test.py line 272 25394] Test: scene0221_01 [276/312]-170654 Batch 17.862 (18.912) Accuracy 0.8485 (0.4881) mIoU 0.3458 (0.3710) +[2024-10-13 16:56:18,359 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 0/151 +[2024-10-13 16:56:18,518 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 1/151 +[2024-10-13 16:56:18,677 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 2/151 +[2024-10-13 16:56:18,836 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 3/151 +[2024-10-13 16:56:18,995 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 4/151 +[2024-10-13 16:56:19,154 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 5/151 +[2024-10-13 16:56:19,313 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 6/151 +[2024-10-13 16:56:19,472 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 7/151 +[2024-10-13 16:56:19,631 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 8/151 +[2024-10-13 16:56:19,790 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 9/151 +[2024-10-13 16:56:19,949 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 10/151 +[2024-10-13 16:56:20,108 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 11/151 +[2024-10-13 16:56:20,266 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 12/151 +[2024-10-13 16:56:20,425 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 13/151 +[2024-10-13 16:56:20,584 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 14/151 +[2024-10-13 16:56:20,743 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 15/151 +[2024-10-13 16:56:20,902 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 16/151 +[2024-10-13 16:56:21,063 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 17/151 +[2024-10-13 16:56:21,223 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 18/151 +[2024-10-13 16:56:21,382 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 19/151 +[2024-10-13 16:56:21,540 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 20/151 +[2024-10-13 16:56:21,699 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 21/151 +[2024-10-13 16:56:21,858 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 22/151 +[2024-10-13 16:56:22,016 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 23/151 +[2024-10-13 16:56:22,175 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 24/151 +[2024-10-13 16:56:22,334 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 25/151 +[2024-10-13 16:56:22,492 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 26/151 +[2024-10-13 16:56:22,651 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 27/151 +[2024-10-13 16:56:22,810 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 28/151 +[2024-10-13 16:56:22,968 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 29/151 +[2024-10-13 16:56:23,127 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 30/151 +[2024-10-13 16:56:23,285 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 31/151 +[2024-10-13 16:56:23,444 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 32/151 +[2024-10-13 16:56:23,604 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 33/151 +[2024-10-13 16:56:23,763 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 34/151 +[2024-10-13 16:56:23,923 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 35/151 +[2024-10-13 16:56:24,082 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 36/151 +[2024-10-13 16:56:24,242 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 37/151 +[2024-10-13 16:56:24,402 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 38/151 +[2024-10-13 16:56:24,561 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 39/151 +[2024-10-13 16:56:24,720 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 40/151 +[2024-10-13 16:56:24,879 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 41/151 +[2024-10-13 16:56:25,038 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 42/151 +[2024-10-13 16:56:25,197 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 43/151 +[2024-10-13 16:56:25,346 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 44/151 +[2024-10-13 16:56:25,495 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 45/151 +[2024-10-13 16:56:25,644 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 46/151 +[2024-10-13 16:56:25,792 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 47/151 +[2024-10-13 16:56:25,942 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 48/151 +[2024-10-13 16:56:26,091 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 49/151 +[2024-10-13 16:56:26,240 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 50/151 +[2024-10-13 16:56:26,389 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 51/151 +[2024-10-13 16:56:26,538 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 52/151 +[2024-10-13 16:56:26,687 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 53/151 +[2024-10-13 16:56:26,836 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 54/151 +[2024-10-13 16:56:26,985 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 55/151 +[2024-10-13 16:56:27,134 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 56/151 +[2024-10-13 16:56:27,283 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 57/151 +[2024-10-13 16:56:27,432 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 58/151 +[2024-10-13 16:56:27,581 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 59/151 +[2024-10-13 16:56:27,730 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 60/151 +[2024-10-13 16:56:27,879 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 61/151 +[2024-10-13 16:56:28,028 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 62/151 +[2024-10-13 16:56:28,177 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 63/151 +[2024-10-13 16:56:28,326 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 64/151 +[2024-10-13 16:56:28,476 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 65/151 +[2024-10-13 16:56:28,625 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 66/151 +[2024-10-13 16:56:28,774 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 67/151 +[2024-10-13 16:56:28,923 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 68/151 +[2024-10-13 16:56:29,072 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 69/151 +[2024-10-13 16:56:29,221 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 70/151 +[2024-10-13 16:56:29,370 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 71/151 +[2024-10-13 16:56:29,518 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 72/151 +[2024-10-13 16:56:29,667 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 73/151 +[2024-10-13 16:56:29,816 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 74/151 +[2024-10-13 16:56:29,964 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 75/151 +[2024-10-13 16:56:30,113 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 76/151 +[2024-10-13 16:56:30,261 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 77/151 +[2024-10-13 16:56:30,410 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 78/151 +[2024-10-13 16:56:30,558 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 79/151 +[2024-10-13 16:56:30,707 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 80/151 +[2024-10-13 16:56:30,855 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 81/151 +[2024-10-13 16:56:31,004 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 82/151 +[2024-10-13 16:56:31,152 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 83/151 +[2024-10-13 16:56:31,301 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 84/151 +[2024-10-13 16:56:31,449 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 85/151 +[2024-10-13 16:56:31,598 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 86/151 +[2024-10-13 16:56:31,746 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 87/151 +[2024-10-13 16:56:31,895 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 88/151 +[2024-10-13 16:56:32,043 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 89/151 +[2024-10-13 16:56:32,191 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 90/151 +[2024-10-13 16:56:32,340 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 91/151 +[2024-10-13 16:56:32,488 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 92/151 +[2024-10-13 16:56:32,636 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 93/151 +[2024-10-13 16:56:32,785 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 94/151 +[2024-10-13 16:56:32,933 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 95/151 +[2024-10-13 16:56:33,082 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 96/151 +[2024-10-13 16:56:33,230 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 97/151 +[2024-10-13 16:56:33,378 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 98/151 +[2024-10-13 16:56:33,527 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 99/151 +[2024-10-13 16:56:33,695 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 100/151 +[2024-10-13 16:56:33,863 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 101/151 +[2024-10-13 16:56:34,031 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 102/151 +[2024-10-13 16:56:34,199 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 103/151 +[2024-10-13 16:56:34,367 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 104/151 +[2024-10-13 16:56:34,536 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 105/151 +[2024-10-13 16:56:34,705 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 106/151 +[2024-10-13 16:56:34,873 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 107/151 +[2024-10-13 16:56:35,041 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 108/151 +[2024-10-13 16:56:35,210 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 109/151 +[2024-10-13 16:56:35,378 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 110/151 +[2024-10-13 16:56:35,546 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 111/151 +[2024-10-13 16:56:35,713 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 112/151 +[2024-10-13 16:56:35,882 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 113/151 +[2024-10-13 16:56:36,049 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 114/151 +[2024-10-13 16:56:36,217 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 115/151 +[2024-10-13 16:56:36,386 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 116/151 +[2024-10-13 16:56:36,553 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 117/151 +[2024-10-13 16:56:36,721 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 118/151 +[2024-10-13 16:56:36,889 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 119/151 +[2024-10-13 16:56:37,057 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 120/151 +[2024-10-13 16:56:37,225 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 121/151 +[2024-10-13 16:56:37,393 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 122/151 +[2024-10-13 16:56:37,561 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 123/151 +[2024-10-13 16:56:37,729 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 124/151 +[2024-10-13 16:56:37,898 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 125/151 +[2024-10-13 16:56:38,066 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 126/151 +[2024-10-13 16:56:38,234 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 127/151 +[2024-10-13 16:56:38,402 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 128/151 +[2024-10-13 16:56:38,570 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 129/151 +[2024-10-13 16:56:38,738 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 130/151 +[2024-10-13 16:56:38,906 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 131/151 +[2024-10-13 16:56:39,074 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 132/151 +[2024-10-13 16:56:39,243 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 133/151 +[2024-10-13 16:56:39,411 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 134/151 +[2024-10-13 16:56:39,580 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 135/151 +[2024-10-13 16:56:39,748 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 136/151 +[2024-10-13 16:56:39,916 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 137/151 +[2024-10-13 16:56:40,084 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 138/151 +[2024-10-13 16:56:40,252 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 139/151 +[2024-10-13 16:56:40,411 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 140/151 +[2024-10-13 16:56:40,569 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 141/151 +[2024-10-13 16:56:40,728 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 142/151 +[2024-10-13 16:56:40,887 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 143/151 +[2024-10-13 16:56:41,045 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 144/151 +[2024-10-13 16:56:41,204 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 145/151 +[2024-10-13 16:56:41,363 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 146/151 +[2024-10-13 16:56:41,522 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 147/151 +[2024-10-13 16:56:41,681 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 148/151 +[2024-10-13 16:56:41,840 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 149/151 +[2024-10-13 16:56:41,999 INFO test.py line 186 25394] Test: 277/312-scene0591_02, Batch: 150/151 +[2024-10-13 16:56:42,237 INFO test.py line 272 25394] Test: scene0591_02 [277/312]-187656 Batch 24.065 (18.930) Accuracy 0.9436 (0.4882) mIoU 0.5365 (0.3712) +[2024-10-13 16:56:42,513 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 0/138 +[2024-10-13 16:56:42,741 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 1/138 +[2024-10-13 16:56:42,970 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 2/138 +[2024-10-13 16:56:43,198 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 3/138 +[2024-10-13 16:56:43,427 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 4/138 +[2024-10-13 16:56:43,656 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 5/138 +[2024-10-13 16:56:43,884 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 6/138 +[2024-10-13 16:56:44,112 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 7/138 +[2024-10-13 16:56:44,340 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 8/138 +[2024-10-13 16:56:44,568 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 9/138 +[2024-10-13 16:56:44,797 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 10/138 +[2024-10-13 16:56:45,025 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 11/138 +[2024-10-13 16:56:45,253 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 12/138 +[2024-10-13 16:56:45,481 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 13/138 +[2024-10-13 16:56:45,710 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 14/138 +[2024-10-13 16:56:45,938 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 15/138 +[2024-10-13 16:56:46,166 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 16/138 +[2024-10-13 16:56:46,394 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 17/138 +[2024-10-13 16:56:46,622 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 18/138 +[2024-10-13 16:56:46,850 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 19/138 +[2024-10-13 16:56:47,078 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 20/138 +[2024-10-13 16:56:47,307 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 21/138 +[2024-10-13 16:56:47,535 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 22/138 +[2024-10-13 16:56:47,763 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 23/138 +[2024-10-13 16:56:47,991 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 24/138 +[2024-10-13 16:56:48,219 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 25/138 +[2024-10-13 16:56:48,447 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 26/138 +[2024-10-13 16:56:48,676 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 27/138 +[2024-10-13 16:56:48,905 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 28/138 +[2024-10-13 16:56:49,144 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 29/138 +[2024-10-13 16:56:49,376 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 30/138 +[2024-10-13 16:56:49,605 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 31/138 +[2024-10-13 16:56:49,834 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 32/138 +[2024-10-13 16:56:50,062 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 33/138 +[2024-10-13 16:56:50,291 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 34/138 +[2024-10-13 16:56:50,519 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 35/138 +[2024-10-13 16:56:50,747 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 36/138 +[2024-10-13 16:56:50,976 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 37/138 +[2024-10-13 16:56:51,204 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 38/138 +[2024-10-13 16:56:51,432 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 39/138 +[2024-10-13 16:56:51,645 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 40/138 +[2024-10-13 16:56:51,858 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 41/138 +[2024-10-13 16:56:52,070 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 42/138 +[2024-10-13 16:56:52,282 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 43/138 +[2024-10-13 16:56:52,495 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 44/138 +[2024-10-13 16:56:52,707 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 45/138 +[2024-10-13 16:56:52,920 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 46/138 +[2024-10-13 16:56:53,132 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 47/138 +[2024-10-13 16:56:53,344 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 48/138 +[2024-10-13 16:56:53,557 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 49/138 +[2024-10-13 16:56:53,770 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 50/138 +[2024-10-13 16:56:53,982 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 51/138 +[2024-10-13 16:56:54,195 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 52/138 +[2024-10-13 16:56:54,407 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 53/138 +[2024-10-13 16:56:54,620 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 54/138 +[2024-10-13 16:56:54,832 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 55/138 +[2024-10-13 16:56:55,045 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 56/138 +[2024-10-13 16:56:55,257 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 57/138 +[2024-10-13 16:56:55,469 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 58/138 +[2024-10-13 16:56:55,682 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 59/138 +[2024-10-13 16:56:55,894 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 60/138 +[2024-10-13 16:56:56,106 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 61/138 +[2024-10-13 16:56:56,319 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 62/138 +[2024-10-13 16:56:56,531 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 63/138 +[2024-10-13 16:56:56,743 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 64/138 +[2024-10-13 16:56:56,955 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 65/138 +[2024-10-13 16:56:57,167 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 66/138 +[2024-10-13 16:56:57,379 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 67/138 +[2024-10-13 16:56:57,592 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 68/138 +[2024-10-13 16:56:57,804 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 69/138 +[2024-10-13 16:56:58,016 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 70/138 +[2024-10-13 16:56:58,228 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 71/138 +[2024-10-13 16:56:58,441 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 72/138 +[2024-10-13 16:56:58,653 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 73/138 +[2024-10-13 16:56:58,865 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 74/138 +[2024-10-13 16:56:59,077 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 75/138 +[2024-10-13 16:56:59,289 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 76/138 +[2024-10-13 16:56:59,501 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 77/138 +[2024-10-13 16:56:59,713 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 78/138 +[2024-10-13 16:56:59,925 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 79/138 +[2024-10-13 16:57:00,137 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 80/138 +[2024-10-13 16:57:00,349 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 81/138 +[2024-10-13 16:57:00,561 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 82/138 +[2024-10-13 16:57:00,773 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 83/138 +[2024-10-13 16:57:01,021 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 84/138 +[2024-10-13 16:57:01,266 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 85/138 +[2024-10-13 16:57:01,512 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 86/138 +[2024-10-13 16:57:01,757 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 87/138 +[2024-10-13 16:57:02,004 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 88/138 +[2024-10-13 16:57:02,249 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 89/138 +[2024-10-13 16:57:02,495 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 90/138 +[2024-10-13 16:57:02,742 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 91/138 +[2024-10-13 16:57:02,988 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 92/138 +[2024-10-13 16:57:03,233 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 93/138 +[2024-10-13 16:57:03,479 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 94/138 +[2024-10-13 16:57:03,725 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 95/138 +[2024-10-13 16:57:03,970 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 96/138 +[2024-10-13 16:57:04,215 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 97/138 +[2024-10-13 16:57:04,461 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 98/138 +[2024-10-13 16:57:04,707 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 99/138 +[2024-10-13 16:57:04,952 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 100/138 +[2024-10-13 16:57:05,197 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 101/138 +[2024-10-13 16:57:05,443 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 102/138 +[2024-10-13 16:57:05,688 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 103/138 +[2024-10-13 16:57:05,933 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 104/138 +[2024-10-13 16:57:06,179 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 105/138 +[2024-10-13 16:57:06,424 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 106/138 +[2024-10-13 16:57:06,670 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 107/138 +[2024-10-13 16:57:06,916 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 108/138 +[2024-10-13 16:57:07,162 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 109/138 +[2024-10-13 16:57:07,407 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 110/138 +[2024-10-13 16:57:07,653 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 111/138 +[2024-10-13 16:57:07,899 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 112/138 +[2024-10-13 16:57:08,146 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 113/138 +[2024-10-13 16:57:08,392 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 114/138 +[2024-10-13 16:57:08,638 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 115/138 +[2024-10-13 16:57:08,884 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 116/138 +[2024-10-13 16:57:09,130 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 117/138 +[2024-10-13 16:57:09,375 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 118/138 +[2024-10-13 16:57:09,621 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 119/138 +[2024-10-13 16:57:09,866 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 120/138 +[2024-10-13 16:57:10,112 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 121/138 +[2024-10-13 16:57:10,358 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 122/138 +[2024-10-13 16:57:10,604 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 123/138 +[2024-10-13 16:57:10,850 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 124/138 +[2024-10-13 16:57:11,096 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 125/138 +[2024-10-13 16:57:11,341 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 126/138 +[2024-10-13 16:57:11,588 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 127/138 +[2024-10-13 16:57:11,815 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 128/138 +[2024-10-13 16:57:12,043 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 129/138 +[2024-10-13 16:57:12,271 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 130/138 +[2024-10-13 16:57:12,499 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 131/138 +[2024-10-13 16:57:12,727 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 132/138 +[2024-10-13 16:57:12,955 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 133/138 +[2024-10-13 16:57:13,183 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 134/138 +[2024-10-13 16:57:13,410 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 135/138 +[2024-10-13 16:57:13,638 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 136/138 +[2024-10-13 16:57:13,866 INFO test.py line 186 25394] Test: 278/312-scene0616_00, Batch: 137/138 +[2024-10-13 16:57:14,255 INFO test.py line 272 25394] Test: scene0616_00 [278/312]-310248 Batch 32.018 (18.977) Accuracy 0.8449 (0.4883) mIoU 0.5394 (0.3712) +[2024-10-13 16:57:14,386 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 0/121 +[2024-10-13 16:57:14,501 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 1/121 +[2024-10-13 16:57:14,616 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 2/121 +[2024-10-13 16:57:14,731 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 3/121 +[2024-10-13 16:57:14,846 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 4/121 +[2024-10-13 16:57:14,961 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 5/121 +[2024-10-13 16:57:15,076 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 6/121 +[2024-10-13 16:57:15,191 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 7/121 +[2024-10-13 16:57:15,305 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 8/121 +[2024-10-13 16:57:15,421 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 9/121 +[2024-10-13 16:57:15,536 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 10/121 +[2024-10-13 16:57:15,651 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 11/121 +[2024-10-13 16:57:15,767 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 12/121 +[2024-10-13 16:57:15,882 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 13/121 +[2024-10-13 16:57:15,997 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 14/121 +[2024-10-13 16:57:16,113 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 15/121 +[2024-10-13 16:57:16,228 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 16/121 +[2024-10-13 16:57:16,343 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 17/121 +[2024-10-13 16:57:16,458 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 18/121 +[2024-10-13 16:57:16,574 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 19/121 +[2024-10-13 16:57:16,688 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 20/121 +[2024-10-13 16:57:16,803 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 21/121 +[2024-10-13 16:57:16,919 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 22/121 +[2024-10-13 16:57:17,034 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 23/121 +[2024-10-13 16:57:17,149 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 24/121 +[2024-10-13 16:57:17,264 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 25/121 +[2024-10-13 16:57:17,379 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 26/121 +[2024-10-13 16:57:17,494 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 27/121 +[2024-10-13 16:57:17,610 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 28/121 +[2024-10-13 16:57:17,725 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 29/121 +[2024-10-13 16:57:17,840 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 30/121 +[2024-10-13 16:57:17,956 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 31/121 +[2024-10-13 16:57:18,071 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 32/121 +[2024-10-13 16:57:18,224 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 33/121 +[2024-10-13 16:57:18,341 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 34/121 +[2024-10-13 16:57:18,458 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 35/121 +[2024-10-13 16:57:18,567 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 36/121 +[2024-10-13 16:57:18,675 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 37/121 +[2024-10-13 16:57:18,784 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 38/121 +[2024-10-13 16:57:18,893 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 39/121 +[2024-10-13 16:57:19,002 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 40/121 +[2024-10-13 16:57:19,110 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 41/121 +[2024-10-13 16:57:19,219 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 42/121 +[2024-10-13 16:57:19,328 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 43/121 +[2024-10-13 16:57:19,437 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 44/121 +[2024-10-13 16:57:19,546 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 45/121 +[2024-10-13 16:57:19,654 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 46/121 +[2024-10-13 16:57:19,765 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 47/121 +[2024-10-13 16:57:19,875 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 48/121 +[2024-10-13 16:57:19,985 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 49/121 +[2024-10-13 16:57:20,095 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 50/121 +[2024-10-13 16:57:20,205 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 51/121 +[2024-10-13 16:57:20,316 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 52/121 +[2024-10-13 16:57:20,426 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 53/121 +[2024-10-13 16:57:20,537 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 54/121 +[2024-10-13 16:57:20,647 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 55/121 +[2024-10-13 16:57:20,757 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 56/121 +[2024-10-13 16:57:20,868 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 57/121 +[2024-10-13 16:57:20,977 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 58/121 +[2024-10-13 16:57:21,086 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 59/121 +[2024-10-13 16:57:21,195 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 60/121 +[2024-10-13 16:57:21,304 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 61/121 +[2024-10-13 16:57:21,413 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 62/121 +[2024-10-13 16:57:21,522 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 63/121 +[2024-10-13 16:57:21,631 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 64/121 +[2024-10-13 16:57:21,739 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 65/121 +[2024-10-13 16:57:21,850 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 66/121 +[2024-10-13 16:57:21,959 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 67/121 +[2024-10-13 16:57:22,067 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 68/121 +[2024-10-13 16:57:22,177 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 69/121 +[2024-10-13 16:57:22,287 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 70/121 +[2024-10-13 16:57:22,397 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 71/121 +[2024-10-13 16:57:22,507 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 72/121 +[2024-10-13 16:57:22,617 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 73/121 +[2024-10-13 16:57:22,727 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 74/121 +[2024-10-13 16:57:22,837 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 75/121 +[2024-10-13 16:57:22,946 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 76/121 +[2024-10-13 16:57:23,056 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 77/121 +[2024-10-13 16:57:23,166 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 78/121 +[2024-10-13 16:57:23,276 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 79/121 +[2024-10-13 16:57:23,397 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 80/121 +[2024-10-13 16:57:23,518 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 81/121 +[2024-10-13 16:57:23,640 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 82/121 +[2024-10-13 16:57:23,762 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 83/121 +[2024-10-13 16:57:23,884 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 84/121 +[2024-10-13 16:57:24,005 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 85/121 +[2024-10-13 16:57:24,127 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 86/121 +[2024-10-13 16:57:24,249 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 87/121 +[2024-10-13 16:57:24,371 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 88/121 +[2024-10-13 16:57:24,493 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 89/121 +[2024-10-13 16:57:24,615 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 90/121 +[2024-10-13 16:57:24,737 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 91/121 +[2024-10-13 16:57:24,860 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 92/121 +[2024-10-13 16:57:24,982 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 93/121 +[2024-10-13 16:57:25,104 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 94/121 +[2024-10-13 16:57:25,227 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 95/121 +[2024-10-13 16:57:25,348 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 96/121 +[2024-10-13 16:57:25,470 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 97/121 +[2024-10-13 16:57:25,592 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 98/121 +[2024-10-13 16:57:25,714 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 99/121 +[2024-10-13 16:57:25,835 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 100/121 +[2024-10-13 16:57:25,957 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 101/121 +[2024-10-13 16:57:26,079 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 102/121 +[2024-10-13 16:57:26,201 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 103/121 +[2024-10-13 16:57:26,323 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 104/121 +[2024-10-13 16:57:26,445 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 105/121 +[2024-10-13 16:57:26,567 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 106/121 +[2024-10-13 16:57:26,689 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 107/121 +[2024-10-13 16:57:26,811 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 108/121 +[2024-10-13 16:57:26,932 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 109/121 +[2024-10-13 16:57:27,054 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 110/121 +[2024-10-13 16:57:27,176 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 111/121 +[2024-10-13 16:57:27,291 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 112/121 +[2024-10-13 16:57:27,406 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 113/121 +[2024-10-13 16:57:27,521 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 114/121 +[2024-10-13 16:57:27,636 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 115/121 +[2024-10-13 16:57:27,751 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 116/121 +[2024-10-13 16:57:27,866 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 117/121 +[2024-10-13 16:57:27,981 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 118/121 +[2024-10-13 16:57:28,096 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 119/121 +[2024-10-13 16:57:28,211 INFO test.py line 186 25394] Test: 279/312-scene0651_02, Batch: 120/121 +[2024-10-13 16:57:28,370 INFO test.py line 272 25394] Test: scene0651_02 [279/312]-124048 Batch 14.114 (18.960) Accuracy 0.9404 (0.4885) mIoU 0.6503 (0.3715) +[2024-10-13 16:57:28,666 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 0/126 +[2024-10-13 16:57:28,917 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 1/126 +[2024-10-13 16:57:29,167 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 2/126 +[2024-10-13 16:57:29,418 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 3/126 +[2024-10-13 16:57:29,669 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 4/126 +[2024-10-13 16:57:29,920 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 5/126 +[2024-10-13 16:57:30,183 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 6/126 +[2024-10-13 16:57:30,434 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 7/126 +[2024-10-13 16:57:30,684 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 8/126 +[2024-10-13 16:57:30,935 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 9/126 +[2024-10-13 16:57:31,184 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 10/126 +[2024-10-13 16:57:31,434 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 11/126 +[2024-10-13 16:57:31,684 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 12/126 +[2024-10-13 16:57:31,934 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 13/126 +[2024-10-13 16:57:32,184 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 14/126 +[2024-10-13 16:57:32,433 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 15/126 +[2024-10-13 16:57:32,683 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 16/126 +[2024-10-13 16:57:32,935 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 17/126 +[2024-10-13 16:57:33,185 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 18/126 +[2024-10-13 16:57:33,436 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 19/126 +[2024-10-13 16:57:33,686 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 20/126 +[2024-10-13 16:57:33,937 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 21/126 +[2024-10-13 16:57:34,187 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 22/126 +[2024-10-13 16:57:34,437 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 23/126 +[2024-10-13 16:57:34,688 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 24/126 +[2024-10-13 16:57:34,938 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 25/126 +[2024-10-13 16:57:35,188 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 26/126 +[2024-10-13 16:57:35,439 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 27/126 +[2024-10-13 16:57:35,689 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 28/126 +[2024-10-13 16:57:35,940 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 29/126 +[2024-10-13 16:57:36,189 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 30/126 +[2024-10-13 16:57:36,439 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 31/126 +[2024-10-13 16:57:36,689 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 32/126 +[2024-10-13 16:57:36,940 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 33/126 +[2024-10-13 16:57:37,189 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 34/126 +[2024-10-13 16:57:37,440 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 35/126 +[2024-10-13 16:57:37,690 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 36/126 +[2024-10-13 16:57:37,940 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 37/126 +[2024-10-13 16:57:38,191 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 38/126 +[2024-10-13 16:57:38,440 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 39/126 +[2024-10-13 16:57:38,673 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 40/126 +[2024-10-13 16:57:38,906 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 41/126 +[2024-10-13 16:57:39,139 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 42/126 +[2024-10-13 16:57:39,371 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 43/126 +[2024-10-13 16:57:39,604 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 44/126 +[2024-10-13 16:57:39,837 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 45/126 +[2024-10-13 16:57:40,069 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 46/126 +[2024-10-13 16:57:40,302 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 47/126 +[2024-10-13 16:57:40,535 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 48/126 +[2024-10-13 16:57:40,767 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 49/126 +[2024-10-13 16:57:41,001 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 50/126 +[2024-10-13 16:57:41,234 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 51/126 +[2024-10-13 16:57:41,467 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 52/126 +[2024-10-13 16:57:41,700 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 53/126 +[2024-10-13 16:57:41,933 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 54/126 +[2024-10-13 16:57:42,166 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 55/126 +[2024-10-13 16:57:42,399 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 56/126 +[2024-10-13 16:57:42,632 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 57/126 +[2024-10-13 16:57:42,865 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 58/126 +[2024-10-13 16:57:43,098 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 59/126 +[2024-10-13 16:57:43,330 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 60/126 +[2024-10-13 16:57:43,564 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 61/126 +[2024-10-13 16:57:43,797 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 62/126 +[2024-10-13 16:57:44,030 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 63/126 +[2024-10-13 16:57:44,263 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 64/126 +[2024-10-13 16:57:44,496 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 65/126 +[2024-10-13 16:57:44,729 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 66/126 +[2024-10-13 16:57:44,962 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 67/126 +[2024-10-13 16:57:45,195 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 68/126 +[2024-10-13 16:57:45,429 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 69/126 +[2024-10-13 16:57:45,662 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 70/126 +[2024-10-13 16:57:45,895 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 71/126 +[2024-10-13 16:57:46,127 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 72/126 +[2024-10-13 16:57:46,360 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 73/126 +[2024-10-13 16:57:46,594 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 74/126 +[2024-10-13 16:57:46,828 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 75/126 +[2024-10-13 16:57:47,061 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 76/126 +[2024-10-13 16:57:47,294 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 77/126 +[2024-10-13 16:57:47,527 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 78/126 +[2024-10-13 16:57:47,760 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 79/126 +[2024-10-13 16:57:48,028 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 80/126 +[2024-10-13 16:57:48,295 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 81/126 +[2024-10-13 16:57:48,562 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 82/126 +[2024-10-13 16:57:48,828 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 83/126 +[2024-10-13 16:57:49,096 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 84/126 +[2024-10-13 16:57:49,363 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 85/126 +[2024-10-13 16:57:49,630 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 86/126 +[2024-10-13 16:57:49,897 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 87/126 +[2024-10-13 16:57:50,163 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 88/126 +[2024-10-13 16:57:50,430 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 89/126 +[2024-10-13 16:57:50,697 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 90/126 +[2024-10-13 16:57:50,964 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 91/126 +[2024-10-13 16:57:51,231 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 92/126 +[2024-10-13 16:57:51,499 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 93/126 +[2024-10-13 16:57:51,766 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 94/126 +[2024-10-13 16:57:52,032 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 95/126 +[2024-10-13 16:57:52,299 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 96/126 +[2024-10-13 16:57:52,566 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 97/126 +[2024-10-13 16:57:52,832 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 98/126 +[2024-10-13 16:57:53,100 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 99/126 +[2024-10-13 16:57:53,367 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 100/126 +[2024-10-13 16:57:53,633 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 101/126 +[2024-10-13 16:57:53,900 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 102/126 +[2024-10-13 16:57:54,167 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 103/126 +[2024-10-13 16:57:54,434 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 104/126 +[2024-10-13 16:57:54,701 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 105/126 +[2024-10-13 16:57:54,968 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 106/126 +[2024-10-13 16:57:55,235 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 107/126 +[2024-10-13 16:57:55,503 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 108/126 +[2024-10-13 16:57:55,769 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 109/126 +[2024-10-13 16:57:56,036 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 110/126 +[2024-10-13 16:57:56,304 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 111/126 +[2024-10-13 16:57:56,571 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 112/126 +[2024-10-13 16:57:56,838 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 113/126 +[2024-10-13 16:57:57,105 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 114/126 +[2024-10-13 16:57:57,372 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 115/126 +[2024-10-13 16:57:57,622 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 116/126 +[2024-10-13 16:57:57,874 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 117/126 +[2024-10-13 16:57:58,125 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 118/126 +[2024-10-13 16:57:58,374 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 119/126 +[2024-10-13 16:57:58,625 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 120/126 +[2024-10-13 16:57:58,875 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 121/126 +[2024-10-13 16:57:59,126 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 122/126 +[2024-10-13 16:57:59,377 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 123/126 +[2024-10-13 16:57:59,627 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 124/126 +[2024-10-13 16:57:59,877 INFO test.py line 186 25394] Test: 280/312-scene0207_00, Batch: 125/126 +[2024-10-13 16:58:00,267 INFO test.py line 272 25394] Test: scene0207_00 [280/312]-304396 Batch 31.897 (19.006) Accuracy 0.8005 (0.4884) mIoU 0.4335 (0.3706) +[2024-10-13 16:58:00,437 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 0/131 +[2024-10-13 16:58:00,582 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 1/131 +[2024-10-13 16:58:00,727 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 2/131 +[2024-10-13 16:58:00,872 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 3/131 +[2024-10-13 16:58:01,016 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 4/131 +[2024-10-13 16:58:01,161 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 5/131 +[2024-10-13 16:58:01,306 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 6/131 +[2024-10-13 16:58:01,451 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 7/131 +[2024-10-13 16:58:01,596 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 8/131 +[2024-10-13 16:58:01,740 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 9/131 +[2024-10-13 16:58:01,885 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 10/131 +[2024-10-13 16:58:02,030 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 11/131 +[2024-10-13 16:58:02,175 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 12/131 +[2024-10-13 16:58:02,320 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 13/131 +[2024-10-13 16:58:02,465 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 14/131 +[2024-10-13 16:58:02,610 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 15/131 +[2024-10-13 16:58:02,755 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 16/131 +[2024-10-13 16:58:02,900 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 17/131 +[2024-10-13 16:58:03,046 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 18/131 +[2024-10-13 16:58:03,191 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 19/131 +[2024-10-13 16:58:03,368 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 20/131 +[2024-10-13 16:58:03,514 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 21/131 +[2024-10-13 16:58:03,660 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 22/131 +[2024-10-13 16:58:03,805 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 23/131 +[2024-10-13 16:58:03,950 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 24/131 +[2024-10-13 16:58:04,095 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 25/131 +[2024-10-13 16:58:04,240 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 26/131 +[2024-10-13 16:58:04,385 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 27/131 +[2024-10-13 16:58:04,531 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 28/131 +[2024-10-13 16:58:04,676 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 29/131 +[2024-10-13 16:58:04,821 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 30/131 +[2024-10-13 16:58:04,966 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 31/131 +[2024-10-13 16:58:05,111 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 32/131 +[2024-10-13 16:58:05,255 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 33/131 +[2024-10-13 16:58:05,399 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 34/131 +[2024-10-13 16:58:05,543 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 35/131 +[2024-10-13 16:58:05,687 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 36/131 +[2024-10-13 16:58:05,831 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 37/131 +[2024-10-13 16:58:05,975 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 38/131 +[2024-10-13 16:58:06,119 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 39/131 +[2024-10-13 16:58:06,263 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 40/131 +[2024-10-13 16:58:06,407 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 41/131 +[2024-10-13 16:58:06,551 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 42/131 +[2024-10-13 16:58:06,694 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 43/131 +[2024-10-13 16:58:06,831 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 44/131 +[2024-10-13 16:58:06,967 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 45/131 +[2024-10-13 16:58:07,104 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 46/131 +[2024-10-13 16:58:07,240 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 47/131 +[2024-10-13 16:58:07,376 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 48/131 +[2024-10-13 16:58:07,513 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 49/131 +[2024-10-13 16:58:07,649 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 50/131 +[2024-10-13 16:58:07,785 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 51/131 +[2024-10-13 16:58:07,921 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 52/131 +[2024-10-13 16:58:08,058 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 53/131 +[2024-10-13 16:58:08,194 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 54/131 +[2024-10-13 16:58:08,330 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 55/131 +[2024-10-13 16:58:08,466 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 56/131 +[2024-10-13 16:58:08,602 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 57/131 +[2024-10-13 16:58:08,738 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 58/131 +[2024-10-13 16:58:08,874 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 59/131 +[2024-10-13 16:58:09,010 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 60/131 +[2024-10-13 16:58:09,146 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 61/131 +[2024-10-13 16:58:09,282 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 62/131 +[2024-10-13 16:58:09,418 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 63/131 +[2024-10-13 16:58:09,554 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 64/131 +[2024-10-13 16:58:09,690 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 65/131 +[2024-10-13 16:58:09,826 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 66/131 +[2024-10-13 16:58:09,962 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 67/131 +[2024-10-13 16:58:10,098 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 68/131 +[2024-10-13 16:58:10,234 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 69/131 +[2024-10-13 16:58:10,371 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 70/131 +[2024-10-13 16:58:10,507 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 71/131 +[2024-10-13 16:58:10,643 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 72/131 +[2024-10-13 16:58:10,779 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 73/131 +[2024-10-13 16:58:10,915 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 74/131 +[2024-10-13 16:58:11,051 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 75/131 +[2024-10-13 16:58:11,187 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 76/131 +[2024-10-13 16:58:11,324 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 77/131 +[2024-10-13 16:58:11,460 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 78/131 +[2024-10-13 16:58:11,596 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 79/131 +[2024-10-13 16:58:11,732 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 80/131 +[2024-10-13 16:58:11,869 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 81/131 +[2024-10-13 16:58:12,005 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 82/131 +[2024-10-13 16:58:12,141 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 83/131 +[2024-10-13 16:58:12,277 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 84/131 +[2024-10-13 16:58:12,413 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 85/131 +[2024-10-13 16:58:12,549 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 86/131 +[2024-10-13 16:58:12,686 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 87/131 +[2024-10-13 16:58:12,839 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 88/131 +[2024-10-13 16:58:12,992 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 89/131 +[2024-10-13 16:58:13,144 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 90/131 +[2024-10-13 16:58:13,297 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 91/131 +[2024-10-13 16:58:13,450 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 92/131 +[2024-10-13 16:58:13,603 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 93/131 +[2024-10-13 16:58:13,757 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 94/131 +[2024-10-13 16:58:13,910 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 95/131 +[2024-10-13 16:58:14,063 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 96/131 +[2024-10-13 16:58:14,217 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 97/131 +[2024-10-13 16:58:14,370 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 98/131 +[2024-10-13 16:58:14,524 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 99/131 +[2024-10-13 16:58:14,677 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 100/131 +[2024-10-13 16:58:14,830 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 101/131 +[2024-10-13 16:58:14,984 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 102/131 +[2024-10-13 16:58:15,137 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 103/131 +[2024-10-13 16:58:15,290 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 104/131 +[2024-10-13 16:58:15,444 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 105/131 +[2024-10-13 16:58:15,597 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 106/131 +[2024-10-13 16:58:15,751 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 107/131 +[2024-10-13 16:58:15,904 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 108/131 +[2024-10-13 16:58:16,058 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 109/131 +[2024-10-13 16:58:16,211 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 110/131 +[2024-10-13 16:58:16,365 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 111/131 +[2024-10-13 16:58:16,518 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 112/131 +[2024-10-13 16:58:16,671 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 113/131 +[2024-10-13 16:58:16,825 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 114/131 +[2024-10-13 16:58:16,978 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 115/131 +[2024-10-13 16:58:17,131 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 116/131 +[2024-10-13 16:58:17,285 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 117/131 +[2024-10-13 16:58:17,438 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 118/131 +[2024-10-13 16:58:17,591 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 119/131 +[2024-10-13 16:58:17,736 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 120/131 +[2024-10-13 16:58:17,881 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 121/131 +[2024-10-13 16:58:18,026 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 122/131 +[2024-10-13 16:58:18,171 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 123/131 +[2024-10-13 16:58:18,316 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 124/131 +[2024-10-13 16:58:18,461 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 125/131 +[2024-10-13 16:58:18,606 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 126/131 +[2024-10-13 16:58:18,751 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 127/131 +[2024-10-13 16:58:18,896 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 128/131 +[2024-10-13 16:58:19,041 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 129/131 +[2024-10-13 16:58:19,186 INFO test.py line 186 25394] Test: 281/312-scene0378_02, Batch: 130/131 +[2024-10-13 16:58:19,400 INFO test.py line 272 25394] Test: scene0378_02 [281/312]-161593 Batch 19.133 (19.007) Accuracy 0.8946 (0.4886) mIoU 0.4775 (0.3708) +[2024-10-13 16:58:19,501 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 0/113 +[2024-10-13 16:58:19,587 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 1/113 +[2024-10-13 16:58:19,675 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 2/113 +[2024-10-13 16:58:19,761 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 3/113 +[2024-10-13 16:58:19,847 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 4/113 +[2024-10-13 16:58:19,933 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 5/113 +[2024-10-13 16:58:20,020 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 6/113 +[2024-10-13 16:58:20,106 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 7/113 +[2024-10-13 16:58:20,192 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 8/113 +[2024-10-13 16:58:20,279 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 9/113 +[2024-10-13 16:58:20,365 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 10/113 +[2024-10-13 16:58:20,451 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 11/113 +[2024-10-13 16:58:20,538 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 12/113 +[2024-10-13 16:58:20,624 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 13/113 +[2024-10-13 16:58:20,714 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 14/113 +[2024-10-13 16:58:20,801 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 15/113 +[2024-10-13 16:58:20,887 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 16/113 +[2024-10-13 16:58:20,973 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 17/113 +[2024-10-13 16:58:21,060 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 18/113 +[2024-10-13 16:58:21,146 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 19/113 +[2024-10-13 16:58:21,232 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 20/113 +[2024-10-13 16:58:21,319 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 21/113 +[2024-10-13 16:58:21,405 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 22/113 +[2024-10-13 16:58:21,492 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 23/113 +[2024-10-13 16:58:21,578 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 24/113 +[2024-10-13 16:58:21,664 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 25/113 +[2024-10-13 16:58:21,751 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 26/113 +[2024-10-13 16:58:21,837 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 27/113 +[2024-10-13 16:58:21,924 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 28/113 +[2024-10-13 16:58:22,010 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 29/113 +[2024-10-13 16:58:22,097 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 30/113 +[2024-10-13 16:58:22,183 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 31/113 +[2024-10-13 16:58:22,269 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 32/113 +[2024-10-13 16:58:22,356 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 33/113 +[2024-10-13 16:58:22,442 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 34/113 +[2024-10-13 16:58:22,528 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 35/113 +[2024-10-13 16:58:22,611 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 36/113 +[2024-10-13 16:58:22,694 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 37/113 +[2024-10-13 16:58:22,778 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 38/113 +[2024-10-13 16:58:22,861 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 39/113 +[2024-10-13 16:58:22,944 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 40/113 +[2024-10-13 16:58:23,027 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 41/113 +[2024-10-13 16:58:23,112 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 42/113 +[2024-10-13 16:58:23,222 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 43/113 +[2024-10-13 16:58:23,306 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 44/113 +[2024-10-13 16:58:23,390 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 45/113 +[2024-10-13 16:58:23,473 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 46/113 +[2024-10-13 16:58:23,556 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 47/113 +[2024-10-13 16:58:23,639 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 48/113 +[2024-10-13 16:58:23,721 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 49/113 +[2024-10-13 16:58:23,804 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 50/113 +[2024-10-13 16:58:23,887 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 51/113 +[2024-10-13 16:58:23,969 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 52/113 +[2024-10-13 16:58:24,052 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 53/113 +[2024-10-13 16:58:24,135 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 54/113 +[2024-10-13 16:58:24,218 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 55/113 +[2024-10-13 16:58:24,301 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 56/113 +[2024-10-13 16:58:24,384 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 57/113 +[2024-10-13 16:58:24,467 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 58/113 +[2024-10-13 16:58:24,549 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 59/113 +[2024-10-13 16:58:24,632 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 60/113 +[2024-10-13 16:58:24,715 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 61/113 +[2024-10-13 16:58:24,798 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 62/113 +[2024-10-13 16:58:24,881 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 63/113 +[2024-10-13 16:58:24,964 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 64/113 +[2024-10-13 16:58:25,049 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 65/113 +[2024-10-13 16:58:25,132 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 66/113 +[2024-10-13 16:58:25,215 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 67/113 +[2024-10-13 16:58:25,298 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 68/113 +[2024-10-13 16:58:25,381 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 69/113 +[2024-10-13 16:58:25,464 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 70/113 +[2024-10-13 16:58:25,547 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 71/113 +[2024-10-13 16:58:25,638 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 72/113 +[2024-10-13 16:58:25,729 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 73/113 +[2024-10-13 16:58:25,823 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 74/113 +[2024-10-13 16:58:25,914 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 75/113 +[2024-10-13 16:58:26,005 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 76/113 +[2024-10-13 16:58:26,096 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 77/113 +[2024-10-13 16:58:26,187 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 78/113 +[2024-10-13 16:58:26,279 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 79/113 +[2024-10-13 16:58:26,369 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 80/113 +[2024-10-13 16:58:26,460 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 81/113 +[2024-10-13 16:58:26,551 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 82/113 +[2024-10-13 16:58:26,642 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 83/113 +[2024-10-13 16:58:26,734 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 84/113 +[2024-10-13 16:58:26,825 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 85/113 +[2024-10-13 16:58:26,916 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 86/113 +[2024-10-13 16:58:27,007 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 87/113 +[2024-10-13 16:58:27,097 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 88/113 +[2024-10-13 16:58:27,188 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 89/113 +[2024-10-13 16:58:27,278 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 90/113 +[2024-10-13 16:58:27,369 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 91/113 +[2024-10-13 16:58:27,460 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 92/113 +[2024-10-13 16:58:27,550 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 93/113 +[2024-10-13 16:58:27,641 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 94/113 +[2024-10-13 16:58:27,732 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 95/113 +[2024-10-13 16:58:27,823 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 96/113 +[2024-10-13 16:58:27,915 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 97/113 +[2024-10-13 16:58:28,006 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 98/113 +[2024-10-13 16:58:28,097 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 99/113 +[2024-10-13 16:58:28,188 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 100/113 +[2024-10-13 16:58:28,279 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 101/113 +[2024-10-13 16:58:28,370 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 102/113 +[2024-10-13 16:58:28,462 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 103/113 +[2024-10-13 16:58:28,548 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 104/113 +[2024-10-13 16:58:28,634 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 105/113 +[2024-10-13 16:58:28,721 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 106/113 +[2024-10-13 16:58:28,807 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 107/113 +[2024-10-13 16:58:28,894 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 108/113 +[2024-10-13 16:58:28,980 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 109/113 +[2024-10-13 16:58:29,066 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 110/113 +[2024-10-13 16:58:29,152 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 111/113 +[2024-10-13 16:58:29,239 INFO test.py line 186 25394] Test: 282/312-scene0277_00, Batch: 112/113 +[2024-10-13 16:58:29,345 INFO test.py line 272 25394] Test: scene0277_00 [282/312]-79184 Batch 9.945 (18.974) Accuracy 0.9040 (0.4886) mIoU 0.6596 (0.3709) +[2024-10-13 16:58:29,502 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 0/113 +[2024-10-13 16:58:29,633 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 1/113 +[2024-10-13 16:58:29,764 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 2/113 +[2024-10-13 16:58:29,895 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 3/113 +[2024-10-13 16:58:30,026 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 4/113 +[2024-10-13 16:58:30,156 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 5/113 +[2024-10-13 16:58:30,287 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 6/113 +[2024-10-13 16:58:30,418 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 7/113 +[2024-10-13 16:58:30,548 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 8/113 +[2024-10-13 16:58:30,679 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 9/113 +[2024-10-13 16:58:30,810 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 10/113 +[2024-10-13 16:58:30,942 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 11/113 +[2024-10-13 16:58:31,073 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 12/113 +[2024-10-13 16:58:31,204 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 13/113 +[2024-10-13 16:58:31,335 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 14/113 +[2024-10-13 16:58:31,467 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 15/113 +[2024-10-13 16:58:31,606 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 16/113 +[2024-10-13 16:58:31,769 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 17/113 +[2024-10-13 16:58:31,902 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 18/113 +[2024-10-13 16:58:32,034 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 19/113 +[2024-10-13 16:58:32,166 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 20/113 +[2024-10-13 16:58:32,298 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 21/113 +[2024-10-13 16:58:32,430 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 22/113 +[2024-10-13 16:58:32,563 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 23/113 +[2024-10-13 16:58:32,695 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 24/113 +[2024-10-13 16:58:32,827 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 25/113 +[2024-10-13 16:58:32,959 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 26/113 +[2024-10-13 16:58:33,091 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 27/113 +[2024-10-13 16:58:33,223 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 28/113 +[2024-10-13 16:58:33,354 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 29/113 +[2024-10-13 16:58:33,486 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 30/113 +[2024-10-13 16:58:33,618 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 31/113 +[2024-10-13 16:58:33,750 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 32/113 +[2024-10-13 16:58:33,882 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 33/113 +[2024-10-13 16:58:34,014 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 34/113 +[2024-10-13 16:58:34,146 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 35/113 +[2024-10-13 16:58:34,270 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 36/113 +[2024-10-13 16:58:34,393 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 37/113 +[2024-10-13 16:58:34,517 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 38/113 +[2024-10-13 16:58:34,640 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 39/113 +[2024-10-13 16:58:34,764 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 40/113 +[2024-10-13 16:58:34,887 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 41/113 +[2024-10-13 16:58:35,011 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 42/113 +[2024-10-13 16:58:35,135 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 43/113 +[2024-10-13 16:58:35,258 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 44/113 +[2024-10-13 16:58:35,382 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 45/113 +[2024-10-13 16:58:35,506 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 46/113 +[2024-10-13 16:58:35,630 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 47/113 +[2024-10-13 16:58:35,753 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 48/113 +[2024-10-13 16:58:35,877 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 49/113 +[2024-10-13 16:58:36,001 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 50/113 +[2024-10-13 16:58:36,125 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 51/113 +[2024-10-13 16:58:36,249 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 52/113 +[2024-10-13 16:58:36,372 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 53/113 +[2024-10-13 16:58:36,496 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 54/113 +[2024-10-13 16:58:36,619 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 55/113 +[2024-10-13 16:58:36,743 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 56/113 +[2024-10-13 16:58:36,870 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 57/113 +[2024-10-13 16:58:36,993 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 58/113 +[2024-10-13 16:58:37,117 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 59/113 +[2024-10-13 16:58:37,240 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 60/113 +[2024-10-13 16:58:37,364 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 61/113 +[2024-10-13 16:58:37,488 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 62/113 +[2024-10-13 16:58:37,612 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 63/113 +[2024-10-13 16:58:37,735 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 64/113 +[2024-10-13 16:58:37,859 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 65/113 +[2024-10-13 16:58:37,983 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 66/113 +[2024-10-13 16:58:38,106 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 67/113 +[2024-10-13 16:58:38,230 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 68/113 +[2024-10-13 16:58:38,353 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 69/113 +[2024-10-13 16:58:38,477 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 70/113 +[2024-10-13 16:58:38,600 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 71/113 +[2024-10-13 16:58:38,739 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 72/113 +[2024-10-13 16:58:38,878 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 73/113 +[2024-10-13 16:58:39,017 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 74/113 +[2024-10-13 16:58:39,156 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 75/113 +[2024-10-13 16:58:39,295 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 76/113 +[2024-10-13 16:58:39,434 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 77/113 +[2024-10-13 16:58:39,573 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 78/113 +[2024-10-13 16:58:39,712 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 79/113 +[2024-10-13 16:58:39,852 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 80/113 +[2024-10-13 16:58:39,991 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 81/113 +[2024-10-13 16:58:40,131 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 82/113 +[2024-10-13 16:58:40,271 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 83/113 +[2024-10-13 16:58:40,410 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 84/113 +[2024-10-13 16:58:40,550 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 85/113 +[2024-10-13 16:58:40,689 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 86/113 +[2024-10-13 16:58:40,829 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 87/113 +[2024-10-13 16:58:40,968 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 88/113 +[2024-10-13 16:58:41,107 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 89/113 +[2024-10-13 16:58:41,246 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 90/113 +[2024-10-13 16:58:41,385 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 91/113 +[2024-10-13 16:58:41,524 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 92/113 +[2024-10-13 16:58:41,663 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 93/113 +[2024-10-13 16:58:41,802 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 94/113 +[2024-10-13 16:58:41,941 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 95/113 +[2024-10-13 16:58:42,080 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 96/113 +[2024-10-13 16:58:42,219 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 97/113 +[2024-10-13 16:58:42,358 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 98/113 +[2024-10-13 16:58:42,497 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 99/113 +[2024-10-13 16:58:42,636 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 100/113 +[2024-10-13 16:58:42,775 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 101/113 +[2024-10-13 16:58:42,914 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 102/113 +[2024-10-13 16:58:43,054 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 103/113 +[2024-10-13 16:58:43,186 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 104/113 +[2024-10-13 16:58:43,318 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 105/113 +[2024-10-13 16:58:43,450 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 106/113 +[2024-10-13 16:58:43,582 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 107/113 +[2024-10-13 16:58:43,714 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 108/113 +[2024-10-13 16:58:43,847 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 109/113 +[2024-10-13 16:58:43,979 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 110/113 +[2024-10-13 16:58:44,111 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 111/113 +[2024-10-13 16:58:44,243 INFO test.py line 186 25394] Test: 283/312-scene0196_00, Batch: 112/113 +[2024-10-13 16:58:44,427 INFO test.py line 272 25394] Test: scene0196_00 [283/312]-146032 Batch 15.081 (18.961) Accuracy 0.9037 (0.4886) mIoU 0.5745 (0.3709) +[2024-10-13 16:58:44,599 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 0/121 +[2024-10-13 16:58:44,744 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 1/121 +[2024-10-13 16:58:44,891 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 2/121 +[2024-10-13 16:58:45,037 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 3/121 +[2024-10-13 16:58:45,183 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 4/121 +[2024-10-13 16:58:45,328 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 5/121 +[2024-10-13 16:58:45,474 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 6/121 +[2024-10-13 16:58:45,620 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 7/121 +[2024-10-13 16:58:45,766 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 8/121 +[2024-10-13 16:58:45,912 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 9/121 +[2024-10-13 16:58:46,059 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 10/121 +[2024-10-13 16:58:46,204 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 11/121 +[2024-10-13 16:58:46,351 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 12/121 +[2024-10-13 16:58:46,497 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 13/121 +[2024-10-13 16:58:46,643 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 14/121 +[2024-10-13 16:58:46,789 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 15/121 +[2024-10-13 16:58:46,935 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 16/121 +[2024-10-13 16:58:47,081 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 17/121 +[2024-10-13 16:58:47,227 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 18/121 +[2024-10-13 16:58:47,373 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 19/121 +[2024-10-13 16:58:47,520 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 20/121 +[2024-10-13 16:58:47,666 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 21/121 +[2024-10-13 16:58:47,813 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 22/121 +[2024-10-13 16:58:47,959 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 23/121 +[2024-10-13 16:58:48,105 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 24/121 +[2024-10-13 16:58:48,252 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 25/121 +[2024-10-13 16:58:48,398 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 26/121 +[2024-10-13 16:58:48,545 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 27/121 +[2024-10-13 16:58:48,691 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 28/121 +[2024-10-13 16:58:48,837 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 29/121 +[2024-10-13 16:58:48,983 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 30/121 +[2024-10-13 16:58:49,129 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 31/121 +[2024-10-13 16:58:49,275 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 32/121 +[2024-10-13 16:58:49,421 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 33/121 +[2024-10-13 16:58:49,568 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 34/121 +[2024-10-13 16:58:49,714 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 35/121 +[2024-10-13 16:58:49,852 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 36/121 +[2024-10-13 16:58:49,990 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 37/121 +[2024-10-13 16:58:50,128 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 38/121 +[2024-10-13 16:58:50,303 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 39/121 +[2024-10-13 16:58:50,442 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 40/121 +[2024-10-13 16:58:50,580 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 41/121 +[2024-10-13 16:58:50,719 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 42/121 +[2024-10-13 16:58:50,856 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 43/121 +[2024-10-13 16:58:50,994 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 44/121 +[2024-10-13 16:58:51,132 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 45/121 +[2024-10-13 16:58:51,269 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 46/121 +[2024-10-13 16:58:51,407 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 47/121 +[2024-10-13 16:58:51,544 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 48/121 +[2024-10-13 16:58:51,681 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 49/121 +[2024-10-13 16:58:51,819 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 50/121 +[2024-10-13 16:58:51,956 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 51/121 +[2024-10-13 16:58:52,093 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 52/121 +[2024-10-13 16:58:52,230 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 53/121 +[2024-10-13 16:58:52,368 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 54/121 +[2024-10-13 16:58:52,505 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 55/121 +[2024-10-13 16:58:52,643 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 56/121 +[2024-10-13 16:58:52,780 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 57/121 +[2024-10-13 16:58:52,918 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 58/121 +[2024-10-13 16:58:53,055 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 59/121 +[2024-10-13 16:58:53,193 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 60/121 +[2024-10-13 16:58:53,331 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 61/121 +[2024-10-13 16:58:53,468 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 62/121 +[2024-10-13 16:58:53,606 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 63/121 +[2024-10-13 16:58:53,744 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 64/121 +[2024-10-13 16:58:53,882 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 65/121 +[2024-10-13 16:58:54,019 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 66/121 +[2024-10-13 16:58:54,157 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 67/121 +[2024-10-13 16:58:54,294 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 68/121 +[2024-10-13 16:58:54,432 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 69/121 +[2024-10-13 16:58:54,570 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 70/121 +[2024-10-13 16:58:54,708 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 71/121 +[2024-10-13 16:58:54,845 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 72/121 +[2024-10-13 16:58:54,983 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 73/121 +[2024-10-13 16:58:55,121 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 74/121 +[2024-10-13 16:58:55,259 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 75/121 +[2024-10-13 16:58:55,397 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 76/121 +[2024-10-13 16:58:55,534 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 77/121 +[2024-10-13 16:58:55,672 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 78/121 +[2024-10-13 16:58:55,810 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 79/121 +[2024-10-13 16:58:55,965 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 80/121 +[2024-10-13 16:58:56,121 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 81/121 +[2024-10-13 16:58:56,277 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 82/121 +[2024-10-13 16:58:56,433 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 83/121 +[2024-10-13 16:58:56,589 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 84/121 +[2024-10-13 16:58:56,744 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 85/121 +[2024-10-13 16:58:56,900 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 86/121 +[2024-10-13 16:58:57,056 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 87/121 +[2024-10-13 16:58:57,212 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 88/121 +[2024-10-13 16:58:57,368 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 89/121 +[2024-10-13 16:58:57,524 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 90/121 +[2024-10-13 16:58:57,680 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 91/121 +[2024-10-13 16:58:57,836 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 92/121 +[2024-10-13 16:58:57,993 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 93/121 +[2024-10-13 16:58:58,149 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 94/121 +[2024-10-13 16:58:58,304 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 95/121 +[2024-10-13 16:58:58,460 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 96/121 +[2024-10-13 16:58:58,616 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 97/121 +[2024-10-13 16:58:58,773 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 98/121 +[2024-10-13 16:58:58,929 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 99/121 +[2024-10-13 16:58:59,086 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 100/121 +[2024-10-13 16:58:59,242 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 101/121 +[2024-10-13 16:58:59,398 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 102/121 +[2024-10-13 16:58:59,554 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 103/121 +[2024-10-13 16:58:59,710 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 104/121 +[2024-10-13 16:58:59,867 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 105/121 +[2024-10-13 16:59:00,023 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 106/121 +[2024-10-13 16:59:00,179 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 107/121 +[2024-10-13 16:59:00,335 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 108/121 +[2024-10-13 16:59:00,491 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 109/121 +[2024-10-13 16:59:00,647 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 110/121 +[2024-10-13 16:59:00,804 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 111/121 +[2024-10-13 16:59:00,950 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 112/121 +[2024-10-13 16:59:01,096 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 113/121 +[2024-10-13 16:59:01,243 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 114/121 +[2024-10-13 16:59:01,389 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 115/121 +[2024-10-13 16:59:01,535 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 116/121 +[2024-10-13 16:59:01,681 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 117/121 +[2024-10-13 16:59:01,828 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 118/121 +[2024-10-13 16:59:01,974 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 119/121 +[2024-10-13 16:59:02,120 INFO test.py line 186 25394] Test: 284/312-scene0351_01, Batch: 120/121 +[2024-10-13 16:59:02,350 INFO test.py line 272 25394] Test: scene0351_01 [284/312]-170840 Batch 17.923 (18.957) Accuracy 0.8950 (0.4886) mIoU 0.4536 (0.3708) +[2024-10-13 16:59:02,456 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 0/151 +[2024-10-13 16:59:02,548 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 1/151 +[2024-10-13 16:59:02,640 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 2/151 +[2024-10-13 16:59:02,733 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 3/151 +[2024-10-13 16:59:02,825 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 4/151 +[2024-10-13 16:59:02,917 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 5/151 +[2024-10-13 16:59:03,010 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 6/151 +[2024-10-13 16:59:03,102 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 7/151 +[2024-10-13 16:59:03,195 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 8/151 +[2024-10-13 16:59:03,287 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 9/151 +[2024-10-13 16:59:03,379 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 10/151 +[2024-10-13 16:59:03,473 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 11/151 +[2024-10-13 16:59:03,566 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 12/151 +[2024-10-13 16:59:03,658 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 13/151 +[2024-10-13 16:59:03,751 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 14/151 +[2024-10-13 16:59:03,844 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 15/151 +[2024-10-13 16:59:03,936 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 16/151 +[2024-10-13 16:59:04,029 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 17/151 +[2024-10-13 16:59:04,122 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 18/151 +[2024-10-13 16:59:04,214 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 19/151 +[2024-10-13 16:59:04,307 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 20/151 +[2024-10-13 16:59:04,400 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 21/151 +[2024-10-13 16:59:04,492 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 22/151 +[2024-10-13 16:59:04,584 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 23/151 +[2024-10-13 16:59:04,676 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 24/151 +[2024-10-13 16:59:04,768 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 25/151 +[2024-10-13 16:59:04,861 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 26/151 +[2024-10-13 16:59:04,953 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 27/151 +[2024-10-13 16:59:05,045 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 28/151 +[2024-10-13 16:59:05,137 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 29/151 +[2024-10-13 16:59:05,229 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 30/151 +[2024-10-13 16:59:05,321 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 31/151 +[2024-10-13 16:59:05,414 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 32/151 +[2024-10-13 16:59:05,506 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 33/151 +[2024-10-13 16:59:05,598 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 34/151 +[2024-10-13 16:59:05,690 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 35/151 +[2024-10-13 16:59:05,782 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 36/151 +[2024-10-13 16:59:05,874 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 37/151 +[2024-10-13 16:59:05,967 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 38/151 +[2024-10-13 16:59:06,059 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 39/151 +[2024-10-13 16:59:06,151 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 40/151 +[2024-10-13 16:59:06,243 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 41/151 +[2024-10-13 16:59:06,335 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 42/151 +[2024-10-13 16:59:06,427 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 43/151 +[2024-10-13 16:59:06,516 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 44/151 +[2024-10-13 16:59:06,604 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 45/151 +[2024-10-13 16:59:06,692 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 46/151 +[2024-10-13 16:59:06,781 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 47/151 +[2024-10-13 16:59:06,869 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 48/151 +[2024-10-13 16:59:06,957 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 49/151 +[2024-10-13 16:59:07,046 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 50/151 +[2024-10-13 16:59:07,178 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 51/151 +[2024-10-13 16:59:07,267 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 52/151 +[2024-10-13 16:59:07,356 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 53/151 +[2024-10-13 16:59:07,446 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 54/151 +[2024-10-13 16:59:07,535 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 55/151 +[2024-10-13 16:59:07,623 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 56/151 +[2024-10-13 16:59:07,711 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 57/151 +[2024-10-13 16:59:07,799 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 58/151 +[2024-10-13 16:59:07,887 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 59/151 +[2024-10-13 16:59:07,975 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 60/151 +[2024-10-13 16:59:08,063 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 61/151 +[2024-10-13 16:59:08,151 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 62/151 +[2024-10-13 16:59:08,239 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 63/151 +[2024-10-13 16:59:08,328 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 64/151 +[2024-10-13 16:59:08,416 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 65/151 +[2024-10-13 16:59:08,504 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 66/151 +[2024-10-13 16:59:08,592 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 67/151 +[2024-10-13 16:59:08,680 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 68/151 +[2024-10-13 16:59:08,768 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 69/151 +[2024-10-13 16:59:08,861 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 70/151 +[2024-10-13 16:59:08,949 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 71/151 +[2024-10-13 16:59:09,037 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 72/151 +[2024-10-13 16:59:09,127 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 73/151 +[2024-10-13 16:59:09,215 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 74/151 +[2024-10-13 16:59:09,303 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 75/151 +[2024-10-13 16:59:09,391 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 76/151 +[2024-10-13 16:59:09,479 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 77/151 +[2024-10-13 16:59:09,568 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 78/151 +[2024-10-13 16:59:09,656 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 79/151 +[2024-10-13 16:59:09,744 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 80/151 +[2024-10-13 16:59:09,833 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 81/151 +[2024-10-13 16:59:09,921 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 82/151 +[2024-10-13 16:59:10,009 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 83/151 +[2024-10-13 16:59:10,097 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 84/151 +[2024-10-13 16:59:10,186 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 85/151 +[2024-10-13 16:59:10,274 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 86/151 +[2024-10-13 16:59:10,362 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 87/151 +[2024-10-13 16:59:10,450 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 88/151 +[2024-10-13 16:59:10,538 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 89/151 +[2024-10-13 16:59:10,627 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 90/151 +[2024-10-13 16:59:10,715 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 91/151 +[2024-10-13 16:59:10,803 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 92/151 +[2024-10-13 16:59:10,892 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 93/151 +[2024-10-13 16:59:10,980 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 94/151 +[2024-10-13 16:59:11,068 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 95/151 +[2024-10-13 16:59:11,165 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 96/151 +[2024-10-13 16:59:11,263 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 97/151 +[2024-10-13 16:59:11,361 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 98/151 +[2024-10-13 16:59:11,458 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 99/151 +[2024-10-13 16:59:11,556 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 100/151 +[2024-10-13 16:59:11,654 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 101/151 +[2024-10-13 16:59:11,752 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 102/151 +[2024-10-13 16:59:11,849 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 103/151 +[2024-10-13 16:59:11,947 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 104/151 +[2024-10-13 16:59:12,045 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 105/151 +[2024-10-13 16:59:12,143 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 106/151 +[2024-10-13 16:59:12,240 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 107/151 +[2024-10-13 16:59:12,338 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 108/151 +[2024-10-13 16:59:12,436 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 109/151 +[2024-10-13 16:59:12,534 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 110/151 +[2024-10-13 16:59:12,632 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 111/151 +[2024-10-13 16:59:12,730 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 112/151 +[2024-10-13 16:59:12,828 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 113/151 +[2024-10-13 16:59:12,926 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 114/151 +[2024-10-13 16:59:13,024 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 115/151 +[2024-10-13 16:59:13,121 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 116/151 +[2024-10-13 16:59:13,219 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 117/151 +[2024-10-13 16:59:13,317 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 118/151 +[2024-10-13 16:59:13,414 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 119/151 +[2024-10-13 16:59:13,512 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 120/151 +[2024-10-13 16:59:13,610 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 121/151 +[2024-10-13 16:59:13,711 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 122/151 +[2024-10-13 16:59:13,808 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 123/151 +[2024-10-13 16:59:13,906 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 124/151 +[2024-10-13 16:59:14,003 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 125/151 +[2024-10-13 16:59:14,101 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 126/151 +[2024-10-13 16:59:14,198 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 127/151 +[2024-10-13 16:59:14,296 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 128/151 +[2024-10-13 16:59:14,394 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 129/151 +[2024-10-13 16:59:14,492 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 130/151 +[2024-10-13 16:59:14,590 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 131/151 +[2024-10-13 16:59:14,688 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 132/151 +[2024-10-13 16:59:14,786 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 133/151 +[2024-10-13 16:59:14,884 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 134/151 +[2024-10-13 16:59:14,981 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 135/151 +[2024-10-13 16:59:15,079 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 136/151 +[2024-10-13 16:59:15,177 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 137/151 +[2024-10-13 16:59:15,275 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 138/151 +[2024-10-13 16:59:15,373 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 139/151 +[2024-10-13 16:59:15,465 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 140/151 +[2024-10-13 16:59:15,557 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 141/151 +[2024-10-13 16:59:15,649 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 142/151 +[2024-10-13 16:59:15,741 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 143/151 +[2024-10-13 16:59:15,833 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 144/151 +[2024-10-13 16:59:15,925 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 145/151 +[2024-10-13 16:59:16,018 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 146/151 +[2024-10-13 16:59:16,110 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 147/151 +[2024-10-13 16:59:16,202 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 148/151 +[2024-10-13 16:59:16,294 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 149/151 +[2024-10-13 16:59:16,386 INFO test.py line 186 25394] Test: 285/312-scene0164_02, Batch: 150/151 +[2024-10-13 16:59:16,531 INFO test.py line 272 25394] Test: scene0164_02 [285/312]-92825 Batch 14.180 (18.940) Accuracy 0.7886 (0.4872) mIoU 0.5289 (0.3707) +[2024-10-13 16:59:16,748 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 0/151 +[2024-10-13 16:59:16,931 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 1/151 +[2024-10-13 16:59:17,114 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 2/151 +[2024-10-13 16:59:17,296 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 3/151 +[2024-10-13 16:59:17,479 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 4/151 +[2024-10-13 16:59:17,662 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 5/151 +[2024-10-13 16:59:17,845 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 6/151 +[2024-10-13 16:59:18,027 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 7/151 +[2024-10-13 16:59:18,210 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 8/151 +[2024-10-13 16:59:18,392 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 9/151 +[2024-10-13 16:59:18,575 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 10/151 +[2024-10-13 16:59:18,787 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 11/151 +[2024-10-13 16:59:18,971 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 12/151 +[2024-10-13 16:59:19,155 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 13/151 +[2024-10-13 16:59:19,338 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 14/151 +[2024-10-13 16:59:19,521 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 15/151 +[2024-10-13 16:59:19,704 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 16/151 +[2024-10-13 16:59:19,887 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 17/151 +[2024-10-13 16:59:20,070 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 18/151 +[2024-10-13 16:59:20,254 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 19/151 +[2024-10-13 16:59:20,437 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 20/151 +[2024-10-13 16:59:20,620 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 21/151 +[2024-10-13 16:59:20,803 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 22/151 +[2024-10-13 16:59:20,986 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 23/151 +[2024-10-13 16:59:21,168 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 24/151 +[2024-10-13 16:59:21,350 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 25/151 +[2024-10-13 16:59:21,533 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 26/151 +[2024-10-13 16:59:21,716 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 27/151 +[2024-10-13 16:59:21,898 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 28/151 +[2024-10-13 16:59:22,081 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 29/151 +[2024-10-13 16:59:22,264 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 30/151 +[2024-10-13 16:59:22,446 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 31/151 +[2024-10-13 16:59:22,628 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 32/151 +[2024-10-13 16:59:22,810 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 33/151 +[2024-10-13 16:59:22,993 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 34/151 +[2024-10-13 16:59:23,176 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 35/151 +[2024-10-13 16:59:23,359 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 36/151 +[2024-10-13 16:59:23,542 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 37/151 +[2024-10-13 16:59:23,725 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 38/151 +[2024-10-13 16:59:23,907 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 39/151 +[2024-10-13 16:59:24,090 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 40/151 +[2024-10-13 16:59:24,272 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 41/151 +[2024-10-13 16:59:24,455 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 42/151 +[2024-10-13 16:59:24,638 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 43/151 +[2024-10-13 16:59:24,810 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 44/151 +[2024-10-13 16:59:24,981 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 45/151 +[2024-10-13 16:59:25,152 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 46/151 +[2024-10-13 16:59:25,323 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 47/151 +[2024-10-13 16:59:25,495 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 48/151 +[2024-10-13 16:59:25,666 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 49/151 +[2024-10-13 16:59:25,837 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 50/151 +[2024-10-13 16:59:26,008 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 51/151 +[2024-10-13 16:59:26,179 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 52/151 +[2024-10-13 16:59:26,351 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 53/151 +[2024-10-13 16:59:26,521 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 54/151 +[2024-10-13 16:59:26,692 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 55/151 +[2024-10-13 16:59:26,864 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 56/151 +[2024-10-13 16:59:27,035 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 57/151 +[2024-10-13 16:59:27,206 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 58/151 +[2024-10-13 16:59:27,377 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 59/151 +[2024-10-13 16:59:27,548 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 60/151 +[2024-10-13 16:59:27,720 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 61/151 +[2024-10-13 16:59:27,891 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 62/151 +[2024-10-13 16:59:28,062 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 63/151 +[2024-10-13 16:59:28,233 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 64/151 +[2024-10-13 16:59:28,405 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 65/151 +[2024-10-13 16:59:28,576 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 66/151 +[2024-10-13 16:59:28,747 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 67/151 +[2024-10-13 16:59:28,918 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 68/151 +[2024-10-13 16:59:29,088 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 69/151 +[2024-10-13 16:59:29,259 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 70/151 +[2024-10-13 16:59:29,431 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 71/151 +[2024-10-13 16:59:29,603 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 72/151 +[2024-10-13 16:59:29,775 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 73/151 +[2024-10-13 16:59:29,950 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 74/151 +[2024-10-13 16:59:30,122 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 75/151 +[2024-10-13 16:59:30,293 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 76/151 +[2024-10-13 16:59:30,465 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 77/151 +[2024-10-13 16:59:30,636 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 78/151 +[2024-10-13 16:59:30,808 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 79/151 +[2024-10-13 16:59:30,979 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 80/151 +[2024-10-13 16:59:31,151 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 81/151 +[2024-10-13 16:59:31,323 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 82/151 +[2024-10-13 16:59:31,494 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 83/151 +[2024-10-13 16:59:31,666 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 84/151 +[2024-10-13 16:59:31,836 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 85/151 +[2024-10-13 16:59:32,008 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 86/151 +[2024-10-13 16:59:32,179 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 87/151 +[2024-10-13 16:59:32,350 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 88/151 +[2024-10-13 16:59:32,521 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 89/151 +[2024-10-13 16:59:32,693 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 90/151 +[2024-10-13 16:59:32,864 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 91/151 +[2024-10-13 16:59:33,035 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 92/151 +[2024-10-13 16:59:33,207 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 93/151 +[2024-10-13 16:59:33,378 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 94/151 +[2024-10-13 16:59:33,549 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 95/151 +[2024-10-13 16:59:33,745 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 96/151 +[2024-10-13 16:59:33,940 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 97/151 +[2024-10-13 16:59:34,135 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 98/151 +[2024-10-13 16:59:34,330 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 99/151 +[2024-10-13 16:59:34,525 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 100/151 +[2024-10-13 16:59:34,720 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 101/151 +[2024-10-13 16:59:34,914 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 102/151 +[2024-10-13 16:59:35,109 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 103/151 +[2024-10-13 16:59:35,305 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 104/151 +[2024-10-13 16:59:35,500 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 105/151 +[2024-10-13 16:59:35,695 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 106/151 +[2024-10-13 16:59:35,890 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 107/151 +[2024-10-13 16:59:36,086 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 108/151 +[2024-10-13 16:59:36,281 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 109/151 +[2024-10-13 16:59:36,476 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 110/151 +[2024-10-13 16:59:36,671 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 111/151 +[2024-10-13 16:59:36,866 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 112/151 +[2024-10-13 16:59:37,061 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 113/151 +[2024-10-13 16:59:37,256 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 114/151 +[2024-10-13 16:59:37,451 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 115/151 +[2024-10-13 16:59:37,646 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 116/151 +[2024-10-13 16:59:37,841 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 117/151 +[2024-10-13 16:59:38,035 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 118/151 +[2024-10-13 16:59:38,230 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 119/151 +[2024-10-13 16:59:38,424 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 120/151 +[2024-10-13 16:59:38,619 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 121/151 +[2024-10-13 16:59:38,814 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 122/151 +[2024-10-13 16:59:39,008 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 123/151 +[2024-10-13 16:59:39,203 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 124/151 +[2024-10-13 16:59:39,397 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 125/151 +[2024-10-13 16:59:39,592 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 126/151 +[2024-10-13 16:59:39,786 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 127/151 +[2024-10-13 16:59:39,981 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 128/151 +[2024-10-13 16:59:40,176 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 129/151 +[2024-10-13 16:59:40,372 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 130/151 +[2024-10-13 16:59:40,566 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 131/151 +[2024-10-13 16:59:40,762 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 132/151 +[2024-10-13 16:59:40,957 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 133/151 +[2024-10-13 16:59:41,152 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 134/151 +[2024-10-13 16:59:41,348 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 135/151 +[2024-10-13 16:59:41,543 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 136/151 +[2024-10-13 16:59:41,738 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 137/151 +[2024-10-13 16:59:41,933 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 138/151 +[2024-10-13 16:59:42,128 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 139/151 +[2024-10-13 16:59:42,311 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 140/151 +[2024-10-13 16:59:42,493 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 141/151 +[2024-10-13 16:59:42,676 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 142/151 +[2024-10-13 16:59:42,859 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 143/151 +[2024-10-13 16:59:43,041 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 144/151 +[2024-10-13 16:59:43,223 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 145/151 +[2024-10-13 16:59:43,405 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 146/151 +[2024-10-13 16:59:43,588 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 147/151 +[2024-10-13 16:59:43,771 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 148/151 +[2024-10-13 16:59:43,953 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 149/151 +[2024-10-13 16:59:44,136 INFO test.py line 186 25394] Test: 286/312-scene0169_01, Batch: 150/151 +[2024-10-13 16:59:44,419 INFO test.py line 272 25394] Test: scene0169_01 [286/312]-228074 Batch 27.888 (18.972) Accuracy 0.8585 (0.4872) mIoU 0.6508 (0.3708) +[2024-10-13 16:59:44,609 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 0/138 +[2024-10-13 16:59:44,771 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 1/138 +[2024-10-13 16:59:44,932 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 2/138 +[2024-10-13 16:59:45,094 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 3/138 +[2024-10-13 16:59:45,256 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 4/138 +[2024-10-13 16:59:45,418 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 5/138 +[2024-10-13 16:59:45,579 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 6/138 +[2024-10-13 16:59:45,741 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 7/138 +[2024-10-13 16:59:45,904 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 8/138 +[2024-10-13 16:59:46,066 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 9/138 +[2024-10-13 16:59:46,227 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 10/138 +[2024-10-13 16:59:46,388 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 11/138 +[2024-10-13 16:59:46,550 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 12/138 +[2024-10-13 16:59:46,711 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 13/138 +[2024-10-13 16:59:46,873 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 14/138 +[2024-10-13 16:59:47,034 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 15/138 +[2024-10-13 16:59:47,196 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 16/138 +[2024-10-13 16:59:47,358 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 17/138 +[2024-10-13 16:59:47,521 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 18/138 +[2024-10-13 16:59:47,682 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 19/138 +[2024-10-13 16:59:47,844 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 20/138 +[2024-10-13 16:59:48,006 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 21/138 +[2024-10-13 16:59:48,168 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 22/138 +[2024-10-13 16:59:48,330 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 23/138 +[2024-10-13 16:59:48,492 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 24/138 +[2024-10-13 16:59:48,654 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 25/138 +[2024-10-13 16:59:48,817 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 26/138 +[2024-10-13 16:59:48,979 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 27/138 +[2024-10-13 16:59:49,142 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 28/138 +[2024-10-13 16:59:49,304 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 29/138 +[2024-10-13 16:59:49,466 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 30/138 +[2024-10-13 16:59:49,628 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 31/138 +[2024-10-13 16:59:49,790 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 32/138 +[2024-10-13 16:59:49,952 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 33/138 +[2024-10-13 16:59:50,115 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 34/138 +[2024-10-13 16:59:50,317 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 35/138 +[2024-10-13 16:59:50,480 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 36/138 +[2024-10-13 16:59:50,644 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 37/138 +[2024-10-13 16:59:50,806 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 38/138 +[2024-10-13 16:59:50,967 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 39/138 +[2024-10-13 16:59:51,122 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 40/138 +[2024-10-13 16:59:51,274 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 41/138 +[2024-10-13 16:59:51,427 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 42/138 +[2024-10-13 16:59:51,579 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 43/138 +[2024-10-13 16:59:51,730 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 44/138 +[2024-10-13 16:59:51,882 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 45/138 +[2024-10-13 16:59:52,035 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 46/138 +[2024-10-13 16:59:52,186 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 47/138 +[2024-10-13 16:59:52,338 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 48/138 +[2024-10-13 16:59:52,490 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 49/138 +[2024-10-13 16:59:52,642 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 50/138 +[2024-10-13 16:59:52,793 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 51/138 +[2024-10-13 16:59:52,945 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 52/138 +[2024-10-13 16:59:53,097 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 53/138 +[2024-10-13 16:59:53,249 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 54/138 +[2024-10-13 16:59:53,401 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 55/138 +[2024-10-13 16:59:53,552 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 56/138 +[2024-10-13 16:59:53,704 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 57/138 +[2024-10-13 16:59:53,856 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 58/138 +[2024-10-13 16:59:54,007 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 59/138 +[2024-10-13 16:59:54,159 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 60/138 +[2024-10-13 16:59:54,310 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 61/138 +[2024-10-13 16:59:54,462 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 62/138 +[2024-10-13 16:59:54,613 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 63/138 +[2024-10-13 16:59:54,765 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 64/138 +[2024-10-13 16:59:54,917 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 65/138 +[2024-10-13 16:59:55,069 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 66/138 +[2024-10-13 16:59:55,220 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 67/138 +[2024-10-13 16:59:55,371 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 68/138 +[2024-10-13 16:59:55,523 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 69/138 +[2024-10-13 16:59:55,675 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 70/138 +[2024-10-13 16:59:55,826 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 71/138 +[2024-10-13 16:59:55,978 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 72/138 +[2024-10-13 16:59:56,129 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 73/138 +[2024-10-13 16:59:56,279 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 74/138 +[2024-10-13 16:59:56,430 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 75/138 +[2024-10-13 16:59:56,582 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 76/138 +[2024-10-13 16:59:56,736 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 77/138 +[2024-10-13 16:59:56,887 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 78/138 +[2024-10-13 16:59:57,038 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 79/138 +[2024-10-13 16:59:57,189 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 80/138 +[2024-10-13 16:59:57,340 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 81/138 +[2024-10-13 16:59:57,491 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 82/138 +[2024-10-13 16:59:57,642 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 83/138 +[2024-10-13 16:59:57,815 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 84/138 +[2024-10-13 16:59:57,987 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 85/138 +[2024-10-13 16:59:58,160 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 86/138 +[2024-10-13 16:59:58,332 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 87/138 +[2024-10-13 16:59:58,505 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 88/138 +[2024-10-13 16:59:58,678 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 89/138 +[2024-10-13 16:59:58,851 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 90/138 +[2024-10-13 16:59:59,023 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 91/138 +[2024-10-13 16:59:59,196 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 92/138 +[2024-10-13 16:59:59,369 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 93/138 +[2024-10-13 16:59:59,541 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 94/138 +[2024-10-13 16:59:59,714 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 95/138 +[2024-10-13 16:59:59,886 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 96/138 +[2024-10-13 17:00:00,059 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 97/138 +[2024-10-13 17:00:00,232 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 98/138 +[2024-10-13 17:00:00,404 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 99/138 +[2024-10-13 17:00:00,576 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 100/138 +[2024-10-13 17:00:00,749 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 101/138 +[2024-10-13 17:00:00,921 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 102/138 +[2024-10-13 17:00:01,094 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 103/138 +[2024-10-13 17:00:01,266 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 104/138 +[2024-10-13 17:00:01,439 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 105/138 +[2024-10-13 17:00:01,612 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 106/138 +[2024-10-13 17:00:01,784 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 107/138 +[2024-10-13 17:00:01,968 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 108/138 +[2024-10-13 17:00:02,140 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 109/138 +[2024-10-13 17:00:02,312 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 110/138 +[2024-10-13 17:00:02,485 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 111/138 +[2024-10-13 17:00:02,658 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 112/138 +[2024-10-13 17:00:02,830 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 113/138 +[2024-10-13 17:00:03,003 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 114/138 +[2024-10-13 17:00:03,175 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 115/138 +[2024-10-13 17:00:03,348 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 116/138 +[2024-10-13 17:00:03,520 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 117/138 +[2024-10-13 17:00:03,692 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 118/138 +[2024-10-13 17:00:03,864 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 119/138 +[2024-10-13 17:00:04,036 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 120/138 +[2024-10-13 17:00:04,208 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 121/138 +[2024-10-13 17:00:04,380 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 122/138 +[2024-10-13 17:00:04,552 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 123/138 +[2024-10-13 17:00:04,724 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 124/138 +[2024-10-13 17:00:04,896 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 125/138 +[2024-10-13 17:00:05,067 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 126/138 +[2024-10-13 17:00:05,240 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 127/138 +[2024-10-13 17:00:05,402 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 128/138 +[2024-10-13 17:00:05,563 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 129/138 +[2024-10-13 17:00:05,725 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 130/138 +[2024-10-13 17:00:05,887 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 131/138 +[2024-10-13 17:00:06,050 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 132/138 +[2024-10-13 17:00:06,212 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 133/138 +[2024-10-13 17:00:06,375 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 134/138 +[2024-10-13 17:00:06,537 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 135/138 +[2024-10-13 17:00:06,699 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 136/138 +[2024-10-13 17:00:06,861 INFO test.py line 186 25394] Test: 287/312-scene0046_00, Batch: 137/138 +[2024-10-13 17:00:07,098 INFO test.py line 272 25394] Test: scene0046_00 [287/312]-186857 Batch 22.679 (18.984) Accuracy 0.8346 (0.4875) mIoU 0.4583 (0.3706) +[2024-10-13 17:00:07,204 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 0/130 +[2024-10-13 17:00:07,297 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 1/130 +[2024-10-13 17:00:07,390 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 2/130 +[2024-10-13 17:00:07,482 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 3/130 +[2024-10-13 17:00:07,576 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 4/130 +[2024-10-13 17:00:07,668 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 5/130 +[2024-10-13 17:00:07,762 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 6/130 +[2024-10-13 17:00:07,855 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 7/130 +[2024-10-13 17:00:07,948 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 8/130 +[2024-10-13 17:00:08,041 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 9/130 +[2024-10-13 17:00:08,134 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 10/130 +[2024-10-13 17:00:08,226 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 11/130 +[2024-10-13 17:00:08,319 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 12/130 +[2024-10-13 17:00:08,411 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 13/130 +[2024-10-13 17:00:08,504 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 14/130 +[2024-10-13 17:00:08,597 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 15/130 +[2024-10-13 17:00:08,689 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 16/130 +[2024-10-13 17:00:08,782 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 17/130 +[2024-10-13 17:00:08,874 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 18/130 +[2024-10-13 17:00:08,967 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 19/130 +[2024-10-13 17:00:09,059 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 20/130 +[2024-10-13 17:00:09,152 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 21/130 +[2024-10-13 17:00:09,245 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 22/130 +[2024-10-13 17:00:09,337 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 23/130 +[2024-10-13 17:00:09,430 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 24/130 +[2024-10-13 17:00:09,522 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 25/130 +[2024-10-13 17:00:09,615 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 26/130 +[2024-10-13 17:00:09,708 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 27/130 +[2024-10-13 17:00:09,800 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 28/130 +[2024-10-13 17:00:09,893 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 29/130 +[2024-10-13 17:00:09,986 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 30/130 +[2024-10-13 17:00:10,078 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 31/130 +[2024-10-13 17:00:10,171 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 32/130 +[2024-10-13 17:00:10,264 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 33/130 +[2024-10-13 17:00:10,357 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 34/130 +[2024-10-13 17:00:10,449 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 35/130 +[2024-10-13 17:00:10,542 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 36/130 +[2024-10-13 17:00:10,635 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 37/130 +[2024-10-13 17:00:10,728 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 38/130 +[2024-10-13 17:00:10,821 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 39/130 +[2024-10-13 17:00:10,910 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 40/130 +[2024-10-13 17:00:10,999 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 41/130 +[2024-10-13 17:00:11,087 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 42/130 +[2024-10-13 17:00:11,176 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 43/130 +[2024-10-13 17:00:11,265 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 44/130 +[2024-10-13 17:00:11,353 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 45/130 +[2024-10-13 17:00:11,441 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 46/130 +[2024-10-13 17:00:11,530 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 47/130 +[2024-10-13 17:00:11,618 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 48/130 +[2024-10-13 17:00:11,706 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 49/130 +[2024-10-13 17:00:11,795 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 50/130 +[2024-10-13 17:00:11,883 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 51/130 +[2024-10-13 17:00:11,972 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 52/130 +[2024-10-13 17:00:12,060 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 53/130 +[2024-10-13 17:00:12,149 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 54/130 +[2024-10-13 17:00:12,238 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 55/130 +[2024-10-13 17:00:12,327 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 56/130 +[2024-10-13 17:00:12,416 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 57/130 +[2024-10-13 17:00:12,504 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 58/130 +[2024-10-13 17:00:12,593 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 59/130 +[2024-10-13 17:00:12,682 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 60/130 +[2024-10-13 17:00:12,770 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 61/130 +[2024-10-13 17:00:12,859 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 62/130 +[2024-10-13 17:00:12,947 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 63/130 +[2024-10-13 17:00:13,036 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 64/130 +[2024-10-13 17:00:13,124 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 65/130 +[2024-10-13 17:00:13,213 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 66/130 +[2024-10-13 17:00:13,301 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 67/130 +[2024-10-13 17:00:13,390 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 68/130 +[2024-10-13 17:00:13,478 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 69/130 +[2024-10-13 17:00:13,567 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 70/130 +[2024-10-13 17:00:13,656 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 71/130 +[2024-10-13 17:00:13,744 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 72/130 +[2024-10-13 17:00:13,833 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 73/130 +[2024-10-13 17:00:13,921 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 74/130 +[2024-10-13 17:00:14,010 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 75/130 +[2024-10-13 17:00:14,099 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 76/130 +[2024-10-13 17:00:14,188 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 77/130 +[2024-10-13 17:00:14,276 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 78/130 +[2024-10-13 17:00:14,365 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 79/130 +[2024-10-13 17:00:14,454 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 80/130 +[2024-10-13 17:00:14,542 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 81/130 +[2024-10-13 17:00:14,631 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 82/130 +[2024-10-13 17:00:14,720 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 83/130 +[2024-10-13 17:00:14,808 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 84/130 +[2024-10-13 17:00:14,897 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 85/130 +[2024-10-13 17:00:14,986 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 86/130 +[2024-10-13 17:00:15,075 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 87/130 +[2024-10-13 17:00:15,172 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 88/130 +[2024-10-13 17:00:15,270 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 89/130 +[2024-10-13 17:00:15,368 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 90/130 +[2024-10-13 17:00:15,466 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 91/130 +[2024-10-13 17:00:15,564 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 92/130 +[2024-10-13 17:00:15,662 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 93/130 +[2024-10-13 17:00:15,760 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 94/130 +[2024-10-13 17:00:15,858 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 95/130 +[2024-10-13 17:00:15,957 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 96/130 +[2024-10-13 17:00:16,055 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 97/130 +[2024-10-13 17:00:16,153 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 98/130 +[2024-10-13 17:00:16,252 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 99/130 +[2024-10-13 17:00:16,350 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 100/130 +[2024-10-13 17:00:16,449 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 101/130 +[2024-10-13 17:00:16,547 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 102/130 +[2024-10-13 17:00:16,646 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 103/130 +[2024-10-13 17:00:16,744 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 104/130 +[2024-10-13 17:00:16,842 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 105/130 +[2024-10-13 17:00:16,984 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 106/130 +[2024-10-13 17:00:17,082 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 107/130 +[2024-10-13 17:00:17,180 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 108/130 +[2024-10-13 17:00:17,279 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 109/130 +[2024-10-13 17:00:17,378 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 110/130 +[2024-10-13 17:00:17,477 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 111/130 +[2024-10-13 17:00:17,575 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 112/130 +[2024-10-13 17:00:17,674 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 113/130 +[2024-10-13 17:00:17,772 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 114/130 +[2024-10-13 17:00:17,869 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 115/130 +[2024-10-13 17:00:17,967 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 116/130 +[2024-10-13 17:00:18,065 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 117/130 +[2024-10-13 17:00:18,163 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 118/130 +[2024-10-13 17:00:18,261 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 119/130 +[2024-10-13 17:00:18,354 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 120/130 +[2024-10-13 17:00:18,446 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 121/130 +[2024-10-13 17:00:18,539 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 122/130 +[2024-10-13 17:00:18,632 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 123/130 +[2024-10-13 17:00:18,725 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 124/130 +[2024-10-13 17:00:18,817 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 125/130 +[2024-10-13 17:00:18,910 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 126/130 +[2024-10-13 17:00:19,003 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 127/130 +[2024-10-13 17:00:19,095 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 128/130 +[2024-10-13 17:00:19,188 INFO test.py line 186 25394] Test: 288/312-scene0164_00, Batch: 129/130 +[2024-10-13 17:00:19,312 INFO test.py line 272 25394] Test: scene0164_00 [288/312]-94315 Batch 12.214 (18.961) Accuracy 0.8757 (0.4883) mIoU 0.5869 (0.3718) +[2024-10-13 17:00:19,532 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 0/143 +[2024-10-13 17:00:19,718 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 1/143 +[2024-10-13 17:00:19,903 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 2/143 +[2024-10-13 17:00:20,089 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 3/143 +[2024-10-13 17:00:20,274 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 4/143 +[2024-10-13 17:00:20,460 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 5/143 +[2024-10-13 17:00:20,646 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 6/143 +[2024-10-13 17:00:20,832 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 7/143 +[2024-10-13 17:00:21,017 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 8/143 +[2024-10-13 17:00:21,203 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 9/143 +[2024-10-13 17:00:21,389 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 10/143 +[2024-10-13 17:00:21,575 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 11/143 +[2024-10-13 17:00:21,761 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 12/143 +[2024-10-13 17:00:21,948 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 13/143 +[2024-10-13 17:00:22,134 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 14/143 +[2024-10-13 17:00:22,320 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 15/143 +[2024-10-13 17:00:22,506 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 16/143 +[2024-10-13 17:00:22,693 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 17/143 +[2024-10-13 17:00:22,878 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 18/143 +[2024-10-13 17:00:23,064 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 19/143 +[2024-10-13 17:00:23,250 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 20/143 +[2024-10-13 17:00:23,436 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 21/143 +[2024-10-13 17:00:23,622 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 22/143 +[2024-10-13 17:00:23,807 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 23/143 +[2024-10-13 17:00:23,992 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 24/143 +[2024-10-13 17:00:24,177 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 25/143 +[2024-10-13 17:00:24,363 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 26/143 +[2024-10-13 17:00:24,548 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 27/143 +[2024-10-13 17:00:24,734 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 28/143 +[2024-10-13 17:00:24,920 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 29/143 +[2024-10-13 17:00:25,105 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 30/143 +[2024-10-13 17:00:25,290 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 31/143 +[2024-10-13 17:00:25,480 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 32/143 +[2024-10-13 17:00:25,676 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 33/143 +[2024-10-13 17:00:25,863 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 34/143 +[2024-10-13 17:00:26,049 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 35/143 +[2024-10-13 17:00:26,235 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 36/143 +[2024-10-13 17:00:26,421 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 37/143 +[2024-10-13 17:00:26,606 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 38/143 +[2024-10-13 17:00:26,792 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 39/143 +[2024-10-13 17:00:26,977 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 40/143 +[2024-10-13 17:00:27,163 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 41/143 +[2024-10-13 17:00:27,348 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 42/143 +[2024-10-13 17:00:27,534 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 43/143 +[2024-10-13 17:00:27,707 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 44/143 +[2024-10-13 17:00:27,879 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 45/143 +[2024-10-13 17:00:28,051 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 46/143 +[2024-10-13 17:00:28,224 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 47/143 +[2024-10-13 17:00:28,396 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 48/143 +[2024-10-13 17:00:28,569 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 49/143 +[2024-10-13 17:00:28,741 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 50/143 +[2024-10-13 17:00:28,914 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 51/143 +[2024-10-13 17:00:29,087 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 52/143 +[2024-10-13 17:00:29,259 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 53/143 +[2024-10-13 17:00:29,432 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 54/143 +[2024-10-13 17:00:29,604 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 55/143 +[2024-10-13 17:00:29,778 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 56/143 +[2024-10-13 17:00:29,951 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 57/143 +[2024-10-13 17:00:30,124 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 58/143 +[2024-10-13 17:00:30,297 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 59/143 +[2024-10-13 17:00:30,470 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 60/143 +[2024-10-13 17:00:30,643 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 61/143 +[2024-10-13 17:00:30,815 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 62/143 +[2024-10-13 17:00:30,988 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 63/143 +[2024-10-13 17:00:31,161 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 64/143 +[2024-10-13 17:00:31,334 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 65/143 +[2024-10-13 17:00:31,508 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 66/143 +[2024-10-13 17:00:31,680 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 67/143 +[2024-10-13 17:00:31,853 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 68/143 +[2024-10-13 17:00:32,027 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 69/143 +[2024-10-13 17:00:32,199 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 70/143 +[2024-10-13 17:00:32,372 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 71/143 +[2024-10-13 17:00:32,545 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 72/143 +[2024-10-13 17:00:32,718 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 73/143 +[2024-10-13 17:00:32,892 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 74/143 +[2024-10-13 17:00:33,065 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 75/143 +[2024-10-13 17:00:33,237 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 76/143 +[2024-10-13 17:00:33,411 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 77/143 +[2024-10-13 17:00:33,583 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 78/143 +[2024-10-13 17:00:33,757 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 79/143 +[2024-10-13 17:00:33,930 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 80/143 +[2024-10-13 17:00:34,103 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 81/143 +[2024-10-13 17:00:34,276 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 82/143 +[2024-10-13 17:00:34,449 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 83/143 +[2024-10-13 17:00:34,622 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 84/143 +[2024-10-13 17:00:34,795 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 85/143 +[2024-10-13 17:00:34,969 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 86/143 +[2024-10-13 17:00:35,141 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 87/143 +[2024-10-13 17:00:35,338 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 88/143 +[2024-10-13 17:00:35,535 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 89/143 +[2024-10-13 17:00:35,732 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 90/143 +[2024-10-13 17:00:35,929 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 91/143 +[2024-10-13 17:00:36,126 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 92/143 +[2024-10-13 17:00:36,324 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 93/143 +[2024-10-13 17:00:36,521 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 94/143 +[2024-10-13 17:00:36,718 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 95/143 +[2024-10-13 17:00:36,915 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 96/143 +[2024-10-13 17:00:37,112 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 97/143 +[2024-10-13 17:00:37,310 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 98/143 +[2024-10-13 17:00:37,507 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 99/143 +[2024-10-13 17:00:37,705 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 100/143 +[2024-10-13 17:00:37,902 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 101/143 +[2024-10-13 17:00:38,100 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 102/143 +[2024-10-13 17:00:38,298 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 103/143 +[2024-10-13 17:00:38,496 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 104/143 +[2024-10-13 17:00:38,693 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 105/143 +[2024-10-13 17:00:38,891 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 106/143 +[2024-10-13 17:00:39,089 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 107/143 +[2024-10-13 17:00:39,287 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 108/143 +[2024-10-13 17:00:39,484 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 109/143 +[2024-10-13 17:00:39,683 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 110/143 +[2024-10-13 17:00:39,880 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 111/143 +[2024-10-13 17:00:40,078 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 112/143 +[2024-10-13 17:00:40,276 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 113/143 +[2024-10-13 17:00:40,475 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 114/143 +[2024-10-13 17:00:40,673 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 115/143 +[2024-10-13 17:00:40,871 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 116/143 +[2024-10-13 17:00:41,069 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 117/143 +[2024-10-13 17:00:41,267 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 118/143 +[2024-10-13 17:00:41,465 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 119/143 +[2024-10-13 17:00:41,663 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 120/143 +[2024-10-13 17:00:41,861 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 121/143 +[2024-10-13 17:00:42,058 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 122/143 +[2024-10-13 17:00:42,256 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 123/143 +[2024-10-13 17:00:42,453 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 124/143 +[2024-10-13 17:00:42,651 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 125/143 +[2024-10-13 17:00:42,848 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 126/143 +[2024-10-13 17:00:43,046 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 127/143 +[2024-10-13 17:00:43,243 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 128/143 +[2024-10-13 17:00:43,442 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 129/143 +[2024-10-13 17:00:43,639 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 130/143 +[2024-10-13 17:00:43,837 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 131/143 +[2024-10-13 17:00:44,023 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 132/143 +[2024-10-13 17:00:44,208 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 133/143 +[2024-10-13 17:00:44,394 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 134/143 +[2024-10-13 17:00:44,579 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 135/143 +[2024-10-13 17:00:44,764 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 136/143 +[2024-10-13 17:00:44,950 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 137/143 +[2024-10-13 17:00:45,135 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 138/143 +[2024-10-13 17:00:45,321 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 139/143 +[2024-10-13 17:00:45,506 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 140/143 +[2024-10-13 17:00:45,691 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 141/143 +[2024-10-13 17:00:45,876 INFO test.py line 186 25394] Test: 289/312-scene0629_02, Batch: 142/143 +[2024-10-13 17:00:46,165 INFO test.py line 272 25394] Test: scene0629_02 [289/312]-225983 Batch 26.853 (18.988) Accuracy 0.8341 (0.4886) mIoU 0.3648 (0.3722) +[2024-10-13 17:00:46,514 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 0/148 +[2024-10-13 17:00:46,804 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 1/148 +[2024-10-13 17:00:47,095 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 2/148 +[2024-10-13 17:00:47,386 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 3/148 +[2024-10-13 17:00:47,677 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 4/148 +[2024-10-13 17:00:47,969 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 5/148 +[2024-10-13 17:00:48,260 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 6/148 +[2024-10-13 17:00:48,551 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 7/148 +[2024-10-13 17:00:48,842 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 8/148 +[2024-10-13 17:00:49,134 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 9/148 +[2024-10-13 17:00:49,438 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 10/148 +[2024-10-13 17:00:49,729 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 11/148 +[2024-10-13 17:00:50,018 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 12/148 +[2024-10-13 17:00:50,308 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 13/148 +[2024-10-13 17:00:50,597 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 14/148 +[2024-10-13 17:00:50,887 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 15/148 +[2024-10-13 17:00:51,176 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 16/148 +[2024-10-13 17:00:51,466 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 17/148 +[2024-10-13 17:00:51,755 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 18/148 +[2024-10-13 17:00:52,044 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 19/148 +[2024-10-13 17:00:52,334 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 20/148 +[2024-10-13 17:00:52,624 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 21/148 +[2024-10-13 17:00:52,915 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 22/148 +[2024-10-13 17:00:53,203 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 23/148 +[2024-10-13 17:00:53,493 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 24/148 +[2024-10-13 17:00:53,782 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 25/148 +[2024-10-13 17:00:54,071 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 26/148 +[2024-10-13 17:00:54,360 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 27/148 +[2024-10-13 17:00:54,650 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 28/148 +[2024-10-13 17:00:54,939 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 29/148 +[2024-10-13 17:00:55,229 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 30/148 +[2024-10-13 17:00:55,518 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 31/148 +[2024-10-13 17:00:55,807 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 32/148 +[2024-10-13 17:00:56,097 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 33/148 +[2024-10-13 17:00:56,386 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 34/148 +[2024-10-13 17:00:56,676 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 35/148 +[2024-10-13 17:00:56,965 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 36/148 +[2024-10-13 17:00:57,255 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 37/148 +[2024-10-13 17:00:57,544 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 38/148 +[2024-10-13 17:00:57,834 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 39/148 +[2024-10-13 17:00:58,124 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 40/148 +[2024-10-13 17:00:58,414 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 41/148 +[2024-10-13 17:00:58,704 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 42/148 +[2024-10-13 17:00:58,994 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 43/148 +[2024-10-13 17:00:59,284 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 44/148 +[2024-10-13 17:00:59,573 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 45/148 +[2024-10-13 17:00:59,863 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 46/148 +[2024-10-13 17:01:00,152 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 47/148 +[2024-10-13 17:01:00,425 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 48/148 +[2024-10-13 17:01:00,697 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 49/148 +[2024-10-13 17:01:00,970 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 50/148 +[2024-10-13 17:01:01,243 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 51/148 +[2024-10-13 17:01:01,515 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 52/148 +[2024-10-13 17:01:01,787 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 53/148 +[2024-10-13 17:01:02,060 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 54/148 +[2024-10-13 17:01:02,333 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 55/148 +[2024-10-13 17:01:02,605 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 56/148 +[2024-10-13 17:01:02,878 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 57/148 +[2024-10-13 17:01:03,150 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 58/148 +[2024-10-13 17:01:03,423 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 59/148 +[2024-10-13 17:01:03,696 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 60/148 +[2024-10-13 17:01:03,968 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 61/148 +[2024-10-13 17:01:04,242 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 62/148 +[2024-10-13 17:01:04,514 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 63/148 +[2024-10-13 17:01:04,786 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 64/148 +[2024-10-13 17:01:05,059 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 65/148 +[2024-10-13 17:01:05,332 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 66/148 +[2024-10-13 17:01:05,604 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 67/148 +[2024-10-13 17:01:05,877 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 68/148 +[2024-10-13 17:01:06,149 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 69/148 +[2024-10-13 17:01:06,422 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 70/148 +[2024-10-13 17:01:06,695 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 71/148 +[2024-10-13 17:01:06,968 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 72/148 +[2024-10-13 17:01:07,241 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 73/148 +[2024-10-13 17:01:07,513 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 74/148 +[2024-10-13 17:01:07,787 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 75/148 +[2024-10-13 17:01:08,060 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 76/148 +[2024-10-13 17:01:08,333 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 77/148 +[2024-10-13 17:01:08,606 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 78/148 +[2024-10-13 17:01:08,879 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 79/148 +[2024-10-13 17:01:09,152 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 80/148 +[2024-10-13 17:01:09,425 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 81/148 +[2024-10-13 17:01:09,699 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 82/148 +[2024-10-13 17:01:09,972 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 83/148 +[2024-10-13 17:01:10,245 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 84/148 +[2024-10-13 17:01:10,519 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 85/148 +[2024-10-13 17:01:10,791 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 86/148 +[2024-10-13 17:01:11,064 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 87/148 +[2024-10-13 17:01:11,338 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 88/148 +[2024-10-13 17:01:11,611 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 89/148 +[2024-10-13 17:01:11,883 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 90/148 +[2024-10-13 17:01:12,156 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 91/148 +[2024-10-13 17:01:12,429 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 92/148 +[2024-10-13 17:01:12,702 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 93/148 +[2024-10-13 17:01:12,975 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 94/148 +[2024-10-13 17:01:13,248 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 95/148 +[2024-10-13 17:01:13,559 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 96/148 +[2024-10-13 17:01:13,870 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 97/148 +[2024-10-13 17:01:14,183 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 98/148 +[2024-10-13 17:01:14,495 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 99/148 +[2024-10-13 17:01:14,806 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 100/148 +[2024-10-13 17:01:15,118 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 101/148 +[2024-10-13 17:01:15,429 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 102/148 +[2024-10-13 17:01:15,741 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 103/148 +[2024-10-13 17:01:16,052 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 104/148 +[2024-10-13 17:01:16,364 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 105/148 +[2024-10-13 17:01:16,676 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 106/148 +[2024-10-13 17:01:16,987 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 107/148 +[2024-10-13 17:01:17,299 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 108/148 +[2024-10-13 17:01:17,611 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 109/148 +[2024-10-13 17:01:17,923 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 110/148 +[2024-10-13 17:01:18,235 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 111/148 +[2024-10-13 17:01:18,546 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 112/148 +[2024-10-13 17:01:18,858 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 113/148 +[2024-10-13 17:01:19,169 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 114/148 +[2024-10-13 17:01:19,481 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 115/148 +[2024-10-13 17:01:19,792 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 116/148 +[2024-10-13 17:01:20,104 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 117/148 +[2024-10-13 17:01:20,416 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 118/148 +[2024-10-13 17:01:20,727 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 119/148 +[2024-10-13 17:01:21,038 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 120/148 +[2024-10-13 17:01:21,349 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 121/148 +[2024-10-13 17:01:21,661 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 122/148 +[2024-10-13 17:01:21,973 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 123/148 +[2024-10-13 17:01:22,284 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 124/148 +[2024-10-13 17:01:22,595 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 125/148 +[2024-10-13 17:01:22,906 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 126/148 +[2024-10-13 17:01:23,218 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 127/148 +[2024-10-13 17:01:23,530 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 128/148 +[2024-10-13 17:01:23,841 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 129/148 +[2024-10-13 17:01:24,153 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 130/148 +[2024-10-13 17:01:24,464 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 131/148 +[2024-10-13 17:01:24,776 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 132/148 +[2024-10-13 17:01:25,087 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 133/148 +[2024-10-13 17:01:25,399 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 134/148 +[2024-10-13 17:01:25,711 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 135/148 +[2024-10-13 17:01:26,001 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 136/148 +[2024-10-13 17:01:26,290 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 137/148 +[2024-10-13 17:01:26,580 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 138/148 +[2024-10-13 17:01:26,869 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 139/148 +[2024-10-13 17:01:27,159 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 140/148 +[2024-10-13 17:01:27,448 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 141/148 +[2024-10-13 17:01:27,738 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 142/148 +[2024-10-13 17:01:28,028 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 143/148 +[2024-10-13 17:01:28,317 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 144/148 +[2024-10-13 17:01:28,608 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 145/148 +[2024-10-13 17:01:28,898 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 146/148 +[2024-10-13 17:01:29,188 INFO test.py line 186 25394] Test: 290/312-scene0307_00, Batch: 147/148 +[2024-10-13 17:01:29,648 INFO test.py line 272 25394] Test: scene0307_00 [290/312]-371616 Batch 43.483 (19.073) Accuracy 0.8476 (0.4887) mIoU 0.2258 (0.3722) +[2024-10-13 17:01:29,900 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 0/130 +[2024-10-13 17:01:30,111 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 1/130 +[2024-10-13 17:01:30,323 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 2/130 +[2024-10-13 17:01:30,535 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 3/130 +[2024-10-13 17:01:30,747 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 4/130 +[2024-10-13 17:01:30,978 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 5/130 +[2024-10-13 17:01:31,189 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 6/130 +[2024-10-13 17:01:31,401 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 7/130 +[2024-10-13 17:01:31,612 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 8/130 +[2024-10-13 17:01:31,824 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 9/130 +[2024-10-13 17:01:32,036 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 10/130 +[2024-10-13 17:01:32,248 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 11/130 +[2024-10-13 17:01:32,459 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 12/130 +[2024-10-13 17:01:32,671 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 13/130 +[2024-10-13 17:01:32,883 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 14/130 +[2024-10-13 17:01:33,094 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 15/130 +[2024-10-13 17:01:33,306 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 16/130 +[2024-10-13 17:01:33,519 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 17/130 +[2024-10-13 17:01:33,731 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 18/130 +[2024-10-13 17:01:33,943 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 19/130 +[2024-10-13 17:01:34,154 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 20/130 +[2024-10-13 17:01:34,365 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 21/130 +[2024-10-13 17:01:34,576 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 22/130 +[2024-10-13 17:01:34,787 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 23/130 +[2024-10-13 17:01:34,998 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 24/130 +[2024-10-13 17:01:35,209 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 25/130 +[2024-10-13 17:01:35,420 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 26/130 +[2024-10-13 17:01:35,632 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 27/130 +[2024-10-13 17:01:35,843 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 28/130 +[2024-10-13 17:01:36,054 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 29/130 +[2024-10-13 17:01:36,266 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 30/130 +[2024-10-13 17:01:36,478 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 31/130 +[2024-10-13 17:01:36,690 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 32/130 +[2024-10-13 17:01:36,902 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 33/130 +[2024-10-13 17:01:37,114 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 34/130 +[2024-10-13 17:01:37,326 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 35/130 +[2024-10-13 17:01:37,538 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 36/130 +[2024-10-13 17:01:37,750 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 37/130 +[2024-10-13 17:01:37,962 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 38/130 +[2024-10-13 17:01:38,174 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 39/130 +[2024-10-13 17:01:38,372 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 40/130 +[2024-10-13 17:01:38,570 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 41/130 +[2024-10-13 17:01:38,768 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 42/130 +[2024-10-13 17:01:38,966 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 43/130 +[2024-10-13 17:01:39,164 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 44/130 +[2024-10-13 17:01:39,363 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 45/130 +[2024-10-13 17:01:39,561 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 46/130 +[2024-10-13 17:01:39,760 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 47/130 +[2024-10-13 17:01:39,958 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 48/130 +[2024-10-13 17:01:40,156 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 49/130 +[2024-10-13 17:01:40,353 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 50/130 +[2024-10-13 17:01:40,552 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 51/130 +[2024-10-13 17:01:40,750 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 52/130 +[2024-10-13 17:01:40,949 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 53/130 +[2024-10-13 17:01:41,147 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 54/130 +[2024-10-13 17:01:41,346 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 55/130 +[2024-10-13 17:01:41,544 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 56/130 +[2024-10-13 17:01:41,743 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 57/130 +[2024-10-13 17:01:41,942 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 58/130 +[2024-10-13 17:01:42,141 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 59/130 +[2024-10-13 17:01:42,339 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 60/130 +[2024-10-13 17:01:42,537 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 61/130 +[2024-10-13 17:01:42,735 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 62/130 +[2024-10-13 17:01:42,932 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 63/130 +[2024-10-13 17:01:43,130 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 64/130 +[2024-10-13 17:01:43,328 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 65/130 +[2024-10-13 17:01:43,525 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 66/130 +[2024-10-13 17:01:43,723 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 67/130 +[2024-10-13 17:01:43,921 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 68/130 +[2024-10-13 17:01:44,119 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 69/130 +[2024-10-13 17:01:44,317 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 70/130 +[2024-10-13 17:01:44,514 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 71/130 +[2024-10-13 17:01:44,712 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 72/130 +[2024-10-13 17:01:44,910 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 73/130 +[2024-10-13 17:01:45,109 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 74/130 +[2024-10-13 17:01:45,307 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 75/130 +[2024-10-13 17:01:45,505 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 76/130 +[2024-10-13 17:01:45,704 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 77/130 +[2024-10-13 17:01:45,903 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 78/130 +[2024-10-13 17:01:46,102 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 79/130 +[2024-10-13 17:01:46,300 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 80/130 +[2024-10-13 17:01:46,499 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 81/130 +[2024-10-13 17:01:46,698 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 82/130 +[2024-10-13 17:01:46,896 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 83/130 +[2024-10-13 17:01:47,121 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 84/130 +[2024-10-13 17:01:47,347 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 85/130 +[2024-10-13 17:01:47,572 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 86/130 +[2024-10-13 17:01:47,798 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 87/130 +[2024-10-13 17:01:48,023 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 88/130 +[2024-10-13 17:01:48,249 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 89/130 +[2024-10-13 17:01:48,474 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 90/130 +[2024-10-13 17:01:48,700 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 91/130 +[2024-10-13 17:01:48,925 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 92/130 +[2024-10-13 17:01:49,150 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 93/130 +[2024-10-13 17:01:49,376 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 94/130 +[2024-10-13 17:01:49,602 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 95/130 +[2024-10-13 17:01:49,827 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 96/130 +[2024-10-13 17:01:50,053 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 97/130 +[2024-10-13 17:01:50,278 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 98/130 +[2024-10-13 17:01:50,504 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 99/130 +[2024-10-13 17:01:50,729 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 100/130 +[2024-10-13 17:01:50,954 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 101/130 +[2024-10-13 17:01:51,180 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 102/130 +[2024-10-13 17:01:51,406 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 103/130 +[2024-10-13 17:01:51,631 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 104/130 +[2024-10-13 17:01:51,858 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 105/130 +[2024-10-13 17:01:52,084 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 106/130 +[2024-10-13 17:01:52,309 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 107/130 +[2024-10-13 17:01:52,534 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 108/130 +[2024-10-13 17:01:52,760 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 109/130 +[2024-10-13 17:01:52,986 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 110/130 +[2024-10-13 17:01:53,211 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 111/130 +[2024-10-13 17:01:53,437 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 112/130 +[2024-10-13 17:01:53,662 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 113/130 +[2024-10-13 17:01:53,887 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 114/130 +[2024-10-13 17:01:54,113 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 115/130 +[2024-10-13 17:01:54,338 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 116/130 +[2024-10-13 17:01:54,563 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 117/130 +[2024-10-13 17:01:54,788 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 118/130 +[2024-10-13 17:01:55,013 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 119/130 +[2024-10-13 17:01:55,224 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 120/130 +[2024-10-13 17:01:55,435 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 121/130 +[2024-10-13 17:01:55,647 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 122/130 +[2024-10-13 17:01:55,858 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 123/130 +[2024-10-13 17:01:56,069 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 124/130 +[2024-10-13 17:01:56,280 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 125/130 +[2024-10-13 17:01:56,492 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 126/130 +[2024-10-13 17:01:56,703 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 127/130 +[2024-10-13 17:01:56,915 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 128/130 +[2024-10-13 17:01:57,126 INFO test.py line 186 25394] Test: 291/312-scene0663_01, Batch: 129/130 +[2024-10-13 17:01:57,454 INFO test.py line 272 25394] Test: scene0663_01 [291/312]-258402 Batch 27.806 (19.103) Accuracy 0.8963 (0.4889) mIoU 0.4543 (0.3722) +[2024-10-13 17:01:57,587 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 0/130 +[2024-10-13 17:01:57,704 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 1/130 +[2024-10-13 17:01:57,821 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 2/130 +[2024-10-13 17:01:57,938 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 3/130 +[2024-10-13 17:01:58,055 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 4/130 +[2024-10-13 17:01:58,171 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 5/130 +[2024-10-13 17:01:58,288 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 6/130 +[2024-10-13 17:01:58,405 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 7/130 +[2024-10-13 17:01:58,522 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 8/130 +[2024-10-13 17:01:58,639 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 9/130 +[2024-10-13 17:01:58,755 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 10/130 +[2024-10-13 17:01:58,872 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 11/130 +[2024-10-13 17:01:58,989 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 12/130 +[2024-10-13 17:01:59,106 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 13/130 +[2024-10-13 17:01:59,223 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 14/130 +[2024-10-13 17:01:59,339 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 15/130 +[2024-10-13 17:01:59,456 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 16/130 +[2024-10-13 17:01:59,573 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 17/130 +[2024-10-13 17:01:59,690 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 18/130 +[2024-10-13 17:01:59,807 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 19/130 +[2024-10-13 17:01:59,924 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 20/130 +[2024-10-13 17:02:00,041 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 21/130 +[2024-10-13 17:02:00,158 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 22/130 +[2024-10-13 17:02:00,275 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 23/130 +[2024-10-13 17:02:00,392 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 24/130 +[2024-10-13 17:02:00,509 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 25/130 +[2024-10-13 17:02:00,626 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 26/130 +[2024-10-13 17:02:00,743 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 27/130 +[2024-10-13 17:02:00,860 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 28/130 +[2024-10-13 17:02:00,977 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 29/130 +[2024-10-13 17:02:01,094 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 30/130 +[2024-10-13 17:02:01,212 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 31/130 +[2024-10-13 17:02:01,329 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 32/130 +[2024-10-13 17:02:01,447 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 33/130 +[2024-10-13 17:02:01,569 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 34/130 +[2024-10-13 17:02:01,695 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 35/130 +[2024-10-13 17:02:01,819 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 36/130 +[2024-10-13 17:02:01,937 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 37/130 +[2024-10-13 17:02:02,054 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 38/130 +[2024-10-13 17:02:02,172 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 39/130 +[2024-10-13 17:02:02,283 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 40/130 +[2024-10-13 17:02:02,393 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 41/130 +[2024-10-13 17:02:02,504 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 42/130 +[2024-10-13 17:02:02,615 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 43/130 +[2024-10-13 17:02:02,726 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 44/130 +[2024-10-13 17:02:02,836 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 45/130 +[2024-10-13 17:02:02,947 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 46/130 +[2024-10-13 17:02:03,059 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 47/130 +[2024-10-13 17:02:03,169 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 48/130 +[2024-10-13 17:02:03,280 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 49/130 +[2024-10-13 17:02:03,391 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 50/130 +[2024-10-13 17:02:03,501 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 51/130 +[2024-10-13 17:02:03,611 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 52/130 +[2024-10-13 17:02:03,721 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 53/130 +[2024-10-13 17:02:03,832 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 54/130 +[2024-10-13 17:02:03,942 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 55/130 +[2024-10-13 17:02:04,052 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 56/130 +[2024-10-13 17:02:04,162 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 57/130 +[2024-10-13 17:02:04,272 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 58/130 +[2024-10-13 17:02:04,382 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 59/130 +[2024-10-13 17:02:04,492 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 60/130 +[2024-10-13 17:02:04,603 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 61/130 +[2024-10-13 17:02:04,713 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 62/130 +[2024-10-13 17:02:04,824 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 63/130 +[2024-10-13 17:02:04,934 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 64/130 +[2024-10-13 17:02:05,044 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 65/130 +[2024-10-13 17:02:05,154 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 66/130 +[2024-10-13 17:02:05,265 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 67/130 +[2024-10-13 17:02:05,375 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 68/130 +[2024-10-13 17:02:05,486 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 69/130 +[2024-10-13 17:02:05,596 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 70/130 +[2024-10-13 17:02:05,706 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 71/130 +[2024-10-13 17:02:05,817 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 72/130 +[2024-10-13 17:02:05,927 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 73/130 +[2024-10-13 17:02:06,037 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 74/130 +[2024-10-13 17:02:06,147 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 75/130 +[2024-10-13 17:02:06,257 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 76/130 +[2024-10-13 17:02:06,367 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 77/130 +[2024-10-13 17:02:06,477 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 78/130 +[2024-10-13 17:02:06,587 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 79/130 +[2024-10-13 17:02:06,697 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 80/130 +[2024-10-13 17:02:06,807 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 81/130 +[2024-10-13 17:02:06,917 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 82/130 +[2024-10-13 17:02:07,027 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 83/130 +[2024-10-13 17:02:07,151 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 84/130 +[2024-10-13 17:02:07,274 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 85/130 +[2024-10-13 17:02:07,398 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 86/130 +[2024-10-13 17:02:07,522 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 87/130 +[2024-10-13 17:02:07,645 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 88/130 +[2024-10-13 17:02:07,769 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 89/130 +[2024-10-13 17:02:07,893 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 90/130 +[2024-10-13 17:02:08,017 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 91/130 +[2024-10-13 17:02:08,140 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 92/130 +[2024-10-13 17:02:08,265 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 93/130 +[2024-10-13 17:02:08,389 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 94/130 +[2024-10-13 17:02:08,513 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 95/130 +[2024-10-13 17:02:08,638 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 96/130 +[2024-10-13 17:02:08,763 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 97/130 +[2024-10-13 17:02:08,887 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 98/130 +[2024-10-13 17:02:09,011 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 99/130 +[2024-10-13 17:02:09,136 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 100/130 +[2024-10-13 17:02:09,260 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 101/130 +[2024-10-13 17:02:09,385 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 102/130 +[2024-10-13 17:02:09,510 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 103/130 +[2024-10-13 17:02:09,635 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 104/130 +[2024-10-13 17:02:09,759 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 105/130 +[2024-10-13 17:02:09,884 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 106/130 +[2024-10-13 17:02:10,009 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 107/130 +[2024-10-13 17:02:10,133 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 108/130 +[2024-10-13 17:02:10,258 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 109/130 +[2024-10-13 17:02:10,383 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 110/130 +[2024-10-13 17:02:10,507 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 111/130 +[2024-10-13 17:02:10,631 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 112/130 +[2024-10-13 17:02:10,755 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 113/130 +[2024-10-13 17:02:10,879 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 114/130 +[2024-10-13 17:02:11,004 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 115/130 +[2024-10-13 17:02:11,127 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 116/130 +[2024-10-13 17:02:11,252 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 117/130 +[2024-10-13 17:02:11,376 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 118/130 +[2024-10-13 17:02:11,500 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 119/130 +[2024-10-13 17:02:11,616 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 120/130 +[2024-10-13 17:02:11,734 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 121/130 +[2024-10-13 17:02:11,851 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 122/130 +[2024-10-13 17:02:11,968 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 123/130 +[2024-10-13 17:02:12,085 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 124/130 +[2024-10-13 17:02:12,202 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 125/130 +[2024-10-13 17:02:12,319 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 126/130 +[2024-10-13 17:02:12,436 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 127/130 +[2024-10-13 17:02:12,553 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 128/130 +[2024-10-13 17:02:12,670 INFO test.py line 186 25394] Test: 292/312-scene0426_02, Batch: 129/130 +[2024-10-13 17:02:12,831 INFO test.py line 272 25394] Test: scene0426_02 [292/312]-125149 Batch 15.377 (19.090) Accuracy 0.8193 (0.4888) mIoU 0.4080 (0.3720) +[2024-10-13 17:02:12,910 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 0/113 +[2024-10-13 17:02:12,978 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 1/113 +[2024-10-13 17:02:13,046 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 2/113 +[2024-10-13 17:02:13,114 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 3/113 +[2024-10-13 17:02:13,182 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 4/113 +[2024-10-13 17:02:13,250 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 5/113 +[2024-10-13 17:02:13,319 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 6/113 +[2024-10-13 17:02:13,387 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 7/113 +[2024-10-13 17:02:13,455 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 8/113 +[2024-10-13 17:02:13,523 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 9/113 +[2024-10-13 17:02:13,591 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 10/113 +[2024-10-13 17:02:13,660 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 11/113 +[2024-10-13 17:02:13,728 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 12/113 +[2024-10-13 17:02:13,796 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 13/113 +[2024-10-13 17:02:13,864 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 14/113 +[2024-10-13 17:02:13,933 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 15/113 +[2024-10-13 17:02:14,001 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 16/113 +[2024-10-13 17:02:14,069 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 17/113 +[2024-10-13 17:02:14,137 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 18/113 +[2024-10-13 17:02:14,205 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 19/113 +[2024-10-13 17:02:14,273 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 20/113 +[2024-10-13 17:02:14,341 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 21/113 +[2024-10-13 17:02:14,409 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 22/113 +[2024-10-13 17:02:14,477 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 23/113 +[2024-10-13 17:02:14,545 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 24/113 +[2024-10-13 17:02:14,613 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 25/113 +[2024-10-13 17:02:14,681 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 26/113 +[2024-10-13 17:02:14,749 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 27/113 +[2024-10-13 17:02:14,818 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 28/113 +[2024-10-13 17:02:14,886 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 29/113 +[2024-10-13 17:02:14,954 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 30/113 +[2024-10-13 17:02:15,022 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 31/113 +[2024-10-13 17:02:15,090 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 32/113 +[2024-10-13 17:02:15,158 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 33/113 +[2024-10-13 17:02:15,226 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 34/113 +[2024-10-13 17:02:15,294 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 35/113 +[2024-10-13 17:02:15,360 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 36/113 +[2024-10-13 17:02:15,426 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 37/113 +[2024-10-13 17:02:15,493 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 38/113 +[2024-10-13 17:02:15,559 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 39/113 +[2024-10-13 17:02:15,625 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 40/113 +[2024-10-13 17:02:15,691 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 41/113 +[2024-10-13 17:02:15,757 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 42/113 +[2024-10-13 17:02:15,823 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 43/113 +[2024-10-13 17:02:15,889 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 44/113 +[2024-10-13 17:02:15,955 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 45/113 +[2024-10-13 17:02:16,022 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 46/113 +[2024-10-13 17:02:16,088 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 47/113 +[2024-10-13 17:02:16,155 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 48/113 +[2024-10-13 17:02:16,221 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 49/113 +[2024-10-13 17:02:16,287 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 50/113 +[2024-10-13 17:02:16,354 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 51/113 +[2024-10-13 17:02:16,420 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 52/113 +[2024-10-13 17:02:16,487 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 53/113 +[2024-10-13 17:02:16,553 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 54/113 +[2024-10-13 17:02:16,619 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 55/113 +[2024-10-13 17:02:16,684 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 56/113 +[2024-10-13 17:02:16,750 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 57/113 +[2024-10-13 17:02:16,816 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 58/113 +[2024-10-13 17:02:16,882 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 59/113 +[2024-10-13 17:02:16,948 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 60/113 +[2024-10-13 17:02:17,014 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 61/113 +[2024-10-13 17:02:17,080 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 62/113 +[2024-10-13 17:02:17,145 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 63/113 +[2024-10-13 17:02:17,211 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 64/113 +[2024-10-13 17:02:17,276 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 65/113 +[2024-10-13 17:02:17,341 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 66/113 +[2024-10-13 17:02:17,407 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 67/113 +[2024-10-13 17:02:17,472 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 68/113 +[2024-10-13 17:02:17,537 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 69/113 +[2024-10-13 17:02:17,602 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 70/113 +[2024-10-13 17:02:17,668 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 71/113 +[2024-10-13 17:02:17,739 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 72/113 +[2024-10-13 17:02:17,810 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 73/113 +[2024-10-13 17:02:17,881 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 74/113 +[2024-10-13 17:02:17,952 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 75/113 +[2024-10-13 17:02:18,023 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 76/113 +[2024-10-13 17:02:18,094 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 77/113 +[2024-10-13 17:02:18,165 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 78/113 +[2024-10-13 17:02:18,236 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 79/113 +[2024-10-13 17:02:18,308 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 80/113 +[2024-10-13 17:02:18,380 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 81/113 +[2024-10-13 17:02:18,451 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 82/113 +[2024-10-13 17:02:18,524 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 83/113 +[2024-10-13 17:02:18,596 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 84/113 +[2024-10-13 17:02:18,667 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 85/113 +[2024-10-13 17:02:18,739 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 86/113 +[2024-10-13 17:02:18,811 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 87/113 +[2024-10-13 17:02:18,883 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 88/113 +[2024-10-13 17:02:18,955 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 89/113 +[2024-10-13 17:02:19,027 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 90/113 +[2024-10-13 17:02:19,099 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 91/113 +[2024-10-13 17:02:19,170 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 92/113 +[2024-10-13 17:02:19,242 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 93/113 +[2024-10-13 17:02:19,314 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 94/113 +[2024-10-13 17:02:19,386 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 95/113 +[2024-10-13 17:02:19,457 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 96/113 +[2024-10-13 17:02:19,529 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 97/113 +[2024-10-13 17:02:19,600 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 98/113 +[2024-10-13 17:02:19,671 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 99/113 +[2024-10-13 17:02:19,742 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 100/113 +[2024-10-13 17:02:19,813 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 101/113 +[2024-10-13 17:02:19,885 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 102/113 +[2024-10-13 17:02:19,956 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 103/113 +[2024-10-13 17:02:20,024 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 104/113 +[2024-10-13 17:02:20,092 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 105/113 +[2024-10-13 17:02:20,160 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 106/113 +[2024-10-13 17:02:20,228 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 107/113 +[2024-10-13 17:02:20,297 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 108/113 +[2024-10-13 17:02:20,365 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 109/113 +[2024-10-13 17:02:20,433 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 110/113 +[2024-10-13 17:02:20,501 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 111/113 +[2024-10-13 17:02:20,568 INFO test.py line 186 25394] Test: 293/312-scene0146_00, Batch: 112/113 +[2024-10-13 17:02:20,662 INFO test.py line 272 25394] Test: scene0146_00 [293/312]-60438 Batch 7.830 (19.052) Accuracy 0.8483 (0.4889) mIoU 0.3608 (0.3718) +[2024-10-13 17:02:20,844 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 0/127 +[2024-10-13 17:02:20,997 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 1/127 +[2024-10-13 17:02:21,152 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 2/127 +[2024-10-13 17:02:21,306 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 3/127 +[2024-10-13 17:02:21,459 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 4/127 +[2024-10-13 17:02:21,614 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 5/127 +[2024-10-13 17:02:21,768 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 6/127 +[2024-10-13 17:02:21,924 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 7/127 +[2024-10-13 17:02:22,078 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 8/127 +[2024-10-13 17:02:22,233 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 9/127 +[2024-10-13 17:02:22,387 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 10/127 +[2024-10-13 17:02:22,541 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 11/127 +[2024-10-13 17:02:22,696 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 12/127 +[2024-10-13 17:02:22,882 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 13/127 +[2024-10-13 17:02:23,037 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 14/127 +[2024-10-13 17:02:23,192 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 15/127 +[2024-10-13 17:02:23,347 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 16/127 +[2024-10-13 17:02:23,502 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 17/127 +[2024-10-13 17:02:23,655 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 18/127 +[2024-10-13 17:02:23,809 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 19/127 +[2024-10-13 17:02:23,963 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 20/127 +[2024-10-13 17:02:24,117 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 21/127 +[2024-10-13 17:02:24,271 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 22/127 +[2024-10-13 17:02:24,425 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 23/127 +[2024-10-13 17:02:24,579 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 24/127 +[2024-10-13 17:02:24,732 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 25/127 +[2024-10-13 17:02:24,886 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 26/127 +[2024-10-13 17:02:25,041 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 27/127 +[2024-10-13 17:02:25,195 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 28/127 +[2024-10-13 17:02:25,349 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 29/127 +[2024-10-13 17:02:25,503 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 30/127 +[2024-10-13 17:02:25,657 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 31/127 +[2024-10-13 17:02:25,811 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 32/127 +[2024-10-13 17:02:25,964 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 33/127 +[2024-10-13 17:02:26,117 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 34/127 +[2024-10-13 17:02:26,417 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 35/127 +[2024-10-13 17:02:26,571 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 36/127 +[2024-10-13 17:02:26,725 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 37/127 +[2024-10-13 17:02:26,877 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 38/127 +[2024-10-13 17:02:27,030 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 39/127 +[2024-10-13 17:02:27,182 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 40/127 +[2024-10-13 17:02:27,335 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 41/127 +[2024-10-13 17:02:27,488 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 42/127 +[2024-10-13 17:02:27,640 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 43/127 +[2024-10-13 17:02:27,785 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 44/127 +[2024-10-13 17:02:27,930 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 45/127 +[2024-10-13 17:02:28,075 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 46/127 +[2024-10-13 17:02:28,219 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 47/127 +[2024-10-13 17:02:28,364 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 48/127 +[2024-10-13 17:02:28,509 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 49/127 +[2024-10-13 17:02:28,654 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 50/127 +[2024-10-13 17:02:28,799 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 51/127 +[2024-10-13 17:02:28,944 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 52/127 +[2024-10-13 17:02:29,089 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 53/127 +[2024-10-13 17:02:29,233 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 54/127 +[2024-10-13 17:02:29,377 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 55/127 +[2024-10-13 17:02:29,522 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 56/127 +[2024-10-13 17:02:29,666 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 57/127 +[2024-10-13 17:02:29,810 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 58/127 +[2024-10-13 17:02:29,954 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 59/127 +[2024-10-13 17:02:30,099 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 60/127 +[2024-10-13 17:02:30,243 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 61/127 +[2024-10-13 17:02:30,388 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 62/127 +[2024-10-13 17:02:30,532 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 63/127 +[2024-10-13 17:02:30,676 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 64/127 +[2024-10-13 17:02:30,820 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 65/127 +[2024-10-13 17:02:30,964 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 66/127 +[2024-10-13 17:02:31,108 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 67/127 +[2024-10-13 17:02:31,252 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 68/127 +[2024-10-13 17:02:31,396 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 69/127 +[2024-10-13 17:02:31,540 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 70/127 +[2024-10-13 17:02:31,685 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 71/127 +[2024-10-13 17:02:31,829 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 72/127 +[2024-10-13 17:02:31,973 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 73/127 +[2024-10-13 17:02:32,117 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 74/127 +[2024-10-13 17:02:32,260 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 75/127 +[2024-10-13 17:02:32,404 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 76/127 +[2024-10-13 17:02:32,548 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 77/127 +[2024-10-13 17:02:32,692 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 78/127 +[2024-10-13 17:02:32,836 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 79/127 +[2024-10-13 17:02:32,980 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 80/127 +[2024-10-13 17:02:33,124 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 81/127 +[2024-10-13 17:02:33,268 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 82/127 +[2024-10-13 17:02:33,412 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 83/127 +[2024-10-13 17:02:33,576 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 84/127 +[2024-10-13 17:02:33,740 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 85/127 +[2024-10-13 17:02:33,903 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 86/127 +[2024-10-13 17:02:34,068 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 87/127 +[2024-10-13 17:02:34,232 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 88/127 +[2024-10-13 17:02:34,396 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 89/127 +[2024-10-13 17:02:34,560 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 90/127 +[2024-10-13 17:02:34,723 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 91/127 +[2024-10-13 17:02:34,888 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 92/127 +[2024-10-13 17:02:35,052 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 93/127 +[2024-10-13 17:02:35,216 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 94/127 +[2024-10-13 17:02:35,379 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 95/127 +[2024-10-13 17:02:35,543 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 96/127 +[2024-10-13 17:02:35,707 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 97/127 +[2024-10-13 17:02:35,872 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 98/127 +[2024-10-13 17:02:36,036 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 99/127 +[2024-10-13 17:02:36,199 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 100/127 +[2024-10-13 17:02:36,363 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 101/127 +[2024-10-13 17:02:36,528 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 102/127 +[2024-10-13 17:02:36,692 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 103/127 +[2024-10-13 17:02:36,856 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 104/127 +[2024-10-13 17:02:37,020 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 105/127 +[2024-10-13 17:02:37,184 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 106/127 +[2024-10-13 17:02:37,348 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 107/127 +[2024-10-13 17:02:37,511 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 108/127 +[2024-10-13 17:02:37,674 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 109/127 +[2024-10-13 17:02:37,836 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 110/127 +[2024-10-13 17:02:37,998 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 111/127 +[2024-10-13 17:02:38,160 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 112/127 +[2024-10-13 17:02:38,322 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 113/127 +[2024-10-13 17:02:38,485 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 114/127 +[2024-10-13 17:02:38,647 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 115/127 +[2024-10-13 17:02:38,801 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 116/127 +[2024-10-13 17:02:38,955 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 117/127 +[2024-10-13 17:02:39,109 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 118/127 +[2024-10-13 17:02:39,262 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 119/127 +[2024-10-13 17:02:39,416 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 120/127 +[2024-10-13 17:02:39,570 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 121/127 +[2024-10-13 17:02:39,723 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 122/127 +[2024-10-13 17:02:39,877 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 123/127 +[2024-10-13 17:02:40,031 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 124/127 +[2024-10-13 17:02:40,185 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 125/127 +[2024-10-13 17:02:40,339 INFO test.py line 186 25394] Test: 294/312-scene0598_02, Batch: 126/127 +[2024-10-13 17:02:40,561 INFO test.py line 272 25394] Test: scene0598_02 [294/312]-176139 Batch 19.899 (19.054) Accuracy 0.7566 (0.4889) mIoU 0.6439 (0.3716) +[2024-10-13 17:02:40,946 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 0/130 +[2024-10-13 17:02:41,265 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 1/130 +[2024-10-13 17:02:41,585 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 2/130 +[2024-10-13 17:02:41,905 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 3/130 +[2024-10-13 17:02:42,224 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 4/130 +[2024-10-13 17:02:42,544 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 5/130 +[2024-10-13 17:02:42,864 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 6/130 +[2024-10-13 17:02:43,183 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 7/130 +[2024-10-13 17:02:43,503 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 8/130 +[2024-10-13 17:02:43,822 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 9/130 +[2024-10-13 17:02:44,143 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 10/130 +[2024-10-13 17:02:44,463 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 11/130 +[2024-10-13 17:02:44,783 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 12/130 +[2024-10-13 17:02:45,103 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 13/130 +[2024-10-13 17:02:45,423 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 14/130 +[2024-10-13 17:02:45,742 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 15/130 +[2024-10-13 17:02:46,062 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 16/130 +[2024-10-13 17:02:46,383 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 17/130 +[2024-10-13 17:02:46,703 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 18/130 +[2024-10-13 17:02:47,024 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 19/130 +[2024-10-13 17:02:47,343 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 20/130 +[2024-10-13 17:02:47,664 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 21/130 +[2024-10-13 17:02:47,983 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 22/130 +[2024-10-13 17:02:48,302 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 23/130 +[2024-10-13 17:02:48,622 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 24/130 +[2024-10-13 17:02:48,941 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 25/130 +[2024-10-13 17:02:49,261 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 26/130 +[2024-10-13 17:02:49,581 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 27/130 +[2024-10-13 17:02:49,900 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 28/130 +[2024-10-13 17:02:50,221 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 29/130 +[2024-10-13 17:02:50,540 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 30/130 +[2024-10-13 17:02:50,860 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 31/130 +[2024-10-13 17:02:51,180 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 32/130 +[2024-10-13 17:02:51,500 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 33/130 +[2024-10-13 17:02:51,820 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 34/130 +[2024-10-13 17:02:52,139 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 35/130 +[2024-10-13 17:02:52,458 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 36/130 +[2024-10-13 17:02:52,777 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 37/130 +[2024-10-13 17:02:53,097 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 38/130 +[2024-10-13 17:02:53,416 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 39/130 +[2024-10-13 17:02:53,715 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 40/130 +[2024-10-13 17:02:54,013 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 41/130 +[2024-10-13 17:02:54,310 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 42/130 +[2024-10-13 17:02:54,607 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 43/130 +[2024-10-13 17:02:54,905 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 44/130 +[2024-10-13 17:02:55,203 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 45/130 +[2024-10-13 17:02:55,501 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 46/130 +[2024-10-13 17:02:55,799 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 47/130 +[2024-10-13 17:02:56,097 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 48/130 +[2024-10-13 17:02:56,395 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 49/130 +[2024-10-13 17:02:56,694 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 50/130 +[2024-10-13 17:02:56,991 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 51/130 +[2024-10-13 17:02:57,287 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 52/130 +[2024-10-13 17:02:57,584 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 53/130 +[2024-10-13 17:02:57,882 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 54/130 +[2024-10-13 17:02:58,179 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 55/130 +[2024-10-13 17:02:58,476 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 56/130 +[2024-10-13 17:02:58,772 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 57/130 +[2024-10-13 17:02:59,069 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 58/130 +[2024-10-13 17:02:59,366 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 59/130 +[2024-10-13 17:02:59,663 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 60/130 +[2024-10-13 17:02:59,961 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 61/130 +[2024-10-13 17:03:00,258 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 62/130 +[2024-10-13 17:03:00,556 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 63/130 +[2024-10-13 17:03:00,853 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 64/130 +[2024-10-13 17:03:01,151 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 65/130 +[2024-10-13 17:03:01,448 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 66/130 +[2024-10-13 17:03:01,746 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 67/130 +[2024-10-13 17:03:02,043 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 68/130 +[2024-10-13 17:03:02,341 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 69/130 +[2024-10-13 17:03:02,638 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 70/130 +[2024-10-13 17:03:02,935 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 71/130 +[2024-10-13 17:03:03,233 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 72/130 +[2024-10-13 17:03:03,531 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 73/130 +[2024-10-13 17:03:03,829 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 74/130 +[2024-10-13 17:03:04,126 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 75/130 +[2024-10-13 17:03:04,424 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 76/130 +[2024-10-13 17:03:04,721 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 77/130 +[2024-10-13 17:03:05,018 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 78/130 +[2024-10-13 17:03:05,316 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 79/130 +[2024-10-13 17:03:05,614 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 80/130 +[2024-10-13 17:03:05,912 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 81/130 +[2024-10-13 17:03:06,210 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 82/130 +[2024-10-13 17:03:06,508 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 83/130 +[2024-10-13 17:03:06,849 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 84/130 +[2024-10-13 17:03:07,191 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 85/130 +[2024-10-13 17:03:07,533 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 86/130 +[2024-10-13 17:03:07,874 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 87/130 +[2024-10-13 17:03:08,217 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 88/130 +[2024-10-13 17:03:08,559 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 89/130 +[2024-10-13 17:03:08,901 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 90/130 +[2024-10-13 17:03:09,243 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 91/130 +[2024-10-13 17:03:09,585 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 92/130 +[2024-10-13 17:03:09,926 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 93/130 +[2024-10-13 17:03:10,268 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 94/130 +[2024-10-13 17:03:10,610 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 95/130 +[2024-10-13 17:03:10,952 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 96/130 +[2024-10-13 17:03:11,294 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 97/130 +[2024-10-13 17:03:11,636 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 98/130 +[2024-10-13 17:03:11,978 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 99/130 +[2024-10-13 17:03:12,320 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 100/130 +[2024-10-13 17:03:12,662 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 101/130 +[2024-10-13 17:03:13,003 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 102/130 +[2024-10-13 17:03:13,344 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 103/130 +[2024-10-13 17:03:13,685 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 104/130 +[2024-10-13 17:03:14,025 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 105/130 +[2024-10-13 17:03:14,366 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 106/130 +[2024-10-13 17:03:14,707 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 107/130 +[2024-10-13 17:03:15,048 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 108/130 +[2024-10-13 17:03:15,390 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 109/130 +[2024-10-13 17:03:15,732 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 110/130 +[2024-10-13 17:03:16,072 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 111/130 +[2024-10-13 17:03:16,412 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 112/130 +[2024-10-13 17:03:16,752 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 113/130 +[2024-10-13 17:03:17,093 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 114/130 +[2024-10-13 17:03:17,433 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 115/130 +[2024-10-13 17:03:17,774 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 116/130 +[2024-10-13 17:03:18,114 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 117/130 +[2024-10-13 17:03:18,454 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 118/130 +[2024-10-13 17:03:18,795 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 119/130 +[2024-10-13 17:03:19,114 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 120/130 +[2024-10-13 17:03:19,434 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 121/130 +[2024-10-13 17:03:19,754 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 122/130 +[2024-10-13 17:03:20,074 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 123/130 +[2024-10-13 17:03:20,394 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 124/130 +[2024-10-13 17:03:20,713 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 125/130 +[2024-10-13 17:03:21,032 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 126/130 +[2024-10-13 17:03:21,352 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 127/130 +[2024-10-13 17:03:21,672 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 128/130 +[2024-10-13 17:03:21,992 INFO test.py line 186 25394] Test: 295/312-scene0208_00, Batch: 129/130 +[2024-10-13 17:03:22,503 INFO test.py line 272 25394] Test: scene0208_00 [295/312]-407386 Batch 41.941 (19.132) Accuracy 0.7614 (0.4884) mIoU 0.2967 (0.3712) +[2024-10-13 17:03:22,688 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 0/144 +[2024-10-13 17:03:22,843 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 1/144 +[2024-10-13 17:03:22,998 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 2/144 +[2024-10-13 17:03:23,164 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 3/144 +[2024-10-13 17:03:23,319 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 4/144 +[2024-10-13 17:03:23,474 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 5/144 +[2024-10-13 17:03:23,629 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 6/144 +[2024-10-13 17:03:23,784 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 7/144 +[2024-10-13 17:03:23,940 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 8/144 +[2024-10-13 17:03:24,094 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 9/144 +[2024-10-13 17:03:24,250 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 10/144 +[2024-10-13 17:03:24,405 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 11/144 +[2024-10-13 17:03:24,559 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 12/144 +[2024-10-13 17:03:24,714 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 13/144 +[2024-10-13 17:03:24,869 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 14/144 +[2024-10-13 17:03:25,023 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 15/144 +[2024-10-13 17:03:25,178 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 16/144 +[2024-10-13 17:03:25,333 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 17/144 +[2024-10-13 17:03:25,487 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 18/144 +[2024-10-13 17:03:25,642 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 19/144 +[2024-10-13 17:03:25,797 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 20/144 +[2024-10-13 17:03:25,952 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 21/144 +[2024-10-13 17:03:26,107 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 22/144 +[2024-10-13 17:03:26,262 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 23/144 +[2024-10-13 17:03:26,417 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 24/144 +[2024-10-13 17:03:26,573 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 25/144 +[2024-10-13 17:03:26,729 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 26/144 +[2024-10-13 17:03:26,884 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 27/144 +[2024-10-13 17:03:27,039 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 28/144 +[2024-10-13 17:03:27,194 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 29/144 +[2024-10-13 17:03:27,349 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 30/144 +[2024-10-13 17:03:27,505 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 31/144 +[2024-10-13 17:03:27,660 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 32/144 +[2024-10-13 17:03:27,815 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 33/144 +[2024-10-13 17:03:27,971 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 34/144 +[2024-10-13 17:03:28,126 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 35/144 +[2024-10-13 17:03:28,282 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 36/144 +[2024-10-13 17:03:28,436 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 37/144 +[2024-10-13 17:03:28,592 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 38/144 +[2024-10-13 17:03:28,747 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 39/144 +[2024-10-13 17:03:28,902 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 40/144 +[2024-10-13 17:03:29,057 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 41/144 +[2024-10-13 17:03:29,212 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 42/144 +[2024-10-13 17:03:29,367 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 43/144 +[2024-10-13 17:03:29,522 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 44/144 +[2024-10-13 17:03:29,677 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 45/144 +[2024-10-13 17:03:29,832 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 46/144 +[2024-10-13 17:03:29,987 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 47/144 +[2024-10-13 17:03:30,133 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 48/144 +[2024-10-13 17:03:30,279 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 49/144 +[2024-10-13 17:03:30,427 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 50/144 +[2024-10-13 17:03:30,573 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 51/144 +[2024-10-13 17:03:30,719 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 52/144 +[2024-10-13 17:03:30,865 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 53/144 +[2024-10-13 17:03:31,012 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 54/144 +[2024-10-13 17:03:31,158 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 55/144 +[2024-10-13 17:03:31,304 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 56/144 +[2024-10-13 17:03:31,451 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 57/144 +[2024-10-13 17:03:31,597 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 58/144 +[2024-10-13 17:03:31,743 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 59/144 +[2024-10-13 17:03:31,890 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 60/144 +[2024-10-13 17:03:32,036 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 61/144 +[2024-10-13 17:03:32,181 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 62/144 +[2024-10-13 17:03:32,327 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 63/144 +[2024-10-13 17:03:32,473 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 64/144 +[2024-10-13 17:03:32,619 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 65/144 +[2024-10-13 17:03:32,766 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 66/144 +[2024-10-13 17:03:32,912 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 67/144 +[2024-10-13 17:03:33,058 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 68/144 +[2024-10-13 17:03:33,204 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 69/144 +[2024-10-13 17:03:33,350 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 70/144 +[2024-10-13 17:03:33,496 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 71/144 +[2024-10-13 17:03:33,643 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 72/144 +[2024-10-13 17:03:33,790 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 73/144 +[2024-10-13 17:03:33,936 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 74/144 +[2024-10-13 17:03:34,083 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 75/144 +[2024-10-13 17:03:34,229 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 76/144 +[2024-10-13 17:03:34,375 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 77/144 +[2024-10-13 17:03:34,522 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 78/144 +[2024-10-13 17:03:34,668 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 79/144 +[2024-10-13 17:03:34,814 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 80/144 +[2024-10-13 17:03:34,960 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 81/144 +[2024-10-13 17:03:35,106 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 82/144 +[2024-10-13 17:03:35,252 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 83/144 +[2024-10-13 17:03:35,397 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 84/144 +[2024-10-13 17:03:35,543 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 85/144 +[2024-10-13 17:03:35,690 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 86/144 +[2024-10-13 17:03:35,836 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 87/144 +[2024-10-13 17:03:35,982 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 88/144 +[2024-10-13 17:03:36,128 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 89/144 +[2024-10-13 17:03:36,273 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 90/144 +[2024-10-13 17:03:36,419 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 91/144 +[2024-10-13 17:03:36,583 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 92/144 +[2024-10-13 17:03:36,748 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 93/144 +[2024-10-13 17:03:36,912 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 94/144 +[2024-10-13 17:03:37,077 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 95/144 +[2024-10-13 17:03:37,242 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 96/144 +[2024-10-13 17:03:37,407 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 97/144 +[2024-10-13 17:03:37,571 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 98/144 +[2024-10-13 17:03:37,736 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 99/144 +[2024-10-13 17:03:37,900 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 100/144 +[2024-10-13 17:03:38,064 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 101/144 +[2024-10-13 17:03:38,229 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 102/144 +[2024-10-13 17:03:38,393 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 103/144 +[2024-10-13 17:03:38,557 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 104/144 +[2024-10-13 17:03:38,722 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 105/144 +[2024-10-13 17:03:38,886 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 106/144 +[2024-10-13 17:03:39,051 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 107/144 +[2024-10-13 17:03:39,214 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 108/144 +[2024-10-13 17:03:39,378 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 109/144 +[2024-10-13 17:03:39,542 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 110/144 +[2024-10-13 17:03:39,706 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 111/144 +[2024-10-13 17:03:39,871 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 112/144 +[2024-10-13 17:03:40,035 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 113/144 +[2024-10-13 17:03:40,200 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 114/144 +[2024-10-13 17:03:40,364 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 115/144 +[2024-10-13 17:03:40,529 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 116/144 +[2024-10-13 17:03:40,694 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 117/144 +[2024-10-13 17:03:40,858 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 118/144 +[2024-10-13 17:03:41,022 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 119/144 +[2024-10-13 17:03:41,187 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 120/144 +[2024-10-13 17:03:41,351 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 121/144 +[2024-10-13 17:03:41,516 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 122/144 +[2024-10-13 17:03:41,679 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 123/144 +[2024-10-13 17:03:41,844 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 124/144 +[2024-10-13 17:03:42,008 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 125/144 +[2024-10-13 17:03:42,173 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 126/144 +[2024-10-13 17:03:42,337 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 127/144 +[2024-10-13 17:03:42,500 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 128/144 +[2024-10-13 17:03:42,665 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 129/144 +[2024-10-13 17:03:42,829 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 130/144 +[2024-10-13 17:03:42,994 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 131/144 +[2024-10-13 17:03:43,149 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 132/144 +[2024-10-13 17:03:43,305 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 133/144 +[2024-10-13 17:03:43,460 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 134/144 +[2024-10-13 17:03:43,615 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 135/144 +[2024-10-13 17:03:43,770 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 136/144 +[2024-10-13 17:03:43,925 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 137/144 +[2024-10-13 17:03:44,080 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 138/144 +[2024-10-13 17:03:44,236 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 139/144 +[2024-10-13 17:03:44,391 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 140/144 +[2024-10-13 17:03:44,546 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 141/144 +[2024-10-13 17:03:44,702 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 142/144 +[2024-10-13 17:03:44,858 INFO test.py line 186 25394] Test: 296/312-scene0131_00, Batch: 143/144 +[2024-10-13 17:03:45,085 INFO test.py line 272 25394] Test: scene0131_00 [296/312]-177091 Batch 22.582 (19.144) Accuracy 0.8190 (0.4885) mIoU 0.3527 (0.3712) +[2024-10-13 17:03:45,316 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 0/149 +[2024-10-13 17:03:45,514 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 1/149 +[2024-10-13 17:03:45,708 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 2/149 +[2024-10-13 17:03:45,902 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 3/149 +[2024-10-13 17:03:46,096 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 4/149 +[2024-10-13 17:03:46,290 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 5/149 +[2024-10-13 17:03:46,484 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 6/149 +[2024-10-13 17:03:46,678 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 7/149 +[2024-10-13 17:03:46,901 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 8/149 +[2024-10-13 17:03:47,101 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 9/149 +[2024-10-13 17:03:47,294 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 10/149 +[2024-10-13 17:03:47,488 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 11/149 +[2024-10-13 17:03:47,682 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 12/149 +[2024-10-13 17:03:47,875 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 13/149 +[2024-10-13 17:03:48,067 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 14/149 +[2024-10-13 17:03:48,260 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 15/149 +[2024-10-13 17:03:48,454 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 16/149 +[2024-10-13 17:03:48,647 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 17/149 +[2024-10-13 17:03:48,840 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 18/149 +[2024-10-13 17:03:49,033 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 19/149 +[2024-10-13 17:03:49,226 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 20/149 +[2024-10-13 17:03:49,419 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 21/149 +[2024-10-13 17:03:49,612 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 22/149 +[2024-10-13 17:03:49,805 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 23/149 +[2024-10-13 17:03:49,998 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 24/149 +[2024-10-13 17:03:50,191 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 25/149 +[2024-10-13 17:03:50,383 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 26/149 +[2024-10-13 17:03:50,576 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 27/149 +[2024-10-13 17:03:50,769 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 28/149 +[2024-10-13 17:03:50,962 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 29/149 +[2024-10-13 17:03:51,154 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 30/149 +[2024-10-13 17:03:51,347 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 31/149 +[2024-10-13 17:03:51,540 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 32/149 +[2024-10-13 17:03:51,733 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 33/149 +[2024-10-13 17:03:51,925 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 34/149 +[2024-10-13 17:03:52,118 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 35/149 +[2024-10-13 17:03:52,311 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 36/149 +[2024-10-13 17:03:52,504 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 37/149 +[2024-10-13 17:03:52,697 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 38/149 +[2024-10-13 17:03:52,889 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 39/149 +[2024-10-13 17:03:53,082 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 40/149 +[2024-10-13 17:03:53,275 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 41/149 +[2024-10-13 17:03:53,467 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 42/149 +[2024-10-13 17:03:53,660 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 43/149 +[2024-10-13 17:03:53,852 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 44/149 +[2024-10-13 17:03:54,045 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 45/149 +[2024-10-13 17:03:54,238 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 46/149 +[2024-10-13 17:03:54,430 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 47/149 +[2024-10-13 17:03:54,623 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 48/149 +[2024-10-13 17:03:54,816 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 49/149 +[2024-10-13 17:03:55,008 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 50/149 +[2024-10-13 17:03:55,201 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 51/149 +[2024-10-13 17:03:55,381 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 52/149 +[2024-10-13 17:03:55,562 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 53/149 +[2024-10-13 17:03:55,743 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 54/149 +[2024-10-13 17:03:55,924 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 55/149 +[2024-10-13 17:03:56,105 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 56/149 +[2024-10-13 17:03:56,286 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 57/149 +[2024-10-13 17:03:56,467 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 58/149 +[2024-10-13 17:03:56,647 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 59/149 +[2024-10-13 17:03:56,829 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 60/149 +[2024-10-13 17:03:57,010 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 61/149 +[2024-10-13 17:03:57,191 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 62/149 +[2024-10-13 17:03:57,372 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 63/149 +[2024-10-13 17:03:57,553 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 64/149 +[2024-10-13 17:03:57,734 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 65/149 +[2024-10-13 17:03:57,915 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 66/149 +[2024-10-13 17:03:58,096 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 67/149 +[2024-10-13 17:03:58,277 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 68/149 +[2024-10-13 17:03:58,458 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 69/149 +[2024-10-13 17:03:58,639 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 70/149 +[2024-10-13 17:03:58,820 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 71/149 +[2024-10-13 17:03:59,000 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 72/149 +[2024-10-13 17:03:59,181 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 73/149 +[2024-10-13 17:03:59,361 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 74/149 +[2024-10-13 17:03:59,541 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 75/149 +[2024-10-13 17:03:59,721 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 76/149 +[2024-10-13 17:03:59,901 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 77/149 +[2024-10-13 17:04:00,082 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 78/149 +[2024-10-13 17:04:00,262 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 79/149 +[2024-10-13 17:04:00,442 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 80/149 +[2024-10-13 17:04:00,623 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 81/149 +[2024-10-13 17:04:00,803 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 82/149 +[2024-10-13 17:04:00,984 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 83/149 +[2024-10-13 17:04:01,164 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 84/149 +[2024-10-13 17:04:01,345 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 85/149 +[2024-10-13 17:04:01,525 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 86/149 +[2024-10-13 17:04:01,706 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 87/149 +[2024-10-13 17:04:01,887 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 88/149 +[2024-10-13 17:04:02,068 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 89/149 +[2024-10-13 17:04:02,249 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 90/149 +[2024-10-13 17:04:02,429 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 91/149 +[2024-10-13 17:04:02,610 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 92/149 +[2024-10-13 17:04:02,791 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 93/149 +[2024-10-13 17:04:02,972 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 94/149 +[2024-10-13 17:04:03,152 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 95/149 +[2024-10-13 17:04:03,359 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 96/149 +[2024-10-13 17:04:03,566 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 97/149 +[2024-10-13 17:04:03,773 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 98/149 +[2024-10-13 17:04:03,979 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 99/149 +[2024-10-13 17:04:04,186 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 100/149 +[2024-10-13 17:04:04,393 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 101/149 +[2024-10-13 17:04:04,600 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 102/149 +[2024-10-13 17:04:04,807 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 103/149 +[2024-10-13 17:04:05,013 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 104/149 +[2024-10-13 17:04:05,220 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 105/149 +[2024-10-13 17:04:05,426 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 106/149 +[2024-10-13 17:04:05,633 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 107/149 +[2024-10-13 17:04:05,839 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 108/149 +[2024-10-13 17:04:06,045 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 109/149 +[2024-10-13 17:04:06,252 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 110/149 +[2024-10-13 17:04:06,458 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 111/149 +[2024-10-13 17:04:06,664 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 112/149 +[2024-10-13 17:04:06,870 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 113/149 +[2024-10-13 17:04:07,076 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 114/149 +[2024-10-13 17:04:07,282 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 115/149 +[2024-10-13 17:04:07,489 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 116/149 +[2024-10-13 17:04:07,695 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 117/149 +[2024-10-13 17:04:07,901 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 118/149 +[2024-10-13 17:04:08,108 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 119/149 +[2024-10-13 17:04:08,314 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 120/149 +[2024-10-13 17:04:08,520 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 121/149 +[2024-10-13 17:04:08,726 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 122/149 +[2024-10-13 17:04:08,932 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 123/149 +[2024-10-13 17:04:09,138 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 124/149 +[2024-10-13 17:04:09,345 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 125/149 +[2024-10-13 17:04:09,551 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 126/149 +[2024-10-13 17:04:09,757 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 127/149 +[2024-10-13 17:04:09,963 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 128/149 +[2024-10-13 17:04:10,169 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 129/149 +[2024-10-13 17:04:10,376 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 130/149 +[2024-10-13 17:04:10,582 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 131/149 +[2024-10-13 17:04:10,788 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 132/149 +[2024-10-13 17:04:10,994 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 133/149 +[2024-10-13 17:04:11,201 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 134/149 +[2024-10-13 17:04:11,408 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 135/149 +[2024-10-13 17:04:11,600 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 136/149 +[2024-10-13 17:04:11,793 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 137/149 +[2024-10-13 17:04:11,986 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 138/149 +[2024-10-13 17:04:12,179 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 139/149 +[2024-10-13 17:04:12,372 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 140/149 +[2024-10-13 17:04:12,565 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 141/149 +[2024-10-13 17:04:12,757 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 142/149 +[2024-10-13 17:04:12,950 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 143/149 +[2024-10-13 17:04:13,142 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 144/149 +[2024-10-13 17:04:13,335 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 145/149 +[2024-10-13 17:04:13,528 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 146/149 +[2024-10-13 17:04:13,721 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 147/149 +[2024-10-13 17:04:13,914 INFO test.py line 186 25394] Test: 297/312-scene0568_02, Batch: 148/149 +[2024-10-13 17:04:14,208 INFO test.py line 272 25394] Test: scene0568_02 [297/312]-232577 Batch 29.122 (19.177) Accuracy 0.8359 (0.4883) mIoU 0.3720 (0.3711) +[2024-10-13 17:04:14,351 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 0/39 +[2024-10-13 17:04:14,487 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 1/39 +[2024-10-13 17:04:14,622 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 2/39 +[2024-10-13 17:04:14,758 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 3/39 +[2024-10-13 17:04:14,894 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 4/39 +[2024-10-13 17:04:15,030 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 5/39 +[2024-10-13 17:04:15,166 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 6/39 +[2024-10-13 17:04:15,301 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 7/39 +[2024-10-13 17:04:15,437 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 8/39 +[2024-10-13 17:04:15,572 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 9/39 +[2024-10-13 17:04:15,708 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 10/39 +[2024-10-13 17:04:15,843 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 11/39 +[2024-10-13 17:04:15,971 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 12/39 +[2024-10-13 17:04:16,099 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 13/39 +[2024-10-13 17:04:16,228 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 14/39 +[2024-10-13 17:04:16,356 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 15/39 +[2024-10-13 17:04:16,485 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 16/39 +[2024-10-13 17:04:16,614 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 17/39 +[2024-10-13 17:04:16,742 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 18/39 +[2024-10-13 17:04:16,871 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 19/39 +[2024-10-13 17:04:17,000 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 20/39 +[2024-10-13 17:04:17,129 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 21/39 +[2024-10-13 17:04:17,258 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 22/39 +[2024-10-13 17:04:17,387 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 23/39 +[2024-10-13 17:04:17,528 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 24/39 +[2024-10-13 17:04:17,669 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 25/39 +[2024-10-13 17:04:17,810 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 26/39 +[2024-10-13 17:04:17,950 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 27/39 +[2024-10-13 17:04:18,091 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 28/39 +[2024-10-13 17:04:18,233 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 29/39 +[2024-10-13 17:04:18,374 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 30/39 +[2024-10-13 17:04:18,516 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 31/39 +[2024-10-13 17:04:18,657 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 32/39 +[2024-10-13 17:04:18,798 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 33/39 +[2024-10-13 17:04:18,939 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 34/39 +[2024-10-13 17:04:19,080 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 35/39 +[2024-10-13 17:04:19,215 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 36/39 +[2024-10-13 17:04:19,351 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 37/39 +[2024-10-13 17:04:19,487 INFO test.py line 186 25394] Test: 298/312-scene0663_02, Batch: 38/39 +[2024-10-13 17:04:19,555 INFO test.py line 272 25394] Test: scene0663_02 [298/312]-48076 Batch 5.347 (19.131) Accuracy 0.8415 (0.4885) mIoU 0.4085 (0.3711) +[2024-10-13 17:04:19,654 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 0/107 +[2024-10-13 17:04:19,741 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 1/107 +[2024-10-13 17:04:19,828 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 2/107 +[2024-10-13 17:04:19,915 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 3/107 +[2024-10-13 17:04:20,003 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 4/107 +[2024-10-13 17:04:20,090 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 5/107 +[2024-10-13 17:04:20,177 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 6/107 +[2024-10-13 17:04:20,264 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 7/107 +[2024-10-13 17:04:20,352 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 8/107 +[2024-10-13 17:04:20,439 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 9/107 +[2024-10-13 17:04:20,527 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 10/107 +[2024-10-13 17:04:20,614 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 11/107 +[2024-10-13 17:04:20,702 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 12/107 +[2024-10-13 17:04:20,790 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 13/107 +[2024-10-13 17:04:20,877 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 14/107 +[2024-10-13 17:04:20,964 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 15/107 +[2024-10-13 17:04:21,052 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 16/107 +[2024-10-13 17:04:21,164 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 17/107 +[2024-10-13 17:04:21,252 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 18/107 +[2024-10-13 17:04:21,340 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 19/107 +[2024-10-13 17:04:21,428 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 20/107 +[2024-10-13 17:04:21,516 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 21/107 +[2024-10-13 17:04:21,604 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 22/107 +[2024-10-13 17:04:21,692 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 23/107 +[2024-10-13 17:04:21,779 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 24/107 +[2024-10-13 17:04:21,866 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 25/107 +[2024-10-13 17:04:21,953 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 26/107 +[2024-10-13 17:04:22,040 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 27/107 +[2024-10-13 17:04:22,123 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 28/107 +[2024-10-13 17:04:22,205 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 29/107 +[2024-10-13 17:04:22,288 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 30/107 +[2024-10-13 17:04:22,371 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 31/107 +[2024-10-13 17:04:22,454 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 32/107 +[2024-10-13 17:04:22,536 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 33/107 +[2024-10-13 17:04:22,619 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 34/107 +[2024-10-13 17:04:22,702 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 35/107 +[2024-10-13 17:04:22,784 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 36/107 +[2024-10-13 17:04:22,867 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 37/107 +[2024-10-13 17:04:22,950 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 38/107 +[2024-10-13 17:04:23,033 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 39/107 +[2024-10-13 17:04:23,116 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 40/107 +[2024-10-13 17:04:23,199 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 41/107 +[2024-10-13 17:04:23,282 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 42/107 +[2024-10-13 17:04:23,364 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 43/107 +[2024-10-13 17:04:23,447 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 44/107 +[2024-10-13 17:04:23,530 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 45/107 +[2024-10-13 17:04:23,613 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 46/107 +[2024-10-13 17:04:23,696 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 47/107 +[2024-10-13 17:04:23,779 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 48/107 +[2024-10-13 17:04:23,862 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 49/107 +[2024-10-13 17:04:23,945 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 50/107 +[2024-10-13 17:04:24,028 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 51/107 +[2024-10-13 17:04:24,111 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 52/107 +[2024-10-13 17:04:24,194 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 53/107 +[2024-10-13 17:04:24,277 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 54/107 +[2024-10-13 17:04:24,360 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 55/107 +[2024-10-13 17:04:24,443 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 56/107 +[2024-10-13 17:04:24,526 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 57/107 +[2024-10-13 17:04:24,608 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 58/107 +[2024-10-13 17:04:24,691 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 59/107 +[2024-10-13 17:04:24,825 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 60/107 +[2024-10-13 17:04:24,909 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 61/107 +[2024-10-13 17:04:24,996 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 62/107 +[2024-10-13 17:04:25,080 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 63/107 +[2024-10-13 17:04:25,164 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 64/107 +[2024-10-13 17:04:25,246 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 65/107 +[2024-10-13 17:04:25,329 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 66/107 +[2024-10-13 17:04:25,412 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 67/107 +[2024-10-13 17:04:25,503 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 68/107 +[2024-10-13 17:04:25,593 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 69/107 +[2024-10-13 17:04:25,683 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 70/107 +[2024-10-13 17:04:25,774 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 71/107 +[2024-10-13 17:04:25,864 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 72/107 +[2024-10-13 17:04:25,955 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 73/107 +[2024-10-13 17:04:26,045 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 74/107 +[2024-10-13 17:04:26,135 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 75/107 +[2024-10-13 17:04:26,225 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 76/107 +[2024-10-13 17:04:26,315 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 77/107 +[2024-10-13 17:04:26,405 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 78/107 +[2024-10-13 17:04:26,495 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 79/107 +[2024-10-13 17:04:26,585 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 80/107 +[2024-10-13 17:04:26,676 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 81/107 +[2024-10-13 17:04:26,766 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 82/107 +[2024-10-13 17:04:26,856 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 83/107 +[2024-10-13 17:04:26,946 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 84/107 +[2024-10-13 17:04:27,036 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 85/107 +[2024-10-13 17:04:27,127 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 86/107 +[2024-10-13 17:04:27,217 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 87/107 +[2024-10-13 17:04:27,307 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 88/107 +[2024-10-13 17:04:27,397 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 89/107 +[2024-10-13 17:04:27,488 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 90/107 +[2024-10-13 17:04:27,578 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 91/107 +[2024-10-13 17:04:27,669 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 92/107 +[2024-10-13 17:04:27,760 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 93/107 +[2024-10-13 17:04:27,850 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 94/107 +[2024-10-13 17:04:27,940 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 95/107 +[2024-10-13 17:04:28,031 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 96/107 +[2024-10-13 17:04:28,121 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 97/107 +[2024-10-13 17:04:28,212 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 98/107 +[2024-10-13 17:04:28,302 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 99/107 +[2024-10-13 17:04:28,390 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 100/107 +[2024-10-13 17:04:28,477 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 101/107 +[2024-10-13 17:04:28,564 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 102/107 +[2024-10-13 17:04:28,651 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 103/107 +[2024-10-13 17:04:28,738 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 104/107 +[2024-10-13 17:04:28,825 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 105/107 +[2024-10-13 17:04:28,912 INFO test.py line 186 25394] Test: 299/312-scene0338_02, Batch: 106/107 +[2024-10-13 17:04:29,025 INFO test.py line 272 25394] Test: scene0338_02 [299/312]-84445 Batch 9.470 (19.099) Accuracy 0.7971 (0.4886) mIoU 0.5227 (0.3712) +[2024-10-13 17:04:29,300 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 0/134 +[2024-10-13 17:04:29,532 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 1/134 +[2024-10-13 17:04:29,764 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 2/134 +[2024-10-13 17:04:29,995 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 3/134 +[2024-10-13 17:04:30,227 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 4/134 +[2024-10-13 17:04:30,459 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 5/134 +[2024-10-13 17:04:30,692 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 6/134 +[2024-10-13 17:04:30,923 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 7/134 +[2024-10-13 17:04:31,155 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 8/134 +[2024-10-13 17:04:31,387 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 9/134 +[2024-10-13 17:04:31,619 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 10/134 +[2024-10-13 17:04:31,850 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 11/134 +[2024-10-13 17:04:32,081 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 12/134 +[2024-10-13 17:04:32,312 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 13/134 +[2024-10-13 17:04:32,543 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 14/134 +[2024-10-13 17:04:32,775 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 15/134 +[2024-10-13 17:04:33,006 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 16/134 +[2024-10-13 17:04:33,237 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 17/134 +[2024-10-13 17:04:33,470 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 18/134 +[2024-10-13 17:04:33,716 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 19/134 +[2024-10-13 17:04:33,948 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 20/134 +[2024-10-13 17:04:34,178 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 21/134 +[2024-10-13 17:04:34,409 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 22/134 +[2024-10-13 17:04:34,639 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 23/134 +[2024-10-13 17:04:34,870 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 24/134 +[2024-10-13 17:04:35,100 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 25/134 +[2024-10-13 17:04:35,331 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 26/134 +[2024-10-13 17:04:35,561 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 27/134 +[2024-10-13 17:04:35,792 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 28/134 +[2024-10-13 17:04:36,023 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 29/134 +[2024-10-13 17:04:36,253 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 30/134 +[2024-10-13 17:04:36,484 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 31/134 +[2024-10-13 17:04:36,714 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 32/134 +[2024-10-13 17:04:36,945 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 33/134 +[2024-10-13 17:04:37,176 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 34/134 +[2024-10-13 17:04:37,406 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 35/134 +[2024-10-13 17:04:37,636 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 36/134 +[2024-10-13 17:04:37,867 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 37/134 +[2024-10-13 17:04:38,097 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 38/134 +[2024-10-13 17:04:38,328 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 39/134 +[2024-10-13 17:04:38,543 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 40/134 +[2024-10-13 17:04:38,759 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 41/134 +[2024-10-13 17:04:38,974 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 42/134 +[2024-10-13 17:04:39,189 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 43/134 +[2024-10-13 17:04:39,405 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 44/134 +[2024-10-13 17:04:39,620 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 45/134 +[2024-10-13 17:04:39,835 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 46/134 +[2024-10-13 17:04:40,051 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 47/134 +[2024-10-13 17:04:40,266 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 48/134 +[2024-10-13 17:04:40,481 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 49/134 +[2024-10-13 17:04:40,697 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 50/134 +[2024-10-13 17:04:40,913 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 51/134 +[2024-10-13 17:04:41,129 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 52/134 +[2024-10-13 17:04:41,345 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 53/134 +[2024-10-13 17:04:41,562 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 54/134 +[2024-10-13 17:04:41,777 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 55/134 +[2024-10-13 17:04:41,993 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 56/134 +[2024-10-13 17:04:42,209 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 57/134 +[2024-10-13 17:04:42,426 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 58/134 +[2024-10-13 17:04:42,642 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 59/134 +[2024-10-13 17:04:42,858 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 60/134 +[2024-10-13 17:04:43,074 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 61/134 +[2024-10-13 17:04:43,290 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 62/134 +[2024-10-13 17:04:43,507 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 63/134 +[2024-10-13 17:04:43,724 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 64/134 +[2024-10-13 17:04:43,941 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 65/134 +[2024-10-13 17:04:44,158 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 66/134 +[2024-10-13 17:04:44,375 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 67/134 +[2024-10-13 17:04:44,591 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 68/134 +[2024-10-13 17:04:44,808 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 69/134 +[2024-10-13 17:04:45,024 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 70/134 +[2024-10-13 17:04:45,242 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 71/134 +[2024-10-13 17:04:45,458 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 72/134 +[2024-10-13 17:04:45,675 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 73/134 +[2024-10-13 17:04:45,891 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 74/134 +[2024-10-13 17:04:46,107 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 75/134 +[2024-10-13 17:04:46,324 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 76/134 +[2024-10-13 17:04:46,541 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 77/134 +[2024-10-13 17:04:46,757 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 78/134 +[2024-10-13 17:04:46,974 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 79/134 +[2024-10-13 17:04:47,190 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 80/134 +[2024-10-13 17:04:47,406 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 81/134 +[2024-10-13 17:04:47,622 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 82/134 +[2024-10-13 17:04:47,839 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 83/134 +[2024-10-13 17:04:48,085 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 84/134 +[2024-10-13 17:04:48,331 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 85/134 +[2024-10-13 17:04:48,579 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 86/134 +[2024-10-13 17:04:48,826 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 87/134 +[2024-10-13 17:04:49,073 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 88/134 +[2024-10-13 17:04:49,319 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 89/134 +[2024-10-13 17:04:49,566 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 90/134 +[2024-10-13 17:04:49,813 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 91/134 +[2024-10-13 17:04:50,060 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 92/134 +[2024-10-13 17:04:50,306 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 93/134 +[2024-10-13 17:04:50,553 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 94/134 +[2024-10-13 17:04:50,800 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 95/134 +[2024-10-13 17:04:51,048 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 96/134 +[2024-10-13 17:04:51,294 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 97/134 +[2024-10-13 17:04:51,542 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 98/134 +[2024-10-13 17:04:51,789 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 99/134 +[2024-10-13 17:04:52,036 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 100/134 +[2024-10-13 17:04:52,283 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 101/134 +[2024-10-13 17:04:52,530 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 102/134 +[2024-10-13 17:04:52,777 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 103/134 +[2024-10-13 17:04:53,023 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 104/134 +[2024-10-13 17:04:53,270 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 105/134 +[2024-10-13 17:04:53,516 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 106/134 +[2024-10-13 17:04:53,762 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 107/134 +[2024-10-13 17:04:54,009 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 108/134 +[2024-10-13 17:04:54,255 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 109/134 +[2024-10-13 17:04:54,501 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 110/134 +[2024-10-13 17:04:54,747 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 111/134 +[2024-10-13 17:04:54,994 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 112/134 +[2024-10-13 17:04:55,240 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 113/134 +[2024-10-13 17:04:55,487 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 114/134 +[2024-10-13 17:04:55,733 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 115/134 +[2024-10-13 17:04:55,980 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 116/134 +[2024-10-13 17:04:56,227 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 117/134 +[2024-10-13 17:04:56,474 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 118/134 +[2024-10-13 17:04:56,720 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 119/134 +[2024-10-13 17:04:56,967 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 120/134 +[2024-10-13 17:04:57,214 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 121/134 +[2024-10-13 17:04:57,460 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 122/134 +[2024-10-13 17:04:57,707 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 123/134 +[2024-10-13 17:04:57,938 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 124/134 +[2024-10-13 17:04:58,169 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 125/134 +[2024-10-13 17:04:58,399 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 126/134 +[2024-10-13 17:04:58,630 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 127/134 +[2024-10-13 17:04:58,860 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 128/134 +[2024-10-13 17:04:59,091 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 129/134 +[2024-10-13 17:04:59,321 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 130/134 +[2024-10-13 17:04:59,552 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 131/134 +[2024-10-13 17:04:59,783 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 132/134 +[2024-10-13 17:05:00,013 INFO test.py line 186 25394] Test: 300/312-scene0653_00, Batch: 133/134 +[2024-10-13 17:05:00,371 INFO test.py line 272 25394] Test: scene0653_00 [300/312]-284951 Batch 31.346 (19.139) Accuracy 0.8854 (0.4913) mIoU 0.4985 (0.3738) +[2024-10-13 17:05:00,536 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 0/152 +[2024-10-13 17:05:00,677 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 1/152 +[2024-10-13 17:05:00,817 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 2/152 +[2024-10-13 17:05:00,957 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 3/152 +[2024-10-13 17:05:01,098 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 4/152 +[2024-10-13 17:05:01,238 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 5/152 +[2024-10-13 17:05:01,378 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 6/152 +[2024-10-13 17:05:01,519 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 7/152 +[2024-10-13 17:05:01,659 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 8/152 +[2024-10-13 17:05:01,799 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 9/152 +[2024-10-13 17:05:01,940 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 10/152 +[2024-10-13 17:05:02,081 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 11/152 +[2024-10-13 17:05:02,224 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 12/152 +[2024-10-13 17:05:02,366 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 13/152 +[2024-10-13 17:05:02,506 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 14/152 +[2024-10-13 17:05:02,646 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 15/152 +[2024-10-13 17:05:02,786 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 16/152 +[2024-10-13 17:05:02,926 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 17/152 +[2024-10-13 17:05:03,067 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 18/152 +[2024-10-13 17:05:03,207 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 19/152 +[2024-10-13 17:05:03,347 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 20/152 +[2024-10-13 17:05:03,487 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 21/152 +[2024-10-13 17:05:03,627 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 22/152 +[2024-10-13 17:05:03,767 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 23/152 +[2024-10-13 17:05:03,907 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 24/152 +[2024-10-13 17:05:04,048 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 25/152 +[2024-10-13 17:05:04,188 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 26/152 +[2024-10-13 17:05:04,329 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 27/152 +[2024-10-13 17:05:04,469 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 28/152 +[2024-10-13 17:05:04,609 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 29/152 +[2024-10-13 17:05:04,750 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 30/152 +[2024-10-13 17:05:04,890 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 31/152 +[2024-10-13 17:05:05,031 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 32/152 +[2024-10-13 17:05:05,171 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 33/152 +[2024-10-13 17:05:05,312 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 34/152 +[2024-10-13 17:05:05,452 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 35/152 +[2024-10-13 17:05:05,593 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 36/152 +[2024-10-13 17:05:05,733 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 37/152 +[2024-10-13 17:05:05,873 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 38/152 +[2024-10-13 17:05:06,014 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 39/152 +[2024-10-13 17:05:06,154 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 40/152 +[2024-10-13 17:05:06,294 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 41/152 +[2024-10-13 17:05:06,435 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 42/152 +[2024-10-13 17:05:06,575 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 43/152 +[2024-10-13 17:05:06,715 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 44/152 +[2024-10-13 17:05:06,855 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 45/152 +[2024-10-13 17:05:06,995 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 46/152 +[2024-10-13 17:05:07,135 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 47/152 +[2024-10-13 17:05:07,267 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 48/152 +[2024-10-13 17:05:07,399 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 49/152 +[2024-10-13 17:05:07,531 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 50/152 +[2024-10-13 17:05:07,663 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 51/152 +[2024-10-13 17:05:07,795 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 52/152 +[2024-10-13 17:05:07,927 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 53/152 +[2024-10-13 17:05:08,060 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 54/152 +[2024-10-13 17:05:08,192 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 55/152 +[2024-10-13 17:05:08,323 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 56/152 +[2024-10-13 17:05:08,456 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 57/152 +[2024-10-13 17:05:08,588 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 58/152 +[2024-10-13 17:05:08,720 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 59/152 +[2024-10-13 17:05:08,852 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 60/152 +[2024-10-13 17:05:08,983 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 61/152 +[2024-10-13 17:05:09,115 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 62/152 +[2024-10-13 17:05:09,247 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 63/152 +[2024-10-13 17:05:09,379 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 64/152 +[2024-10-13 17:05:09,511 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 65/152 +[2024-10-13 17:05:09,643 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 66/152 +[2024-10-13 17:05:09,774 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 67/152 +[2024-10-13 17:05:09,906 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 68/152 +[2024-10-13 17:05:10,038 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 69/152 +[2024-10-13 17:05:10,170 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 70/152 +[2024-10-13 17:05:10,302 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 71/152 +[2024-10-13 17:05:10,433 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 72/152 +[2024-10-13 17:05:10,565 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 73/152 +[2024-10-13 17:05:10,696 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 74/152 +[2024-10-13 17:05:10,828 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 75/152 +[2024-10-13 17:05:10,959 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 76/152 +[2024-10-13 17:05:11,090 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 77/152 +[2024-10-13 17:05:11,221 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 78/152 +[2024-10-13 17:05:11,353 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 79/152 +[2024-10-13 17:05:11,484 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 80/152 +[2024-10-13 17:05:11,615 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 81/152 +[2024-10-13 17:05:11,746 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 82/152 +[2024-10-13 17:05:11,877 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 83/152 +[2024-10-13 17:05:12,009 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 84/152 +[2024-10-13 17:05:12,140 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 85/152 +[2024-10-13 17:05:12,271 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 86/152 +[2024-10-13 17:05:12,402 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 87/152 +[2024-10-13 17:05:12,533 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 88/152 +[2024-10-13 17:05:12,665 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 89/152 +[2024-10-13 17:05:12,796 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 90/152 +[2024-10-13 17:05:12,927 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 91/152 +[2024-10-13 17:05:13,058 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 92/152 +[2024-10-13 17:05:13,190 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 93/152 +[2024-10-13 17:05:13,321 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 94/152 +[2024-10-13 17:05:13,452 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 95/152 +[2024-10-13 17:05:13,584 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 96/152 +[2024-10-13 17:05:13,715 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 97/152 +[2024-10-13 17:05:13,847 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 98/152 +[2024-10-13 17:05:13,978 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 99/152 +[2024-10-13 17:05:14,126 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 100/152 +[2024-10-13 17:05:14,274 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 101/152 +[2024-10-13 17:05:14,422 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 102/152 +[2024-10-13 17:05:14,570 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 103/152 +[2024-10-13 17:05:14,718 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 104/152 +[2024-10-13 17:05:14,866 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 105/152 +[2024-10-13 17:05:15,014 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 106/152 +[2024-10-13 17:05:15,162 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 107/152 +[2024-10-13 17:05:15,309 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 108/152 +[2024-10-13 17:05:15,458 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 109/152 +[2024-10-13 17:05:15,606 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 110/152 +[2024-10-13 17:05:15,754 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 111/152 +[2024-10-13 17:05:15,901 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 112/152 +[2024-10-13 17:05:16,049 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 113/152 +[2024-10-13 17:05:16,197 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 114/152 +[2024-10-13 17:05:16,345 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 115/152 +[2024-10-13 17:05:16,493 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 116/152 +[2024-10-13 17:05:16,640 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 117/152 +[2024-10-13 17:05:16,788 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 118/152 +[2024-10-13 17:05:16,936 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 119/152 +[2024-10-13 17:05:17,084 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 120/152 +[2024-10-13 17:05:17,232 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 121/152 +[2024-10-13 17:05:17,380 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 122/152 +[2024-10-13 17:05:17,528 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 123/152 +[2024-10-13 17:05:17,675 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 124/152 +[2024-10-13 17:05:17,823 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 125/152 +[2024-10-13 17:05:17,971 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 126/152 +[2024-10-13 17:05:18,119 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 127/152 +[2024-10-13 17:05:18,266 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 128/152 +[2024-10-13 17:05:18,414 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 129/152 +[2024-10-13 17:05:18,562 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 130/152 +[2024-10-13 17:05:18,710 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 131/152 +[2024-10-13 17:05:18,858 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 132/152 +[2024-10-13 17:05:19,006 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 133/152 +[2024-10-13 17:05:19,154 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 134/152 +[2024-10-13 17:05:19,301 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 135/152 +[2024-10-13 17:05:19,449 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 136/152 +[2024-10-13 17:05:19,597 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 137/152 +[2024-10-13 17:05:19,746 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 138/152 +[2024-10-13 17:05:19,894 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 139/152 +[2024-10-13 17:05:20,034 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 140/152 +[2024-10-13 17:05:20,175 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 141/152 +[2024-10-13 17:05:20,315 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 142/152 +[2024-10-13 17:05:20,456 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 143/152 +[2024-10-13 17:05:20,596 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 144/152 +[2024-10-13 17:05:20,737 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 145/152 +[2024-10-13 17:05:20,878 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 146/152 +[2024-10-13 17:05:21,018 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 147/152 +[2024-10-13 17:05:21,158 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 148/152 +[2024-10-13 17:05:21,299 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 149/152 +[2024-10-13 17:05:21,439 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 150/152 +[2024-10-13 17:05:21,580 INFO test.py line 186 25394] Test: 301/312-scene0655_01, Batch: 151/152 +[2024-10-13 17:05:21,783 INFO test.py line 272 25394] Test: scene0655_01 [301/312]-159475 Batch 21.411 (19.147) Accuracy 0.8398 (0.4913) mIoU 0.4993 (0.3737) +[2024-10-13 17:05:21,975 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 0/133 +[2024-10-13 17:05:22,137 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 1/133 +[2024-10-13 17:05:22,299 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 2/133 +[2024-10-13 17:05:22,460 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 3/133 +[2024-10-13 17:05:22,622 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 4/133 +[2024-10-13 17:05:22,783 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 5/133 +[2024-10-13 17:05:22,944 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 6/133 +[2024-10-13 17:05:23,105 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 7/133 +[2024-10-13 17:05:23,266 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 8/133 +[2024-10-13 17:05:23,462 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 9/133 +[2024-10-13 17:05:23,624 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 10/133 +[2024-10-13 17:05:23,785 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 11/133 +[2024-10-13 17:05:23,947 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 12/133 +[2024-10-13 17:05:24,109 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 13/133 +[2024-10-13 17:05:24,270 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 14/133 +[2024-10-13 17:05:24,432 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 15/133 +[2024-10-13 17:05:24,595 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 16/133 +[2024-10-13 17:05:24,757 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 17/133 +[2024-10-13 17:05:24,919 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 18/133 +[2024-10-13 17:05:25,080 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 19/133 +[2024-10-13 17:05:25,241 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 20/133 +[2024-10-13 17:05:25,402 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 21/133 +[2024-10-13 17:05:25,564 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 22/133 +[2024-10-13 17:05:25,725 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 23/133 +[2024-10-13 17:05:25,887 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 24/133 +[2024-10-13 17:05:26,048 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 25/133 +[2024-10-13 17:05:26,210 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 26/133 +[2024-10-13 17:05:26,371 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 27/133 +[2024-10-13 17:05:26,533 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 28/133 +[2024-10-13 17:05:26,695 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 29/133 +[2024-10-13 17:05:26,856 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 30/133 +[2024-10-13 17:05:27,018 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 31/133 +[2024-10-13 17:05:27,179 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 32/133 +[2024-10-13 17:05:27,340 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 33/133 +[2024-10-13 17:05:27,501 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 34/133 +[2024-10-13 17:05:27,662 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 35/133 +[2024-10-13 17:05:27,814 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 36/133 +[2024-10-13 17:05:27,966 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 37/133 +[2024-10-13 17:05:28,118 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 38/133 +[2024-10-13 17:05:28,270 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 39/133 +[2024-10-13 17:05:28,422 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 40/133 +[2024-10-13 17:05:28,573 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 41/133 +[2024-10-13 17:05:28,725 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 42/133 +[2024-10-13 17:05:28,877 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 43/133 +[2024-10-13 17:05:29,029 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 44/133 +[2024-10-13 17:05:29,181 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 45/133 +[2024-10-13 17:05:29,332 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 46/133 +[2024-10-13 17:05:29,484 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 47/133 +[2024-10-13 17:05:29,636 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 48/133 +[2024-10-13 17:05:29,787 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 49/133 +[2024-10-13 17:05:29,939 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 50/133 +[2024-10-13 17:05:30,091 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 51/133 +[2024-10-13 17:05:30,243 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 52/133 +[2024-10-13 17:05:30,394 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 53/133 +[2024-10-13 17:05:30,546 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 54/133 +[2024-10-13 17:05:30,697 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 55/133 +[2024-10-13 17:05:30,849 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 56/133 +[2024-10-13 17:05:31,000 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 57/133 +[2024-10-13 17:05:31,152 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 58/133 +[2024-10-13 17:05:31,304 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 59/133 +[2024-10-13 17:05:31,455 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 60/133 +[2024-10-13 17:05:31,607 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 61/133 +[2024-10-13 17:05:31,759 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 62/133 +[2024-10-13 17:05:31,911 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 63/133 +[2024-10-13 17:05:32,063 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 64/133 +[2024-10-13 17:05:32,214 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 65/133 +[2024-10-13 17:05:32,366 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 66/133 +[2024-10-13 17:05:32,518 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 67/133 +[2024-10-13 17:05:32,670 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 68/133 +[2024-10-13 17:05:32,822 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 69/133 +[2024-10-13 17:05:32,974 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 70/133 +[2024-10-13 17:05:33,126 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 71/133 +[2024-10-13 17:05:33,277 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 72/133 +[2024-10-13 17:05:33,429 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 73/133 +[2024-10-13 17:05:33,581 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 74/133 +[2024-10-13 17:05:33,733 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 75/133 +[2024-10-13 17:05:33,884 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 76/133 +[2024-10-13 17:05:34,036 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 77/133 +[2024-10-13 17:05:34,187 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 78/133 +[2024-10-13 17:05:34,339 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 79/133 +[2024-10-13 17:05:34,491 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 80/133 +[2024-10-13 17:05:34,643 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 81/133 +[2024-10-13 17:05:34,794 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 82/133 +[2024-10-13 17:05:34,945 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 83/133 +[2024-10-13 17:05:35,117 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 84/133 +[2024-10-13 17:05:35,289 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 85/133 +[2024-10-13 17:05:35,461 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 86/133 +[2024-10-13 17:05:35,633 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 87/133 +[2024-10-13 17:05:35,804 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 88/133 +[2024-10-13 17:05:35,976 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 89/133 +[2024-10-13 17:05:36,148 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 90/133 +[2024-10-13 17:05:36,320 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 91/133 +[2024-10-13 17:05:36,492 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 92/133 +[2024-10-13 17:05:36,663 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 93/133 +[2024-10-13 17:05:36,835 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 94/133 +[2024-10-13 17:05:37,007 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 95/133 +[2024-10-13 17:05:37,178 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 96/133 +[2024-10-13 17:05:37,350 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 97/133 +[2024-10-13 17:05:37,521 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 98/133 +[2024-10-13 17:05:37,693 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 99/133 +[2024-10-13 17:05:37,864 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 100/133 +[2024-10-13 17:05:38,036 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 101/133 +[2024-10-13 17:05:38,207 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 102/133 +[2024-10-13 17:05:38,379 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 103/133 +[2024-10-13 17:05:38,551 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 104/133 +[2024-10-13 17:05:38,722 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 105/133 +[2024-10-13 17:05:38,894 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 106/133 +[2024-10-13 17:05:39,065 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 107/133 +[2024-10-13 17:05:39,237 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 108/133 +[2024-10-13 17:05:39,409 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 109/133 +[2024-10-13 17:05:39,581 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 110/133 +[2024-10-13 17:05:39,753 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 111/133 +[2024-10-13 17:05:39,924 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 112/133 +[2024-10-13 17:05:40,096 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 113/133 +[2024-10-13 17:05:40,267 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 114/133 +[2024-10-13 17:05:40,439 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 115/133 +[2024-10-13 17:05:40,612 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 116/133 +[2024-10-13 17:05:40,783 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 117/133 +[2024-10-13 17:05:40,954 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 118/133 +[2024-10-13 17:05:41,126 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 119/133 +[2024-10-13 17:05:41,298 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 120/133 +[2024-10-13 17:05:41,470 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 121/133 +[2024-10-13 17:05:41,642 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 122/133 +[2024-10-13 17:05:41,814 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 123/133 +[2024-10-13 17:05:41,975 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 124/133 +[2024-10-13 17:05:42,136 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 125/133 +[2024-10-13 17:05:42,298 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 126/133 +[2024-10-13 17:05:42,459 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 127/133 +[2024-10-13 17:05:42,620 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 128/133 +[2024-10-13 17:05:42,782 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 129/133 +[2024-10-13 17:05:42,943 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 130/133 +[2024-10-13 17:05:43,105 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 131/133 +[2024-10-13 17:05:43,267 INFO test.py line 186 25394] Test: 302/312-scene0591_01, Batch: 132/133 +[2024-10-13 17:05:43,506 INFO test.py line 272 25394] Test: scene0591_01 [302/312]-190792 Batch 21.724 (19.155) Accuracy 0.8332 (0.4917) mIoU 0.4726 (0.3739) +[2024-10-13 17:05:43,606 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 0/123 +[2024-10-13 17:05:43,694 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 1/123 +[2024-10-13 17:05:43,781 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 2/123 +[2024-10-13 17:05:43,868 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 3/123 +[2024-10-13 17:05:43,955 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 4/123 +[2024-10-13 17:05:44,043 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 5/123 +[2024-10-13 17:05:44,130 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 6/123 +[2024-10-13 17:05:44,217 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 7/123 +[2024-10-13 17:05:44,304 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 8/123 +[2024-10-13 17:05:44,392 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 9/123 +[2024-10-13 17:05:44,479 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 10/123 +[2024-10-13 17:05:44,565 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 11/123 +[2024-10-13 17:05:44,652 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 12/123 +[2024-10-13 17:05:44,739 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 13/123 +[2024-10-13 17:05:44,826 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 14/123 +[2024-10-13 17:05:44,912 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 15/123 +[2024-10-13 17:05:44,999 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 16/123 +[2024-10-13 17:05:45,086 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 17/123 +[2024-10-13 17:05:45,173 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 18/123 +[2024-10-13 17:05:45,260 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 19/123 +[2024-10-13 17:05:45,346 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 20/123 +[2024-10-13 17:05:45,433 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 21/123 +[2024-10-13 17:05:45,520 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 22/123 +[2024-10-13 17:05:45,606 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 23/123 +[2024-10-13 17:05:45,693 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 24/123 +[2024-10-13 17:05:45,779 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 25/123 +[2024-10-13 17:05:45,866 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 26/123 +[2024-10-13 17:05:45,953 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 27/123 +[2024-10-13 17:05:46,039 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 28/123 +[2024-10-13 17:05:46,126 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 29/123 +[2024-10-13 17:05:46,212 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 30/123 +[2024-10-13 17:05:46,299 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 31/123 +[2024-10-13 17:05:46,385 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 32/123 +[2024-10-13 17:05:46,473 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 33/123 +[2024-10-13 17:05:46,560 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 34/123 +[2024-10-13 17:05:46,647 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 35/123 +[2024-10-13 17:05:46,734 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 36/123 +[2024-10-13 17:05:46,822 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 37/123 +[2024-10-13 17:05:46,909 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 38/123 +[2024-10-13 17:05:47,001 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 39/123 +[2024-10-13 17:05:47,114 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 40/123 +[2024-10-13 17:05:47,202 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 41/123 +[2024-10-13 17:05:47,291 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 42/123 +[2024-10-13 17:05:47,378 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 43/123 +[2024-10-13 17:05:47,460 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 44/123 +[2024-10-13 17:05:47,542 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 45/123 +[2024-10-13 17:05:47,624 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 46/123 +[2024-10-13 17:05:47,706 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 47/123 +[2024-10-13 17:05:47,788 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 48/123 +[2024-10-13 17:05:47,870 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 49/123 +[2024-10-13 17:05:47,953 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 50/123 +[2024-10-13 17:05:48,035 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 51/123 +[2024-10-13 17:05:48,117 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 52/123 +[2024-10-13 17:05:48,200 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 53/123 +[2024-10-13 17:05:48,283 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 54/123 +[2024-10-13 17:05:48,366 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 55/123 +[2024-10-13 17:05:48,449 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 56/123 +[2024-10-13 17:05:48,532 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 57/123 +[2024-10-13 17:05:48,615 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 58/123 +[2024-10-13 17:05:48,698 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 59/123 +[2024-10-13 17:05:48,781 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 60/123 +[2024-10-13 17:05:48,864 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 61/123 +[2024-10-13 17:05:48,946 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 62/123 +[2024-10-13 17:05:49,029 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 63/123 +[2024-10-13 17:05:49,111 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 64/123 +[2024-10-13 17:05:49,194 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 65/123 +[2024-10-13 17:05:49,277 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 66/123 +[2024-10-13 17:05:49,359 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 67/123 +[2024-10-13 17:05:49,442 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 68/123 +[2024-10-13 17:05:49,524 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 69/123 +[2024-10-13 17:05:49,607 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 70/123 +[2024-10-13 17:05:49,689 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 71/123 +[2024-10-13 17:05:49,771 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 72/123 +[2024-10-13 17:05:49,853 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 73/123 +[2024-10-13 17:05:49,935 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 74/123 +[2024-10-13 17:05:50,017 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 75/123 +[2024-10-13 17:05:50,099 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 76/123 +[2024-10-13 17:05:50,182 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 77/123 +[2024-10-13 17:05:50,264 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 78/123 +[2024-10-13 17:05:50,346 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 79/123 +[2024-10-13 17:05:50,436 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 80/123 +[2024-10-13 17:05:50,526 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 81/123 +[2024-10-13 17:05:50,617 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 82/123 +[2024-10-13 17:05:50,707 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 83/123 +[2024-10-13 17:05:50,798 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 84/123 +[2024-10-13 17:05:50,888 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 85/123 +[2024-10-13 17:05:50,978 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 86/123 +[2024-10-13 17:05:51,069 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 87/123 +[2024-10-13 17:05:51,159 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 88/123 +[2024-10-13 17:05:51,249 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 89/123 +[2024-10-13 17:05:51,339 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 90/123 +[2024-10-13 17:05:51,429 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 91/123 +[2024-10-13 17:05:51,519 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 92/123 +[2024-10-13 17:05:51,609 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 93/123 +[2024-10-13 17:05:51,700 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 94/123 +[2024-10-13 17:05:51,790 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 95/123 +[2024-10-13 17:05:51,880 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 96/123 +[2024-10-13 17:05:51,970 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 97/123 +[2024-10-13 17:05:52,061 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 98/123 +[2024-10-13 17:05:52,151 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 99/123 +[2024-10-13 17:05:52,241 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 100/123 +[2024-10-13 17:05:52,332 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 101/123 +[2024-10-13 17:05:52,422 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 102/123 +[2024-10-13 17:05:52,512 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 103/123 +[2024-10-13 17:05:52,603 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 104/123 +[2024-10-13 17:05:52,694 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 105/123 +[2024-10-13 17:05:52,785 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 106/123 +[2024-10-13 17:05:52,877 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 107/123 +[2024-10-13 17:05:52,967 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 108/123 +[2024-10-13 17:05:53,058 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 109/123 +[2024-10-13 17:05:53,149 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 110/123 +[2024-10-13 17:05:53,240 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 111/123 +[2024-10-13 17:05:53,327 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 112/123 +[2024-10-13 17:05:53,413 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 113/123 +[2024-10-13 17:05:53,500 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 114/123 +[2024-10-13 17:05:53,586 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 115/123 +[2024-10-13 17:05:53,673 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 116/123 +[2024-10-13 17:05:53,759 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 117/123 +[2024-10-13 17:05:53,846 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 118/123 +[2024-10-13 17:05:53,932 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 119/123 +[2024-10-13 17:05:54,019 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 120/123 +[2024-10-13 17:05:54,105 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 121/123 +[2024-10-13 17:05:54,192 INFO test.py line 186 25394] Test: 303/312-scene0338_01, Batch: 122/123 +[2024-10-13 17:05:54,310 INFO test.py line 272 25394] Test: scene0338_01 [303/312]-85459 Batch 10.804 (19.128) Accuracy 0.8144 (0.4918) mIoU 0.4516 (0.3738) +[2024-10-13 17:05:54,401 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 0/138 +[2024-10-13 17:05:54,480 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 1/138 +[2024-10-13 17:05:54,560 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 2/138 +[2024-10-13 17:05:54,639 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 3/138 +[2024-10-13 17:05:54,719 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 4/138 +[2024-10-13 17:05:54,799 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 5/138 +[2024-10-13 17:05:54,879 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 6/138 +[2024-10-13 17:05:54,958 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 7/138 +[2024-10-13 17:05:55,038 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 8/138 +[2024-10-13 17:05:55,118 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 9/138 +[2024-10-13 17:05:55,197 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 10/138 +[2024-10-13 17:05:55,277 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 11/138 +[2024-10-13 17:05:55,356 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 12/138 +[2024-10-13 17:05:55,436 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 13/138 +[2024-10-13 17:05:55,515 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 14/138 +[2024-10-13 17:05:55,595 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 15/138 +[2024-10-13 17:05:55,675 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 16/138 +[2024-10-13 17:05:55,754 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 17/138 +[2024-10-13 17:05:55,834 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 18/138 +[2024-10-13 17:05:55,914 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 19/138 +[2024-10-13 17:05:55,993 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 20/138 +[2024-10-13 17:05:56,073 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 21/138 +[2024-10-13 17:05:56,152 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 22/138 +[2024-10-13 17:05:56,231 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 23/138 +[2024-10-13 17:05:56,311 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 24/138 +[2024-10-13 17:05:56,390 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 25/138 +[2024-10-13 17:05:56,469 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 26/138 +[2024-10-13 17:05:56,549 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 27/138 +[2024-10-13 17:05:56,628 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 28/138 +[2024-10-13 17:05:56,708 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 29/138 +[2024-10-13 17:05:56,787 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 30/138 +[2024-10-13 17:05:56,867 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 31/138 +[2024-10-13 17:05:56,992 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 32/138 +[2024-10-13 17:05:57,073 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 33/138 +[2024-10-13 17:05:57,155 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 34/138 +[2024-10-13 17:05:57,235 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 35/138 +[2024-10-13 17:05:57,315 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 36/138 +[2024-10-13 17:05:57,395 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 37/138 +[2024-10-13 17:05:57,474 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 38/138 +[2024-10-13 17:05:57,554 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 39/138 +[2024-10-13 17:05:57,630 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 40/138 +[2024-10-13 17:05:57,705 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 41/138 +[2024-10-13 17:05:57,781 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 42/138 +[2024-10-13 17:05:57,856 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 43/138 +[2024-10-13 17:05:57,932 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 44/138 +[2024-10-13 17:05:58,008 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 45/138 +[2024-10-13 17:05:58,083 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 46/138 +[2024-10-13 17:05:58,159 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 47/138 +[2024-10-13 17:05:58,235 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 48/138 +[2024-10-13 17:05:58,310 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 49/138 +[2024-10-13 17:05:58,386 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 50/138 +[2024-10-13 17:05:58,461 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 51/138 +[2024-10-13 17:05:58,537 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 52/138 +[2024-10-13 17:05:58,613 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 53/138 +[2024-10-13 17:05:58,688 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 54/138 +[2024-10-13 17:05:58,763 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 55/138 +[2024-10-13 17:05:58,839 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 56/138 +[2024-10-13 17:05:58,914 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 57/138 +[2024-10-13 17:05:58,990 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 58/138 +[2024-10-13 17:05:59,065 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 59/138 +[2024-10-13 17:05:59,140 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 60/138 +[2024-10-13 17:05:59,216 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 61/138 +[2024-10-13 17:05:59,291 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 62/138 +[2024-10-13 17:05:59,367 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 63/138 +[2024-10-13 17:05:59,442 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 64/138 +[2024-10-13 17:05:59,517 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 65/138 +[2024-10-13 17:05:59,593 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 66/138 +[2024-10-13 17:05:59,668 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 67/138 +[2024-10-13 17:05:59,743 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 68/138 +[2024-10-13 17:05:59,819 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 69/138 +[2024-10-13 17:05:59,894 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 70/138 +[2024-10-13 17:05:59,969 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 71/138 +[2024-10-13 17:06:00,045 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 72/138 +[2024-10-13 17:06:00,120 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 73/138 +[2024-10-13 17:06:00,195 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 74/138 +[2024-10-13 17:06:00,270 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 75/138 +[2024-10-13 17:06:00,346 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 76/138 +[2024-10-13 17:06:00,421 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 77/138 +[2024-10-13 17:06:00,496 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 78/138 +[2024-10-13 17:06:00,572 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 79/138 +[2024-10-13 17:06:00,648 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 80/138 +[2024-10-13 17:06:00,723 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 81/138 +[2024-10-13 17:06:00,798 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 82/138 +[2024-10-13 17:06:00,874 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 83/138 +[2024-10-13 17:06:00,949 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 84/138 +[2024-10-13 17:06:01,024 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 85/138 +[2024-10-13 17:06:01,100 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 86/138 +[2024-10-13 17:06:01,175 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 87/138 +[2024-10-13 17:06:01,250 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 88/138 +[2024-10-13 17:06:01,326 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 89/138 +[2024-10-13 17:06:01,401 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 90/138 +[2024-10-13 17:06:01,476 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 91/138 +[2024-10-13 17:06:01,559 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 92/138 +[2024-10-13 17:06:01,642 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 93/138 +[2024-10-13 17:06:01,724 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 94/138 +[2024-10-13 17:06:01,807 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 95/138 +[2024-10-13 17:06:01,889 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 96/138 +[2024-10-13 17:06:01,972 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 97/138 +[2024-10-13 17:06:02,054 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 98/138 +[2024-10-13 17:06:02,137 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 99/138 +[2024-10-13 17:06:02,220 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 100/138 +[2024-10-13 17:06:02,302 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 101/138 +[2024-10-13 17:06:02,385 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 102/138 +[2024-10-13 17:06:02,467 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 103/138 +[2024-10-13 17:06:02,550 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 104/138 +[2024-10-13 17:06:02,633 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 105/138 +[2024-10-13 17:06:02,715 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 106/138 +[2024-10-13 17:06:02,798 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 107/138 +[2024-10-13 17:06:02,881 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 108/138 +[2024-10-13 17:06:02,963 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 109/138 +[2024-10-13 17:06:03,045 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 110/138 +[2024-10-13 17:06:03,127 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 111/138 +[2024-10-13 17:06:03,209 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 112/138 +[2024-10-13 17:06:03,291 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 113/138 +[2024-10-13 17:06:03,373 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 114/138 +[2024-10-13 17:06:03,455 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 115/138 +[2024-10-13 17:06:03,538 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 116/138 +[2024-10-13 17:06:03,620 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 117/138 +[2024-10-13 17:06:03,702 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 118/138 +[2024-10-13 17:06:03,784 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 119/138 +[2024-10-13 17:06:03,867 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 120/138 +[2024-10-13 17:06:03,949 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 121/138 +[2024-10-13 17:06:04,031 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 122/138 +[2024-10-13 17:06:04,113 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 123/138 +[2024-10-13 17:06:04,196 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 124/138 +[2024-10-13 17:06:04,278 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 125/138 +[2024-10-13 17:06:04,360 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 126/138 +[2024-10-13 17:06:04,443 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 127/138 +[2024-10-13 17:06:04,522 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 128/138 +[2024-10-13 17:06:04,601 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 129/138 +[2024-10-13 17:06:04,681 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 130/138 +[2024-10-13 17:06:04,760 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 131/138 +[2024-10-13 17:06:04,840 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 132/138 +[2024-10-13 17:06:04,919 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 133/138 +[2024-10-13 17:06:04,999 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 134/138 +[2024-10-13 17:06:05,078 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 135/138 +[2024-10-13 17:06:05,158 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 136/138 +[2024-10-13 17:06:05,237 INFO test.py line 186 25394] Test: 304/312-scene0609_03, Batch: 137/138 +[2024-10-13 17:06:05,338 INFO test.py line 272 25394] Test: scene0609_03 [304/312]-69895 Batch 11.028 (19.101) Accuracy 0.5851 (0.4918) mIoU 0.3617 (0.3737) +[2024-10-13 17:06:05,498 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 0/126 +[2024-10-13 17:06:05,632 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 1/126 +[2024-10-13 17:06:05,765 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 2/126 +[2024-10-13 17:06:05,899 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 3/126 +[2024-10-13 17:06:06,032 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 4/126 +[2024-10-13 17:06:06,166 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 5/126 +[2024-10-13 17:06:06,299 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 6/126 +[2024-10-13 17:06:06,433 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 7/126 +[2024-10-13 17:06:06,579 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 8/126 +[2024-10-13 17:06:06,712 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 9/126 +[2024-10-13 17:06:06,845 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 10/126 +[2024-10-13 17:06:06,978 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 11/126 +[2024-10-13 17:06:07,111 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 12/126 +[2024-10-13 17:06:07,244 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 13/126 +[2024-10-13 17:06:07,376 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 14/126 +[2024-10-13 17:06:07,509 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 15/126 +[2024-10-13 17:06:07,641 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 16/126 +[2024-10-13 17:06:07,774 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 17/126 +[2024-10-13 17:06:07,906 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 18/126 +[2024-10-13 17:06:08,039 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 19/126 +[2024-10-13 17:06:08,173 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 20/126 +[2024-10-13 17:06:08,306 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 21/126 +[2024-10-13 17:06:08,440 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 22/126 +[2024-10-13 17:06:08,573 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 23/126 +[2024-10-13 17:06:08,706 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 24/126 +[2024-10-13 17:06:08,840 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 25/126 +[2024-10-13 17:06:08,973 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 26/126 +[2024-10-13 17:06:09,106 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 27/126 +[2024-10-13 17:06:09,240 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 28/126 +[2024-10-13 17:06:09,373 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 29/126 +[2024-10-13 17:06:09,507 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 30/126 +[2024-10-13 17:06:09,640 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 31/126 +[2024-10-13 17:06:09,773 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 32/126 +[2024-10-13 17:06:09,906 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 33/126 +[2024-10-13 17:06:10,039 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 34/126 +[2024-10-13 17:06:10,173 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 35/126 +[2024-10-13 17:06:10,306 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 36/126 +[2024-10-13 17:06:10,439 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 37/126 +[2024-10-13 17:06:10,572 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 38/126 +[2024-10-13 17:06:10,705 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 39/126 +[2024-10-13 17:06:10,832 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 40/126 +[2024-10-13 17:06:10,958 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 41/126 +[2024-10-13 17:06:11,084 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 42/126 +[2024-10-13 17:06:11,210 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 43/126 +[2024-10-13 17:06:11,336 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 44/126 +[2024-10-13 17:06:11,462 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 45/126 +[2024-10-13 17:06:11,588 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 46/126 +[2024-10-13 17:06:11,714 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 47/126 +[2024-10-13 17:06:11,840 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 48/126 +[2024-10-13 17:06:11,966 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 49/126 +[2024-10-13 17:06:12,092 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 50/126 +[2024-10-13 17:06:12,218 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 51/126 +[2024-10-13 17:06:12,343 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 52/126 +[2024-10-13 17:06:12,469 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 53/126 +[2024-10-13 17:06:12,594 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 54/126 +[2024-10-13 17:06:12,720 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 55/126 +[2024-10-13 17:06:12,846 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 56/126 +[2024-10-13 17:06:12,971 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 57/126 +[2024-10-13 17:06:13,097 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 58/126 +[2024-10-13 17:06:13,223 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 59/126 +[2024-10-13 17:06:13,348 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 60/126 +[2024-10-13 17:06:13,474 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 61/126 +[2024-10-13 17:06:13,599 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 62/126 +[2024-10-13 17:06:13,724 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 63/126 +[2024-10-13 17:06:13,850 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 64/126 +[2024-10-13 17:06:13,975 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 65/126 +[2024-10-13 17:06:14,101 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 66/126 +[2024-10-13 17:06:14,226 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 67/126 +[2024-10-13 17:06:14,351 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 68/126 +[2024-10-13 17:06:14,477 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 69/126 +[2024-10-13 17:06:14,602 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 70/126 +[2024-10-13 17:06:14,727 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 71/126 +[2024-10-13 17:06:14,852 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 72/126 +[2024-10-13 17:06:14,978 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 73/126 +[2024-10-13 17:06:15,103 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 74/126 +[2024-10-13 17:06:15,229 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 75/126 +[2024-10-13 17:06:15,354 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 76/126 +[2024-10-13 17:06:15,480 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 77/126 +[2024-10-13 17:06:15,605 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 78/126 +[2024-10-13 17:06:15,731 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 79/126 +[2024-10-13 17:06:15,856 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 80/126 +[2024-10-13 17:06:15,982 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 81/126 +[2024-10-13 17:06:16,107 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 82/126 +[2024-10-13 17:06:16,233 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 83/126 +[2024-10-13 17:06:16,374 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 84/126 +[2024-10-13 17:06:16,515 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 85/126 +[2024-10-13 17:06:16,656 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 86/126 +[2024-10-13 17:06:16,797 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 87/126 +[2024-10-13 17:06:16,938 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 88/126 +[2024-10-13 17:06:17,078 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 89/126 +[2024-10-13 17:06:17,220 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 90/126 +[2024-10-13 17:06:17,361 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 91/126 +[2024-10-13 17:06:17,502 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 92/126 +[2024-10-13 17:06:17,643 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 93/126 +[2024-10-13 17:06:17,784 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 94/126 +[2024-10-13 17:06:17,925 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 95/126 +[2024-10-13 17:06:18,066 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 96/126 +[2024-10-13 17:06:18,207 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 97/126 +[2024-10-13 17:06:18,348 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 98/126 +[2024-10-13 17:06:18,490 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 99/126 +[2024-10-13 17:06:18,631 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 100/126 +[2024-10-13 17:06:18,773 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 101/126 +[2024-10-13 17:06:18,914 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 102/126 +[2024-10-13 17:06:19,055 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 103/126 +[2024-10-13 17:06:19,196 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 104/126 +[2024-10-13 17:06:19,337 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 105/126 +[2024-10-13 17:06:19,478 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 106/126 +[2024-10-13 17:06:19,620 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 107/126 +[2024-10-13 17:06:19,761 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 108/126 +[2024-10-13 17:06:19,902 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 109/126 +[2024-10-13 17:06:20,043 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 110/126 +[2024-10-13 17:06:20,183 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 111/126 +[2024-10-13 17:06:20,324 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 112/126 +[2024-10-13 17:06:20,465 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 113/126 +[2024-10-13 17:06:20,606 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 114/126 +[2024-10-13 17:06:20,747 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 115/126 +[2024-10-13 17:06:20,881 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 116/126 +[2024-10-13 17:06:21,014 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 117/126 +[2024-10-13 17:06:21,147 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 118/126 +[2024-10-13 17:06:21,281 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 119/126 +[2024-10-13 17:06:21,414 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 120/126 +[2024-10-13 17:06:21,547 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 121/126 +[2024-10-13 17:06:21,680 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 122/126 +[2024-10-13 17:06:21,814 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 123/126 +[2024-10-13 17:06:21,947 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 124/126 +[2024-10-13 17:06:22,080 INFO test.py line 186 25394] Test: 305/312-scene0700_01, Batch: 125/126 +[2024-10-13 17:06:22,277 INFO test.py line 272 25394] Test: scene0700_01 [305/312]-153877 Batch 16.939 (19.094) Accuracy 0.6854 (0.4918) mIoU 0.4218 (0.3736) +[2024-10-13 17:06:22,396 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 0/135 +[2024-10-13 17:06:22,501 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 1/135 +[2024-10-13 17:06:22,605 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 2/135 +[2024-10-13 17:06:22,709 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 3/135 +[2024-10-13 17:06:22,814 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 4/135 +[2024-10-13 17:06:22,918 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 5/135 +[2024-10-13 17:06:23,022 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 6/135 +[2024-10-13 17:06:23,127 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 7/135 +[2024-10-13 17:06:23,231 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 8/135 +[2024-10-13 17:06:23,335 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 9/135 +[2024-10-13 17:06:23,439 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 10/135 +[2024-10-13 17:06:23,543 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 11/135 +[2024-10-13 17:06:23,647 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 12/135 +[2024-10-13 17:06:23,751 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 13/135 +[2024-10-13 17:06:23,856 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 14/135 +[2024-10-13 17:06:23,960 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 15/135 +[2024-10-13 17:06:24,064 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 16/135 +[2024-10-13 17:06:24,168 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 17/135 +[2024-10-13 17:06:24,272 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 18/135 +[2024-10-13 17:06:24,377 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 19/135 +[2024-10-13 17:06:24,481 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 20/135 +[2024-10-13 17:06:24,584 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 21/135 +[2024-10-13 17:06:24,688 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 22/135 +[2024-10-13 17:06:24,792 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 23/135 +[2024-10-13 17:06:24,896 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 24/135 +[2024-10-13 17:06:25,000 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 25/135 +[2024-10-13 17:06:25,104 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 26/135 +[2024-10-13 17:06:25,208 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 27/135 +[2024-10-13 17:06:25,312 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 28/135 +[2024-10-13 17:06:25,417 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 29/135 +[2024-10-13 17:06:25,521 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 30/135 +[2024-10-13 17:06:25,625 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 31/135 +[2024-10-13 17:06:25,729 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 32/135 +[2024-10-13 17:06:25,833 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 33/135 +[2024-10-13 17:06:25,937 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 34/135 +[2024-10-13 17:06:26,041 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 35/135 +[2024-10-13 17:06:26,146 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 36/135 +[2024-10-13 17:06:26,250 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 37/135 +[2024-10-13 17:06:26,355 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 38/135 +[2024-10-13 17:06:26,459 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 39/135 +[2024-10-13 17:06:26,563 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 40/135 +[2024-10-13 17:06:26,668 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 41/135 +[2024-10-13 17:06:26,772 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 42/135 +[2024-10-13 17:06:26,877 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 43/135 +[2024-10-13 17:06:26,975 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 44/135 +[2024-10-13 17:06:27,072 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 45/135 +[2024-10-13 17:06:27,170 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 46/135 +[2024-10-13 17:06:27,267 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 47/135 +[2024-10-13 17:06:27,365 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 48/135 +[2024-10-13 17:06:27,463 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 49/135 +[2024-10-13 17:06:27,561 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 50/135 +[2024-10-13 17:06:27,658 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 51/135 +[2024-10-13 17:06:27,756 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 52/135 +[2024-10-13 17:06:27,854 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 53/135 +[2024-10-13 17:06:27,952 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 54/135 +[2024-10-13 17:06:28,049 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 55/135 +[2024-10-13 17:06:28,147 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 56/135 +[2024-10-13 17:06:28,245 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 57/135 +[2024-10-13 17:06:28,342 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 58/135 +[2024-10-13 17:06:28,440 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 59/135 +[2024-10-13 17:06:28,537 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 60/135 +[2024-10-13 17:06:28,635 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 61/135 +[2024-10-13 17:06:28,733 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 62/135 +[2024-10-13 17:06:28,830 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 63/135 +[2024-10-13 17:06:28,928 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 64/135 +[2024-10-13 17:06:29,025 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 65/135 +[2024-10-13 17:06:29,123 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 66/135 +[2024-10-13 17:06:29,221 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 67/135 +[2024-10-13 17:06:29,319 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 68/135 +[2024-10-13 17:06:29,416 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 69/135 +[2024-10-13 17:06:29,514 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 70/135 +[2024-10-13 17:06:29,612 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 71/135 +[2024-10-13 17:06:29,710 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 72/135 +[2024-10-13 17:06:29,808 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 73/135 +[2024-10-13 17:06:29,906 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 74/135 +[2024-10-13 17:06:30,004 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 75/135 +[2024-10-13 17:06:30,105 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 76/135 +[2024-10-13 17:06:30,227 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 77/135 +[2024-10-13 17:06:30,325 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 78/135 +[2024-10-13 17:06:30,424 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 79/135 +[2024-10-13 17:06:30,523 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 80/135 +[2024-10-13 17:06:30,621 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 81/135 +[2024-10-13 17:06:30,720 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 82/135 +[2024-10-13 17:06:30,817 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 83/135 +[2024-10-13 17:06:30,927 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 84/135 +[2024-10-13 17:06:31,037 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 85/135 +[2024-10-13 17:06:31,147 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 86/135 +[2024-10-13 17:06:31,257 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 87/135 +[2024-10-13 17:06:31,367 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 88/135 +[2024-10-13 17:06:31,477 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 89/135 +[2024-10-13 17:06:31,588 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 90/135 +[2024-10-13 17:06:31,697 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 91/135 +[2024-10-13 17:06:31,808 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 92/135 +[2024-10-13 17:06:31,918 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 93/135 +[2024-10-13 17:06:32,028 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 94/135 +[2024-10-13 17:06:32,138 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 95/135 +[2024-10-13 17:06:32,247 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 96/135 +[2024-10-13 17:06:32,357 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 97/135 +[2024-10-13 17:06:32,466 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 98/135 +[2024-10-13 17:06:32,576 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 99/135 +[2024-10-13 17:06:32,686 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 100/135 +[2024-10-13 17:06:32,795 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 101/135 +[2024-10-13 17:06:32,905 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 102/135 +[2024-10-13 17:06:33,015 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 103/135 +[2024-10-13 17:06:33,125 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 104/135 +[2024-10-13 17:06:33,235 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 105/135 +[2024-10-13 17:06:33,345 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 106/135 +[2024-10-13 17:06:33,455 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 107/135 +[2024-10-13 17:06:33,565 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 108/135 +[2024-10-13 17:06:33,675 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 109/135 +[2024-10-13 17:06:33,785 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 110/135 +[2024-10-13 17:06:33,895 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 111/135 +[2024-10-13 17:06:34,005 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 112/135 +[2024-10-13 17:06:34,115 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 113/135 +[2024-10-13 17:06:34,225 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 114/135 +[2024-10-13 17:06:34,335 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 115/135 +[2024-10-13 17:06:34,445 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 116/135 +[2024-10-13 17:06:34,555 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 117/135 +[2024-10-13 17:06:34,665 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 118/135 +[2024-10-13 17:06:34,775 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 119/135 +[2024-10-13 17:06:34,885 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 120/135 +[2024-10-13 17:06:34,995 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 121/135 +[2024-10-13 17:06:35,105 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 122/135 +[2024-10-13 17:06:35,215 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 123/135 +[2024-10-13 17:06:35,318 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 124/135 +[2024-10-13 17:06:35,422 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 125/135 +[2024-10-13 17:06:35,526 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 126/135 +[2024-10-13 17:06:35,630 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 127/135 +[2024-10-13 17:06:35,734 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 128/135 +[2024-10-13 17:06:35,838 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 129/135 +[2024-10-13 17:06:35,941 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 130/135 +[2024-10-13 17:06:36,045 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 131/135 +[2024-10-13 17:06:36,149 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 132/135 +[2024-10-13 17:06:36,253 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 133/135 +[2024-10-13 17:06:36,357 INFO test.py line 186 25394] Test: 306/312-scene0488_01, Batch: 134/135 +[2024-10-13 17:06:36,502 INFO test.py line 272 25394] Test: scene0488_01 [306/312]-109452 Batch 14.225 (19.078) Accuracy 0.9033 (0.4919) mIoU 0.7199 (0.3738) +[2024-10-13 17:06:36,575 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 0/130 +[2024-10-13 17:06:36,638 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 1/130 +[2024-10-13 17:06:36,701 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 2/130 +[2024-10-13 17:06:36,765 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 3/130 +[2024-10-13 17:06:36,828 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 4/130 +[2024-10-13 17:06:36,891 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 5/130 +[2024-10-13 17:06:36,954 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 6/130 +[2024-10-13 17:06:37,018 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 7/130 +[2024-10-13 17:06:37,081 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 8/130 +[2024-10-13 17:06:37,144 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 9/130 +[2024-10-13 17:06:37,207 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 10/130 +[2024-10-13 17:06:37,271 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 11/130 +[2024-10-13 17:06:37,334 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 12/130 +[2024-10-13 17:06:37,397 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 13/130 +[2024-10-13 17:06:37,461 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 14/130 +[2024-10-13 17:06:37,524 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 15/130 +[2024-10-13 17:06:37,587 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 16/130 +[2024-10-13 17:06:37,651 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 17/130 +[2024-10-13 17:06:37,714 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 18/130 +[2024-10-13 17:06:37,777 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 19/130 +[2024-10-13 17:06:37,840 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 20/130 +[2024-10-13 17:06:37,903 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 21/130 +[2024-10-13 17:06:38,021 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 22/130 +[2024-10-13 17:06:38,093 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 23/130 +[2024-10-13 17:06:38,159 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 24/130 +[2024-10-13 17:06:38,224 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 25/130 +[2024-10-13 17:06:38,287 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 26/130 +[2024-10-13 17:06:38,351 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 27/130 +[2024-10-13 17:06:38,414 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 28/130 +[2024-10-13 17:06:38,477 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 29/130 +[2024-10-13 17:06:38,540 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 30/130 +[2024-10-13 17:06:38,603 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 31/130 +[2024-10-13 17:06:38,667 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 32/130 +[2024-10-13 17:06:38,730 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 33/130 +[2024-10-13 17:06:38,793 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 34/130 +[2024-10-13 17:06:38,856 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 35/130 +[2024-10-13 17:06:38,920 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 36/130 +[2024-10-13 17:06:38,983 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 37/130 +[2024-10-13 17:06:39,046 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 38/130 +[2024-10-13 17:06:39,109 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 39/130 +[2024-10-13 17:06:39,170 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 40/130 +[2024-10-13 17:06:39,230 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 41/130 +[2024-10-13 17:06:39,290 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 42/130 +[2024-10-13 17:06:39,351 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 43/130 +[2024-10-13 17:06:39,411 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 44/130 +[2024-10-13 17:06:39,471 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 45/130 +[2024-10-13 17:06:39,532 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 46/130 +[2024-10-13 17:06:39,592 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 47/130 +[2024-10-13 17:06:39,652 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 48/130 +[2024-10-13 17:06:39,712 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 49/130 +[2024-10-13 17:06:39,773 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 50/130 +[2024-10-13 17:06:39,833 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 51/130 +[2024-10-13 17:06:39,893 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 52/130 +[2024-10-13 17:06:39,954 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 53/130 +[2024-10-13 17:06:40,014 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 54/130 +[2024-10-13 17:06:40,074 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 55/130 +[2024-10-13 17:06:40,135 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 56/130 +[2024-10-13 17:06:40,195 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 57/130 +[2024-10-13 17:06:40,256 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 58/130 +[2024-10-13 17:06:40,316 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 59/130 +[2024-10-13 17:06:40,376 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 60/130 +[2024-10-13 17:06:40,436 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 61/130 +[2024-10-13 17:06:40,497 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 62/130 +[2024-10-13 17:06:40,557 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 63/130 +[2024-10-13 17:06:40,617 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 64/130 +[2024-10-13 17:06:40,677 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 65/130 +[2024-10-13 17:06:40,737 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 66/130 +[2024-10-13 17:06:40,798 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 67/130 +[2024-10-13 17:06:40,858 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 68/130 +[2024-10-13 17:06:40,918 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 69/130 +[2024-10-13 17:06:40,978 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 70/130 +[2024-10-13 17:06:41,039 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 71/130 +[2024-10-13 17:06:41,099 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 72/130 +[2024-10-13 17:06:41,159 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 73/130 +[2024-10-13 17:06:41,220 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 74/130 +[2024-10-13 17:06:41,280 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 75/130 +[2024-10-13 17:06:41,340 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 76/130 +[2024-10-13 17:06:41,400 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 77/130 +[2024-10-13 17:06:41,461 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 78/130 +[2024-10-13 17:06:41,521 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 79/130 +[2024-10-13 17:06:41,581 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 80/130 +[2024-10-13 17:06:41,642 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 81/130 +[2024-10-13 17:06:41,702 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 82/130 +[2024-10-13 17:06:41,762 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 83/130 +[2024-10-13 17:06:41,828 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 84/130 +[2024-10-13 17:06:41,893 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 85/130 +[2024-10-13 17:06:41,959 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 86/130 +[2024-10-13 17:06:42,024 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 87/130 +[2024-10-13 17:06:42,090 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 88/130 +[2024-10-13 17:06:42,156 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 89/130 +[2024-10-13 17:06:42,221 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 90/130 +[2024-10-13 17:06:42,287 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 91/130 +[2024-10-13 17:06:42,352 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 92/130 +[2024-10-13 17:06:42,418 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 93/130 +[2024-10-13 17:06:42,483 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 94/130 +[2024-10-13 17:06:42,549 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 95/130 +[2024-10-13 17:06:42,615 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 96/130 +[2024-10-13 17:06:42,680 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 97/130 +[2024-10-13 17:06:42,746 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 98/130 +[2024-10-13 17:06:42,811 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 99/130 +[2024-10-13 17:06:42,877 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 100/130 +[2024-10-13 17:06:42,942 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 101/130 +[2024-10-13 17:06:43,008 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 102/130 +[2024-10-13 17:06:43,074 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 103/130 +[2024-10-13 17:06:43,140 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 104/130 +[2024-10-13 17:06:43,206 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 105/130 +[2024-10-13 17:06:43,272 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 106/130 +[2024-10-13 17:06:43,337 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 107/130 +[2024-10-13 17:06:43,403 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 108/130 +[2024-10-13 17:06:43,469 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 109/130 +[2024-10-13 17:06:43,535 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 110/130 +[2024-10-13 17:06:43,601 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 111/130 +[2024-10-13 17:06:43,666 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 112/130 +[2024-10-13 17:06:43,731 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 113/130 +[2024-10-13 17:06:43,797 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 114/130 +[2024-10-13 17:06:43,862 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 115/130 +[2024-10-13 17:06:43,928 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 116/130 +[2024-10-13 17:06:43,993 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 117/130 +[2024-10-13 17:06:44,058 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 118/130 +[2024-10-13 17:06:44,124 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 119/130 +[2024-10-13 17:06:44,187 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 120/130 +[2024-10-13 17:06:44,250 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 121/130 +[2024-10-13 17:06:44,313 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 122/130 +[2024-10-13 17:06:44,376 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 123/130 +[2024-10-13 17:06:44,440 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 124/130 +[2024-10-13 17:06:44,503 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 125/130 +[2024-10-13 17:06:44,566 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 126/130 +[2024-10-13 17:06:44,629 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 127/130 +[2024-10-13 17:06:44,692 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 128/130 +[2024-10-13 17:06:44,755 INFO test.py line 186 25394] Test: 307/312-scene0406_00, Batch: 129/130 +[2024-10-13 17:06:44,823 INFO test.py line 272 25394] Test: scene0406_00 [307/312]-48864 Batch 8.321 (19.043) Accuracy 0.8749 (0.4920) mIoU 0.5757 (0.3739) +[2024-10-13 17:06:45,139 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 0/134 +[2024-10-13 17:06:45,405 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 1/134 +[2024-10-13 17:06:45,669 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 2/134 +[2024-10-13 17:06:45,934 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 3/134 +[2024-10-13 17:06:46,199 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 4/134 +[2024-10-13 17:06:46,464 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 5/134 +[2024-10-13 17:06:46,729 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 6/134 +[2024-10-13 17:06:46,995 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 7/134 +[2024-10-13 17:06:47,259 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 8/134 +[2024-10-13 17:06:47,524 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 9/134 +[2024-10-13 17:06:47,790 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 10/134 +[2024-10-13 17:06:48,056 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 11/134 +[2024-10-13 17:06:48,321 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 12/134 +[2024-10-13 17:06:48,588 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 13/134 +[2024-10-13 17:06:48,853 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 14/134 +[2024-10-13 17:06:49,118 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 15/134 +[2024-10-13 17:06:49,383 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 16/134 +[2024-10-13 17:06:49,648 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 17/134 +[2024-10-13 17:06:49,913 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 18/134 +[2024-10-13 17:06:50,178 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 19/134 +[2024-10-13 17:06:50,443 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 20/134 +[2024-10-13 17:06:50,707 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 21/134 +[2024-10-13 17:06:50,972 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 22/134 +[2024-10-13 17:06:51,236 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 23/134 +[2024-10-13 17:06:51,500 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 24/134 +[2024-10-13 17:06:51,765 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 25/134 +[2024-10-13 17:06:52,030 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 26/134 +[2024-10-13 17:06:52,295 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 27/134 +[2024-10-13 17:06:52,559 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 28/134 +[2024-10-13 17:06:52,823 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 29/134 +[2024-10-13 17:06:53,089 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 30/134 +[2024-10-13 17:06:53,354 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 31/134 +[2024-10-13 17:06:53,618 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 32/134 +[2024-10-13 17:06:53,883 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 33/134 +[2024-10-13 17:06:54,149 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 34/134 +[2024-10-13 17:06:54,414 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 35/134 +[2024-10-13 17:06:54,679 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 36/134 +[2024-10-13 17:06:54,944 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 37/134 +[2024-10-13 17:06:55,210 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 38/134 +[2024-10-13 17:06:55,475 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 39/134 +[2024-10-13 17:06:55,722 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 40/134 +[2024-10-13 17:06:55,970 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 41/134 +[2024-10-13 17:06:56,218 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 42/134 +[2024-10-13 17:06:56,465 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 43/134 +[2024-10-13 17:06:56,712 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 44/134 +[2024-10-13 17:06:56,959 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 45/134 +[2024-10-13 17:06:57,206 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 46/134 +[2024-10-13 17:06:57,453 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 47/134 +[2024-10-13 17:06:57,700 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 48/134 +[2024-10-13 17:06:57,947 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 49/134 +[2024-10-13 17:06:58,194 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 50/134 +[2024-10-13 17:06:58,441 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 51/134 +[2024-10-13 17:06:58,689 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 52/134 +[2024-10-13 17:06:58,936 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 53/134 +[2024-10-13 17:06:59,182 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 54/134 +[2024-10-13 17:06:59,429 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 55/134 +[2024-10-13 17:06:59,676 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 56/134 +[2024-10-13 17:06:59,924 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 57/134 +[2024-10-13 17:07:00,170 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 58/134 +[2024-10-13 17:07:00,417 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 59/134 +[2024-10-13 17:07:00,664 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 60/134 +[2024-10-13 17:07:00,911 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 61/134 +[2024-10-13 17:07:01,158 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 62/134 +[2024-10-13 17:07:01,405 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 63/134 +[2024-10-13 17:07:01,651 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 64/134 +[2024-10-13 17:07:01,898 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 65/134 +[2024-10-13 17:07:02,145 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 66/134 +[2024-10-13 17:07:02,392 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 67/134 +[2024-10-13 17:07:02,639 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 68/134 +[2024-10-13 17:07:02,886 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 69/134 +[2024-10-13 17:07:03,133 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 70/134 +[2024-10-13 17:07:03,379 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 71/134 +[2024-10-13 17:07:03,626 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 72/134 +[2024-10-13 17:07:03,873 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 73/134 +[2024-10-13 17:07:04,120 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 74/134 +[2024-10-13 17:07:04,367 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 75/134 +[2024-10-13 17:07:04,614 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 76/134 +[2024-10-13 17:07:04,861 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 77/134 +[2024-10-13 17:07:05,108 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 78/134 +[2024-10-13 17:07:05,355 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 79/134 +[2024-10-13 17:07:05,602 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 80/134 +[2024-10-13 17:07:05,849 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 81/134 +[2024-10-13 17:07:06,096 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 82/134 +[2024-10-13 17:07:06,344 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 83/134 +[2024-10-13 17:07:06,591 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 84/134 +[2024-10-13 17:07:06,838 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 85/134 +[2024-10-13 17:07:07,085 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 86/134 +[2024-10-13 17:07:07,333 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 87/134 +[2024-10-13 17:07:07,616 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 88/134 +[2024-10-13 17:07:07,898 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 89/134 +[2024-10-13 17:07:08,181 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 90/134 +[2024-10-13 17:07:08,463 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 91/134 +[2024-10-13 17:07:08,746 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 92/134 +[2024-10-13 17:07:09,028 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 93/134 +[2024-10-13 17:07:09,312 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 94/134 +[2024-10-13 17:07:09,594 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 95/134 +[2024-10-13 17:07:09,877 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 96/134 +[2024-10-13 17:07:10,159 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 97/134 +[2024-10-13 17:07:10,441 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 98/134 +[2024-10-13 17:07:10,722 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 99/134 +[2024-10-13 17:07:11,003 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 100/134 +[2024-10-13 17:07:11,285 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 101/134 +[2024-10-13 17:07:11,567 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 102/134 +[2024-10-13 17:07:11,849 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 103/134 +[2024-10-13 17:07:12,131 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 104/134 +[2024-10-13 17:07:12,413 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 105/134 +[2024-10-13 17:07:12,695 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 106/134 +[2024-10-13 17:07:12,977 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 107/134 +[2024-10-13 17:07:13,258 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 108/134 +[2024-10-13 17:07:13,539 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 109/134 +[2024-10-13 17:07:13,821 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 110/134 +[2024-10-13 17:07:14,102 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 111/134 +[2024-10-13 17:07:14,383 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 112/134 +[2024-10-13 17:07:14,665 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 113/134 +[2024-10-13 17:07:14,947 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 114/134 +[2024-10-13 17:07:15,231 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 115/134 +[2024-10-13 17:07:15,514 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 116/134 +[2024-10-13 17:07:15,797 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 117/134 +[2024-10-13 17:07:16,080 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 118/134 +[2024-10-13 17:07:16,362 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 119/134 +[2024-10-13 17:07:16,644 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 120/134 +[2024-10-13 17:07:16,928 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 121/134 +[2024-10-13 17:07:17,211 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 122/134 +[2024-10-13 17:07:17,494 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 123/134 +[2024-10-13 17:07:17,759 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 124/134 +[2024-10-13 17:07:18,024 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 125/134 +[2024-10-13 17:07:18,288 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 126/134 +[2024-10-13 17:07:18,553 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 127/134 +[2024-10-13 17:07:18,817 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 128/134 +[2024-10-13 17:07:19,083 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 129/134 +[2024-10-13 17:07:19,347 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 130/134 +[2024-10-13 17:07:19,612 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 131/134 +[2024-10-13 17:07:19,877 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 132/134 +[2024-10-13 17:07:20,142 INFO test.py line 186 25394] Test: 308/312-scene0653_01, Batch: 133/134 +[2024-10-13 17:07:20,562 INFO test.py line 272 25394] Test: scene0653_01 [308/312]-331565 Batch 35.739 (19.097) Accuracy 0.9089 (0.4937) mIoU 0.4211 (0.3751) +[2024-10-13 17:07:20,645 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 0/131 +[2024-10-13 17:07:20,717 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 1/131 +[2024-10-13 17:07:20,790 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 2/131 +[2024-10-13 17:07:20,862 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 3/131 +[2024-10-13 17:07:20,934 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 4/131 +[2024-10-13 17:07:21,007 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 5/131 +[2024-10-13 17:07:21,079 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 6/131 +[2024-10-13 17:07:21,151 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 7/131 +[2024-10-13 17:07:21,223 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 8/131 +[2024-10-13 17:07:21,295 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 9/131 +[2024-10-13 17:07:21,368 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 10/131 +[2024-10-13 17:07:21,440 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 11/131 +[2024-10-13 17:07:21,545 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 12/131 +[2024-10-13 17:07:21,619 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 13/131 +[2024-10-13 17:07:21,691 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 14/131 +[2024-10-13 17:07:21,763 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 15/131 +[2024-10-13 17:07:21,835 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 16/131 +[2024-10-13 17:07:21,907 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 17/131 +[2024-10-13 17:07:21,979 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 18/131 +[2024-10-13 17:07:22,051 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 19/131 +[2024-10-13 17:07:22,123 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 20/131 +[2024-10-13 17:07:22,195 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 21/131 +[2024-10-13 17:07:22,267 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 22/131 +[2024-10-13 17:07:22,338 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 23/131 +[2024-10-13 17:07:22,410 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 24/131 +[2024-10-13 17:07:22,482 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 25/131 +[2024-10-13 17:07:22,554 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 26/131 +[2024-10-13 17:07:22,626 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 27/131 +[2024-10-13 17:07:22,697 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 28/131 +[2024-10-13 17:07:22,769 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 29/131 +[2024-10-13 17:07:22,841 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 30/131 +[2024-10-13 17:07:22,913 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 31/131 +[2024-10-13 17:07:22,985 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 32/131 +[2024-10-13 17:07:23,056 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 33/131 +[2024-10-13 17:07:23,128 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 34/131 +[2024-10-13 17:07:23,200 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 35/131 +[2024-10-13 17:07:23,272 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 36/131 +[2024-10-13 17:07:23,344 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 37/131 +[2024-10-13 17:07:23,416 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 38/131 +[2024-10-13 17:07:23,488 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 39/131 +[2024-10-13 17:07:23,560 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 40/131 +[2024-10-13 17:07:23,632 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 41/131 +[2024-10-13 17:07:23,704 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 42/131 +[2024-10-13 17:07:23,776 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 43/131 +[2024-10-13 17:07:23,845 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 44/131 +[2024-10-13 17:07:23,914 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 45/131 +[2024-10-13 17:07:23,982 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 46/131 +[2024-10-13 17:07:24,051 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 47/131 +[2024-10-13 17:07:24,119 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 48/131 +[2024-10-13 17:07:24,188 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 49/131 +[2024-10-13 17:07:24,256 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 50/131 +[2024-10-13 17:07:24,325 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 51/131 +[2024-10-13 17:07:24,393 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 52/131 +[2024-10-13 17:07:24,462 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 53/131 +[2024-10-13 17:07:24,529 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 54/131 +[2024-10-13 17:07:24,597 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 55/131 +[2024-10-13 17:07:24,665 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 56/131 +[2024-10-13 17:07:24,733 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 57/131 +[2024-10-13 17:07:24,800 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 58/131 +[2024-10-13 17:07:24,868 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 59/131 +[2024-10-13 17:07:24,936 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 60/131 +[2024-10-13 17:07:25,004 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 61/131 +[2024-10-13 17:07:25,071 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 62/131 +[2024-10-13 17:07:25,139 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 63/131 +[2024-10-13 17:07:25,208 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 64/131 +[2024-10-13 17:07:25,276 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 65/131 +[2024-10-13 17:07:25,344 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 66/131 +[2024-10-13 17:07:25,412 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 67/131 +[2024-10-13 17:07:25,481 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 68/131 +[2024-10-13 17:07:25,549 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 69/131 +[2024-10-13 17:07:25,617 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 70/131 +[2024-10-13 17:07:25,685 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 71/131 +[2024-10-13 17:07:25,753 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 72/131 +[2024-10-13 17:07:25,822 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 73/131 +[2024-10-13 17:07:25,890 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 74/131 +[2024-10-13 17:07:25,959 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 75/131 +[2024-10-13 17:07:26,027 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 76/131 +[2024-10-13 17:07:26,096 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 77/131 +[2024-10-13 17:07:26,165 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 78/131 +[2024-10-13 17:07:26,233 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 79/131 +[2024-10-13 17:07:26,302 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 80/131 +[2024-10-13 17:07:26,370 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 81/131 +[2024-10-13 17:07:26,439 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 82/131 +[2024-10-13 17:07:26,507 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 83/131 +[2024-10-13 17:07:26,583 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 84/131 +[2024-10-13 17:07:26,657 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 85/131 +[2024-10-13 17:07:26,732 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 86/131 +[2024-10-13 17:07:26,807 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 87/131 +[2024-10-13 17:07:26,882 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 88/131 +[2024-10-13 17:07:26,957 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 89/131 +[2024-10-13 17:07:27,032 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 90/131 +[2024-10-13 17:07:27,107 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 91/131 +[2024-10-13 17:07:27,182 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 92/131 +[2024-10-13 17:07:27,256 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 93/131 +[2024-10-13 17:07:27,331 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 94/131 +[2024-10-13 17:07:27,406 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 95/131 +[2024-10-13 17:07:27,481 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 96/131 +[2024-10-13 17:07:27,556 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 97/131 +[2024-10-13 17:07:27,631 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 98/131 +[2024-10-13 17:07:27,706 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 99/131 +[2024-10-13 17:07:27,781 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 100/131 +[2024-10-13 17:07:27,856 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 101/131 +[2024-10-13 17:07:27,930 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 102/131 +[2024-10-13 17:07:28,005 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 103/131 +[2024-10-13 17:07:28,080 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 104/131 +[2024-10-13 17:07:28,154 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 105/131 +[2024-10-13 17:07:28,229 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 106/131 +[2024-10-13 17:07:28,304 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 107/131 +[2024-10-13 17:07:28,378 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 108/131 +[2024-10-13 17:07:28,453 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 109/131 +[2024-10-13 17:07:28,528 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 110/131 +[2024-10-13 17:07:28,602 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 111/131 +[2024-10-13 17:07:28,677 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 112/131 +[2024-10-13 17:07:28,751 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 113/131 +[2024-10-13 17:07:28,826 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 114/131 +[2024-10-13 17:07:28,901 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 115/131 +[2024-10-13 17:07:28,976 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 116/131 +[2024-10-13 17:07:29,050 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 117/131 +[2024-10-13 17:07:29,125 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 118/131 +[2024-10-13 17:07:29,200 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 119/131 +[2024-10-13 17:07:29,272 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 120/131 +[2024-10-13 17:07:29,344 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 121/131 +[2024-10-13 17:07:29,416 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 122/131 +[2024-10-13 17:07:29,488 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 123/131 +[2024-10-13 17:07:29,559 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 124/131 +[2024-10-13 17:07:29,631 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 125/131 +[2024-10-13 17:07:29,703 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 126/131 +[2024-10-13 17:07:29,775 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 127/131 +[2024-10-13 17:07:29,847 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 128/131 +[2024-10-13 17:07:29,919 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 129/131 +[2024-10-13 17:07:29,990 INFO test.py line 186 25394] Test: 309/312-scene0146_02, Batch: 130/131 +[2024-10-13 17:07:30,082 INFO test.py line 272 25394] Test: scene0146_02 [309/312]-64383 Batch 9.520 (19.066) Accuracy 0.8668 (0.4936) mIoU 0.4054 (0.3751) +[2024-10-13 17:07:30,244 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 0/123 +[2024-10-13 17:07:30,384 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 1/123 +[2024-10-13 17:07:30,524 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 2/123 +[2024-10-13 17:07:30,663 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 3/123 +[2024-10-13 17:07:30,803 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 4/123 +[2024-10-13 17:07:30,942 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 5/123 +[2024-10-13 17:07:31,082 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 6/123 +[2024-10-13 17:07:31,221 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 7/123 +[2024-10-13 17:07:31,361 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 8/123 +[2024-10-13 17:07:31,501 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 9/123 +[2024-10-13 17:07:31,640 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 10/123 +[2024-10-13 17:07:31,779 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 11/123 +[2024-10-13 17:07:31,919 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 12/123 +[2024-10-13 17:07:32,058 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 13/123 +[2024-10-13 17:07:32,198 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 14/123 +[2024-10-13 17:07:32,337 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 15/123 +[2024-10-13 17:07:32,479 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 16/123 +[2024-10-13 17:07:32,648 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 17/123 +[2024-10-13 17:07:32,789 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 18/123 +[2024-10-13 17:07:32,929 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 19/123 +[2024-10-13 17:07:33,068 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 20/123 +[2024-10-13 17:07:33,208 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 21/123 +[2024-10-13 17:07:33,348 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 22/123 +[2024-10-13 17:07:33,488 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 23/123 +[2024-10-13 17:07:33,628 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 24/123 +[2024-10-13 17:07:33,768 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 25/123 +[2024-10-13 17:07:33,908 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 26/123 +[2024-10-13 17:07:34,048 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 27/123 +[2024-10-13 17:07:34,188 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 28/123 +[2024-10-13 17:07:34,328 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 29/123 +[2024-10-13 17:07:34,468 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 30/123 +[2024-10-13 17:07:34,608 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 31/123 +[2024-10-13 17:07:34,748 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 32/123 +[2024-10-13 17:07:34,888 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 33/123 +[2024-10-13 17:07:35,028 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 34/123 +[2024-10-13 17:07:35,168 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 35/123 +[2024-10-13 17:07:35,308 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 36/123 +[2024-10-13 17:07:35,448 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 37/123 +[2024-10-13 17:07:35,588 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 38/123 +[2024-10-13 17:07:35,728 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 39/123 +[2024-10-13 17:07:35,868 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 40/123 +[2024-10-13 17:07:36,008 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 41/123 +[2024-10-13 17:07:36,149 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 42/123 +[2024-10-13 17:07:36,288 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 43/123 +[2024-10-13 17:07:36,420 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 44/123 +[2024-10-13 17:07:36,552 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 45/123 +[2024-10-13 17:07:36,683 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 46/123 +[2024-10-13 17:07:36,815 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 47/123 +[2024-10-13 17:07:36,946 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 48/123 +[2024-10-13 17:07:37,078 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 49/123 +[2024-10-13 17:07:37,209 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 50/123 +[2024-10-13 17:07:37,341 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 51/123 +[2024-10-13 17:07:37,473 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 52/123 +[2024-10-13 17:07:37,604 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 53/123 +[2024-10-13 17:07:37,735 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 54/123 +[2024-10-13 17:07:37,866 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 55/123 +[2024-10-13 17:07:37,997 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 56/123 +[2024-10-13 17:07:38,128 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 57/123 +[2024-10-13 17:07:38,260 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 58/123 +[2024-10-13 17:07:38,391 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 59/123 +[2024-10-13 17:07:38,522 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 60/123 +[2024-10-13 17:07:38,653 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 61/123 +[2024-10-13 17:07:38,785 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 62/123 +[2024-10-13 17:07:38,916 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 63/123 +[2024-10-13 17:07:39,047 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 64/123 +[2024-10-13 17:07:39,178 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 65/123 +[2024-10-13 17:07:39,310 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 66/123 +[2024-10-13 17:07:39,442 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 67/123 +[2024-10-13 17:07:39,573 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 68/123 +[2024-10-13 17:07:39,704 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 69/123 +[2024-10-13 17:07:39,836 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 70/123 +[2024-10-13 17:07:39,967 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 71/123 +[2024-10-13 17:07:40,099 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 72/123 +[2024-10-13 17:07:40,231 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 73/123 +[2024-10-13 17:07:40,362 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 74/123 +[2024-10-13 17:07:40,494 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 75/123 +[2024-10-13 17:07:40,626 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 76/123 +[2024-10-13 17:07:40,758 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 77/123 +[2024-10-13 17:07:40,889 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 78/123 +[2024-10-13 17:07:41,021 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 79/123 +[2024-10-13 17:07:41,169 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 80/123 +[2024-10-13 17:07:41,317 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 81/123 +[2024-10-13 17:07:41,464 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 82/123 +[2024-10-13 17:07:41,612 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 83/123 +[2024-10-13 17:07:41,759 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 84/123 +[2024-10-13 17:07:41,906 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 85/123 +[2024-10-13 17:07:42,054 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 86/123 +[2024-10-13 17:07:42,201 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 87/123 +[2024-10-13 17:07:42,350 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 88/123 +[2024-10-13 17:07:42,499 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 89/123 +[2024-10-13 17:07:42,648 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 90/123 +[2024-10-13 17:07:42,797 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 91/123 +[2024-10-13 17:07:42,946 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 92/123 +[2024-10-13 17:07:43,095 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 93/123 +[2024-10-13 17:07:43,243 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 94/123 +[2024-10-13 17:07:43,392 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 95/123 +[2024-10-13 17:07:43,540 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 96/123 +[2024-10-13 17:07:43,689 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 97/123 +[2024-10-13 17:07:43,838 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 98/123 +[2024-10-13 17:07:43,986 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 99/123 +[2024-10-13 17:07:44,135 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 100/123 +[2024-10-13 17:07:44,283 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 101/123 +[2024-10-13 17:07:44,431 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 102/123 +[2024-10-13 17:07:44,580 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 103/123 +[2024-10-13 17:07:44,727 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 104/123 +[2024-10-13 17:07:44,875 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 105/123 +[2024-10-13 17:07:45,023 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 106/123 +[2024-10-13 17:07:45,171 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 107/123 +[2024-10-13 17:07:45,319 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 108/123 +[2024-10-13 17:07:45,467 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 109/123 +[2024-10-13 17:07:45,614 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 110/123 +[2024-10-13 17:07:45,762 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 111/123 +[2024-10-13 17:07:45,902 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 112/123 +[2024-10-13 17:07:46,042 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 113/123 +[2024-10-13 17:07:46,182 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 114/123 +[2024-10-13 17:07:46,322 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 115/123 +[2024-10-13 17:07:46,462 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 116/123 +[2024-10-13 17:07:46,601 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 117/123 +[2024-10-13 17:07:46,741 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 118/123 +[2024-10-13 17:07:46,881 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 119/123 +[2024-10-13 17:07:47,021 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 120/123 +[2024-10-13 17:07:47,162 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 121/123 +[2024-10-13 17:07:47,302 INFO test.py line 186 25394] Test: 310/312-scene0606_01, Batch: 122/123 +[2024-10-13 17:07:47,496 INFO test.py line 272 25394] Test: scene0606_01 [310/312]-152050 Batch 17.414 (19.061) Accuracy 0.7800 (0.4928) mIoU 0.1772 (0.3741) +[2024-10-13 17:07:47,568 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 0/95 +[2024-10-13 17:07:47,632 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 1/95 +[2024-10-13 17:07:47,696 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 2/95 +[2024-10-13 17:07:47,760 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 3/95 +[2024-10-13 17:07:47,823 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 4/95 +[2024-10-13 17:07:47,887 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 5/95 +[2024-10-13 17:07:47,951 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 6/95 +[2024-10-13 17:07:48,014 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 7/95 +[2024-10-13 17:07:48,078 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 8/95 +[2024-10-13 17:07:48,142 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 9/95 +[2024-10-13 17:07:48,206 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 10/95 +[2024-10-13 17:07:48,269 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 11/95 +[2024-10-13 17:07:48,333 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 12/95 +[2024-10-13 17:07:48,397 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 13/95 +[2024-10-13 17:07:48,461 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 14/95 +[2024-10-13 17:07:48,525 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 15/95 +[2024-10-13 17:07:48,590 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 16/95 +[2024-10-13 17:07:48,654 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 17/95 +[2024-10-13 17:07:48,718 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 18/95 +[2024-10-13 17:07:48,782 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 19/95 +[2024-10-13 17:07:48,847 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 20/95 +[2024-10-13 17:07:48,911 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 21/95 +[2024-10-13 17:07:48,975 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 22/95 +[2024-10-13 17:07:49,039 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 23/95 +[2024-10-13 17:07:49,103 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 24/95 +[2024-10-13 17:07:49,167 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 25/95 +[2024-10-13 17:07:49,231 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 26/95 +[2024-10-13 17:07:49,295 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 27/95 +[2024-10-13 17:07:49,356 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 28/95 +[2024-10-13 17:07:49,418 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 29/95 +[2024-10-13 17:07:49,479 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 30/95 +[2024-10-13 17:07:49,540 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 31/95 +[2024-10-13 17:07:49,601 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 32/95 +[2024-10-13 17:07:49,662 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 33/95 +[2024-10-13 17:07:49,724 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 34/95 +[2024-10-13 17:07:49,785 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 35/95 +[2024-10-13 17:07:49,846 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 36/95 +[2024-10-13 17:07:49,907 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 37/95 +[2024-10-13 17:07:49,968 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 38/95 +[2024-10-13 17:07:50,030 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 39/95 +[2024-10-13 17:07:50,091 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 40/95 +[2024-10-13 17:07:50,152 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 41/95 +[2024-10-13 17:07:50,213 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 42/95 +[2024-10-13 17:07:50,274 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 43/95 +[2024-10-13 17:07:50,335 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 44/95 +[2024-10-13 17:07:50,396 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 45/95 +[2024-10-13 17:07:50,457 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 46/95 +[2024-10-13 17:07:50,519 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 47/95 +[2024-10-13 17:07:50,580 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 48/95 +[2024-10-13 17:07:50,641 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 49/95 +[2024-10-13 17:07:50,702 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 50/95 +[2024-10-13 17:07:50,763 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 51/95 +[2024-10-13 17:07:50,824 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 52/95 +[2024-10-13 17:07:50,886 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 53/95 +[2024-10-13 17:07:50,947 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 54/95 +[2024-10-13 17:07:51,008 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 55/95 +[2024-10-13 17:07:51,070 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 56/95 +[2024-10-13 17:07:51,131 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 57/95 +[2024-10-13 17:07:51,192 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 58/95 +[2024-10-13 17:07:51,253 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 59/95 +[2024-10-13 17:07:51,320 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 60/95 +[2024-10-13 17:07:51,387 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 61/95 +[2024-10-13 17:07:51,454 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 62/95 +[2024-10-13 17:07:51,521 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 63/95 +[2024-10-13 17:07:51,588 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 64/95 +[2024-10-13 17:07:51,655 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 65/95 +[2024-10-13 17:07:51,721 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 66/95 +[2024-10-13 17:07:51,788 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 67/95 +[2024-10-13 17:07:51,854 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 68/95 +[2024-10-13 17:07:51,921 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 69/95 +[2024-10-13 17:07:51,987 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 70/95 +[2024-10-13 17:07:52,053 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 71/95 +[2024-10-13 17:07:52,120 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 72/95 +[2024-10-13 17:07:52,186 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 73/95 +[2024-10-13 17:07:52,252 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 74/95 +[2024-10-13 17:07:52,318 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 75/95 +[2024-10-13 17:07:52,384 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 76/95 +[2024-10-13 17:07:52,450 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 77/95 +[2024-10-13 17:07:52,516 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 78/95 +[2024-10-13 17:07:52,582 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 79/95 +[2024-10-13 17:07:52,648 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 80/95 +[2024-10-13 17:07:52,715 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 81/95 +[2024-10-13 17:07:52,782 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 82/95 +[2024-10-13 17:07:52,850 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 83/95 +[2024-10-13 17:07:52,916 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 84/95 +[2024-10-13 17:07:52,983 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 85/95 +[2024-10-13 17:07:53,050 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 86/95 +[2024-10-13 17:07:53,117 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 87/95 +[2024-10-13 17:07:53,182 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 88/95 +[2024-10-13 17:07:53,246 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 89/95 +[2024-10-13 17:07:53,310 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 90/95 +[2024-10-13 17:07:53,374 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 91/95 +[2024-10-13 17:07:53,439 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 92/95 +[2024-10-13 17:07:53,503 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 93/95 +[2024-10-13 17:07:53,567 INFO test.py line 186 25394] Test: 311/312-scene0693_01, Batch: 94/95 +[2024-10-13 17:07:53,637 INFO test.py line 272 25394] Test: scene0693_01 [311/312]-47986 Batch 6.140 (19.020) Accuracy 0.8448 (0.4936) mIoU 0.5038 (0.3747) +[2024-10-13 17:07:53,744 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 0/145 +[2024-10-13 17:07:53,839 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 1/145 +[2024-10-13 17:07:53,933 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 2/145 +[2024-10-13 17:07:54,028 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 3/145 +[2024-10-13 17:07:54,123 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 4/145 +[2024-10-13 17:07:54,217 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 5/145 +[2024-10-13 17:07:54,312 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 6/145 +[2024-10-13 17:07:54,406 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 7/145 +[2024-10-13 17:07:54,501 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 8/145 +[2024-10-13 17:07:54,595 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 9/145 +[2024-10-13 17:07:54,690 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 10/145 +[2024-10-13 17:07:54,784 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 11/145 +[2024-10-13 17:07:54,879 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 12/145 +[2024-10-13 17:07:54,973 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 13/145 +[2024-10-13 17:07:55,067 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 14/145 +[2024-10-13 17:07:55,161 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 15/145 +[2024-10-13 17:07:55,256 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 16/145 +[2024-10-13 17:07:55,350 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 17/145 +[2024-10-13 17:07:55,444 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 18/145 +[2024-10-13 17:07:55,539 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 19/145 +[2024-10-13 17:07:55,633 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 20/145 +[2024-10-13 17:07:55,728 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 21/145 +[2024-10-13 17:07:55,822 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 22/145 +[2024-10-13 17:07:55,916 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 23/145 +[2024-10-13 17:07:56,011 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 24/145 +[2024-10-13 17:07:56,105 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 25/145 +[2024-10-13 17:07:56,199 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 26/145 +[2024-10-13 17:07:56,294 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 27/145 +[2024-10-13 17:07:56,388 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 28/145 +[2024-10-13 17:07:56,483 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 29/145 +[2024-10-13 17:07:56,577 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 30/145 +[2024-10-13 17:07:56,671 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 31/145 +[2024-10-13 17:07:56,766 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 32/145 +[2024-10-13 17:07:56,860 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 33/145 +[2024-10-13 17:07:56,955 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 34/145 +[2024-10-13 17:07:57,049 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 35/145 +[2024-10-13 17:07:57,144 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 36/145 +[2024-10-13 17:07:57,238 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 37/145 +[2024-10-13 17:07:57,332 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 38/145 +[2024-10-13 17:07:57,426 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 39/145 +[2024-10-13 17:07:57,521 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 40/145 +[2024-10-13 17:07:57,615 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 41/145 +[2024-10-13 17:07:57,710 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 42/145 +[2024-10-13 17:07:57,804 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 43/145 +[2024-10-13 17:07:57,898 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 44/145 +[2024-10-13 17:07:57,992 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 45/145 +[2024-10-13 17:07:58,087 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 46/145 +[2024-10-13 17:07:58,181 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 47/145 +[2024-10-13 17:07:58,275 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 48/145 +[2024-10-13 17:07:58,370 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 49/145 +[2024-10-13 17:07:58,464 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 50/145 +[2024-10-13 17:07:58,558 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 51/145 +[2024-10-13 17:07:58,648 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 52/145 +[2024-10-13 17:07:58,739 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 53/145 +[2024-10-13 17:07:58,829 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 54/145 +[2024-10-13 17:07:58,919 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 55/145 +[2024-10-13 17:07:59,009 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 56/145 +[2024-10-13 17:07:59,099 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 57/145 +[2024-10-13 17:07:59,189 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 58/145 +[2024-10-13 17:07:59,280 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 59/145 +[2024-10-13 17:07:59,370 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 60/145 +[2024-10-13 17:07:59,460 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 61/145 +[2024-10-13 17:07:59,550 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 62/145 +[2024-10-13 17:07:59,640 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 63/145 +[2024-10-13 17:07:59,730 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 64/145 +[2024-10-13 17:07:59,820 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 65/145 +[2024-10-13 17:07:59,910 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 66/145 +[2024-10-13 17:08:00,000 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 67/145 +[2024-10-13 17:08:00,090 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 68/145 +[2024-10-13 17:08:00,180 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 69/145 +[2024-10-13 17:08:00,270 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 70/145 +[2024-10-13 17:08:00,360 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 71/145 +[2024-10-13 17:08:00,450 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 72/145 +[2024-10-13 17:08:00,540 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 73/145 +[2024-10-13 17:08:00,630 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 74/145 +[2024-10-13 17:08:00,720 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 75/145 +[2024-10-13 17:08:00,810 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 76/145 +[2024-10-13 17:08:00,900 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 77/145 +[2024-10-13 17:08:00,990 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 78/145 +[2024-10-13 17:08:01,081 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 79/145 +[2024-10-13 17:08:01,171 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 80/145 +[2024-10-13 17:08:01,261 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 81/145 +[2024-10-13 17:08:01,351 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 82/145 +[2024-10-13 17:08:01,442 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 83/145 +[2024-10-13 17:08:01,533 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 84/145 +[2024-10-13 17:08:01,624 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 85/145 +[2024-10-13 17:08:01,714 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 86/145 +[2024-10-13 17:08:01,805 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 87/145 +[2024-10-13 17:08:01,895 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 88/145 +[2024-10-13 17:08:01,986 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 89/145 +[2024-10-13 17:08:02,077 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 90/145 +[2024-10-13 17:08:02,167 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 91/145 +[2024-10-13 17:08:02,266 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 92/145 +[2024-10-13 17:08:02,366 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 93/145 +[2024-10-13 17:08:02,465 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 94/145 +[2024-10-13 17:08:02,564 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 95/145 +[2024-10-13 17:08:02,663 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 96/145 +[2024-10-13 17:08:02,762 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 97/145 +[2024-10-13 17:08:02,862 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 98/145 +[2024-10-13 17:08:02,961 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 99/145 +[2024-10-13 17:08:03,060 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 100/145 +[2024-10-13 17:08:03,160 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 101/145 +[2024-10-13 17:08:03,259 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 102/145 +[2024-10-13 17:08:03,358 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 103/145 +[2024-10-13 17:08:03,458 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 104/145 +[2024-10-13 17:08:03,557 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 105/145 +[2024-10-13 17:08:03,657 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 106/145 +[2024-10-13 17:08:03,757 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 107/145 +[2024-10-13 17:08:03,856 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 108/145 +[2024-10-13 17:08:03,956 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 109/145 +[2024-10-13 17:08:04,055 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 110/145 +[2024-10-13 17:08:04,154 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 111/145 +[2024-10-13 17:08:04,254 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 112/145 +[2024-10-13 17:08:04,353 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 113/145 +[2024-10-13 17:08:04,452 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 114/145 +[2024-10-13 17:08:04,551 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 115/145 +[2024-10-13 17:08:04,650 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 116/145 +[2024-10-13 17:08:04,749 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 117/145 +[2024-10-13 17:08:04,848 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 118/145 +[2024-10-13 17:08:04,948 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 119/145 +[2024-10-13 17:08:05,047 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 120/145 +[2024-10-13 17:08:05,146 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 121/145 +[2024-10-13 17:08:05,246 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 122/145 +[2024-10-13 17:08:05,345 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 123/145 +[2024-10-13 17:08:05,444 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 124/145 +[2024-10-13 17:08:05,543 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 125/145 +[2024-10-13 17:08:05,642 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 126/145 +[2024-10-13 17:08:05,742 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 127/145 +[2024-10-13 17:08:05,841 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 128/145 +[2024-10-13 17:08:05,941 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 129/145 +[2024-10-13 17:08:06,040 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 130/145 +[2024-10-13 17:08:06,140 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 131/145 +[2024-10-13 17:08:06,234 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 132/145 +[2024-10-13 17:08:06,328 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 133/145 +[2024-10-13 17:08:06,423 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 134/145 +[2024-10-13 17:08:06,517 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 135/145 +[2024-10-13 17:08:06,612 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 136/145 +[2024-10-13 17:08:06,706 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 137/145 +[2024-10-13 17:08:06,800 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 138/145 +[2024-10-13 17:08:06,895 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 139/145 +[2024-10-13 17:08:06,989 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 140/145 +[2024-10-13 17:08:07,084 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 141/145 +[2024-10-13 17:08:07,178 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 142/145 +[2024-10-13 17:08:07,272 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 143/145 +[2024-10-13 17:08:07,367 INFO test.py line 186 25394] Test: 312/312-scene0382_00, Batch: 144/145 +[2024-10-13 17:08:07,497 INFO test.py line 272 25394] Test: scene0382_00 [312/312]-100285 Batch 13.860 (19.003) Accuracy 0.9090 (0.4936) mIoU 0.6091 (0.3747) +[2024-10-13 17:08:07,544 INFO test.py line 289 25394] Syncing ... +[2024-10-13 17:08:07,546 INFO test.py line 315 25394] Val result: mIoU/mAcc/allAcc 0.3747/0.4936/0.8477 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_0 - wall Result: iou/accuracy 0.8254/0.9327 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_1 - chair Result: iou/accuracy 0.7752/0.8820 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_2 - floor Result: iou/accuracy 0.9541/0.9794 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_3 - table Result: iou/accuracy 0.7058/0.8170 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_4 - door Result: iou/accuracy 0.7277/0.8318 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_5 - couch Result: iou/accuracy 0.8191/0.9179 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_6 - cabinet Result: iou/accuracy 0.4419/0.5549 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_7 - shelf Result: iou/accuracy 0.4875/0.7202 +[2024-10-13 17:08:07,546 INFO test.py line 317 25394] Class_8 - desk Result: iou/accuracy 0.6896/0.8458 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_9 - office chair Result: iou/accuracy 0.1949/0.2742 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_10 - bed Result: iou/accuracy 0.8324/0.9049 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_11 - pillow Result: iou/accuracy 0.6645/0.8413 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_12 - sink Result: iou/accuracy 0.7160/0.8400 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_13 - picture Result: iou/accuracy 0.3990/0.5091 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_14 - window Result: iou/accuracy 0.7182/0.8670 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_15 - toilet Result: iou/accuracy 0.9500/0.9731 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_16 - bookshelf Result: iou/accuracy 0.5410/0.6506 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_17 - monitor Result: iou/accuracy 0.9095/0.9615 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_18 - curtain Result: iou/accuracy 0.7881/0.9006 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_19 - book Result: iou/accuracy 0.5099/0.7970 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_20 - armchair Result: iou/accuracy 0.5591/0.7733 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_21 - coffee table Result: iou/accuracy 0.6972/0.8712 +[2024-10-13 17:08:07,547 INFO test.py line 317 25394] Class_22 - box Result: iou/accuracy 0.4522/0.6614 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_23 - refrigerator Result: iou/accuracy 0.8094/0.8745 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_24 - lamp Result: iou/accuracy 0.7785/0.8792 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_25 - kitchen cabinet Result: iou/accuracy 0.7628/0.8893 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_26 - towel Result: iou/accuracy 0.5526/0.6862 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_27 - clothes Result: iou/accuracy 0.2041/0.5158 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_28 - tv Result: iou/accuracy 0.9096/0.9632 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_29 - nightstand Result: iou/accuracy 0.7897/0.9000 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_30 - counter Result: iou/accuracy 0.4168/0.5889 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_31 - dresser Result: iou/accuracy 0.6016/0.7739 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_32 - stool Result: iou/accuracy 0.5949/0.7826 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_33 - cushion Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_34 - plant Result: iou/accuracy 0.7964/0.9488 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_35 - ceiling Result: iou/accuracy 0.9170/0.9562 +[2024-10-13 17:08:07,548 INFO test.py line 317 25394] Class_36 - bathtub Result: iou/accuracy 0.8284/0.9078 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_37 - end table Result: iou/accuracy 0.1441/0.1899 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_38 - dining table Result: iou/accuracy 0.0839/0.1000 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_39 - keyboard Result: iou/accuracy 0.4726/0.6218 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_40 - bag Result: iou/accuracy 0.3399/0.5008 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_41 - backpack Result: iou/accuracy 0.7082/0.7966 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_42 - toilet paper Result: iou/accuracy 0.4905/0.6251 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_43 - printer Result: iou/accuracy 0.6593/0.9030 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_44 - tv stand Result: iou/accuracy 0.4796/0.6940 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_45 - whiteboard Result: iou/accuracy 0.5940/0.8376 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_46 - blanket Result: iou/accuracy 0.0682/0.0823 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_47 - shower curtain Result: iou/accuracy 0.6684/0.7409 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_48 - trash can Result: iou/accuracy 0.6887/0.8205 +[2024-10-13 17:08:07,549 INFO test.py line 317 25394] Class_49 - closet Result: iou/accuracy 0.1062/0.1323 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_50 - stairs Result: iou/accuracy 0.5730/0.8140 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_51 - microwave Result: iou/accuracy 0.6842/0.9095 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_52 - stove Result: iou/accuracy 0.6781/0.9088 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_53 - shoe Result: iou/accuracy 0.5636/0.7351 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_54 - computer tower Result: iou/accuracy 0.6829/0.9247 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_55 - bottle Result: iou/accuracy 0.1428/0.4923 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_56 - bin Result: iou/accuracy 0.0004/0.0011 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_57 - ottoman Result: iou/accuracy 0.5272/0.6254 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_58 - bench Result: iou/accuracy 0.4267/0.4696 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_59 - board Result: iou/accuracy 0.2049/0.4391 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_60 - washing machine Result: iou/accuracy 0.8754/0.9650 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_61 - mirror Result: iou/accuracy 0.5259/0.6560 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_62 - copier Result: iou/accuracy 0.7128/0.9666 +[2024-10-13 17:08:07,550 INFO test.py line 317 25394] Class_63 - basket Result: iou/accuracy 0.0652/0.1003 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_64 - sofa chair Result: iou/accuracy 0.2422/0.2912 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_65 - file cabinet Result: iou/accuracy 0.6724/0.7679 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_66 - fan Result: iou/accuracy 0.4991/0.5912 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_67 - laptop Result: iou/accuracy 0.6650/0.9039 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_68 - shower Result: iou/accuracy 0.4175/0.4880 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_69 - paper Result: iou/accuracy 0.1882/0.2998 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_70 - person Result: iou/accuracy 0.4871/0.8074 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_71 - paper towel dispenser Result: iou/accuracy 0.7317/0.9021 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_72 - oven Result: iou/accuracy 0.1041/0.1075 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_73 - blinds Result: iou/accuracy 0.0033/0.0033 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_74 - rack Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_75 - plate Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_76 - blackboard Result: iou/accuracy 0.6407/0.6803 +[2024-10-13 17:08:07,551 INFO test.py line 317 25394] Class_77 - piano Result: iou/accuracy 0.9248/0.9801 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_78 - suitcase Result: iou/accuracy 0.6721/0.8726 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_79 - rail Result: iou/accuracy 0.0548/0.0566 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_80 - radiator Result: iou/accuracy 0.7437/0.8773 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_81 - recycling bin Result: iou/accuracy 0.5412/0.6992 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_82 - container Result: iou/accuracy 0.0819/0.1432 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_83 - wardrobe Result: iou/accuracy 0.1893/0.2356 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_84 - soap dispenser Result: iou/accuracy 0.7955/0.8896 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_85 - telephone Result: iou/accuracy 0.5354/0.7352 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_86 - bucket Result: iou/accuracy 0.2710/0.6164 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_87 - clock Result: iou/accuracy 0.3346/0.3901 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_88 - stand Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_89 - light Result: iou/accuracy 0.0298/0.0328 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_90 - laundry basket Result: iou/accuracy 0.3394/0.3588 +[2024-10-13 17:08:07,552 INFO test.py line 317 25394] Class_91 - pipe Result: iou/accuracy 0.1183/0.1517 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_92 - clothes dryer Result: iou/accuracy 0.7221/0.7293 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_93 - guitar Result: iou/accuracy 0.7009/0.8240 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_94 - toilet paper holder Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_95 - seat Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_96 - speaker Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_97 - column Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_98 - bicycle Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_99 - ladder Result: iou/accuracy 0.7990/0.8506 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_100 - bathroom stall Result: iou/accuracy 0.5051/0.5694 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_101 - shower wall Result: iou/accuracy 0.3986/0.5178 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_102 - cup Result: iou/accuracy 0.3021/0.7179 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_103 - jacket Result: iou/accuracy 0.2205/0.2967 +[2024-10-13 17:08:07,553 INFO test.py line 317 25394] Class_104 - storage bin Result: iou/accuracy 0.0418/0.0536 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_105 - coffee maker Result: iou/accuracy 0.8268/0.9921 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_106 - dishwasher Result: iou/accuracy 0.6335/0.7615 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_107 - paper towel roll Result: iou/accuracy 0.5697/0.6605 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_108 - machine Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_109 - mat Result: iou/accuracy 0.2743/0.3192 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_110 - windowsill Result: iou/accuracy 0.0908/0.1009 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_111 - bar Result: iou/accuracy 0.1134/0.2020 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_112 - toaster Result: iou/accuracy 0.4452/0.5581 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_113 - bulletin board Result: iou/accuracy 0.5121/0.7038 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_114 - ironing board Result: iou/accuracy 0.2393/0.2462 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_115 - fireplace Result: iou/accuracy 0.5735/0.6081 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_116 - soap dish Result: iou/accuracy 0.3712/0.5663 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_117 - kitchen counter Result: iou/accuracy 0.6526/0.7905 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_118 - doorframe Result: iou/accuracy 0.5438/0.7456 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_119 - toilet paper dispenser Result: iou/accuracy 0.4059/0.4878 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_120 - mini fridge Result: iou/accuracy 0.6758/0.7003 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_121 - fire extinguisher Result: iou/accuracy 0.4970/0.6281 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_122 - ball Result: iou/accuracy 0.2443/0.9535 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_123 - hat Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_124 - shower curtain rod Result: iou/accuracy 0.4933/0.9028 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_125 - water cooler Result: iou/accuracy 0.9155/0.9545 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_126 - paper cutter Result: iou/accuracy 0.3266/0.3881 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_127 - tray Result: iou/accuracy 0.0785/0.0983 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_128 - shower door Result: iou/accuracy 0.4796/0.5998 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_129 - pillar Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_130 - ledge Result: iou/accuracy 0.0673/0.0955 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_131 - toaster oven Result: iou/accuracy 0.0566/0.0566 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_132 - mouse Result: iou/accuracy 0.1318/0.6714 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_133 - toilet seat cover dispenser Result: iou/accuracy 0.7399/0.8027 +[2024-10-13 17:08:07,554 INFO test.py line 317 25394] Class_134 - furniture Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_135 - cart Result: iou/accuracy 0.6143/0.6587 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_136 - storage container Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_137 - scale Result: iou/accuracy 0.3412/0.9383 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_138 - tissue box Result: iou/accuracy 0.3666/0.5337 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_139 - light switch Result: iou/accuracy 0.0920/0.5208 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_140 - crate Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_141 - power outlet Result: iou/accuracy 0.2851/0.4880 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_142 - decoration Result: iou/accuracy 0.5001/0.6851 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_143 - sign Result: iou/accuracy 0.2511/0.2836 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_144 - projector Result: iou/accuracy 0.1472/1.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_145 - closet door Result: iou/accuracy 0.1828/0.1989 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_146 - vacuum cleaner Result: iou/accuracy 0.9463/0.9734 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_147 - candle Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_148 - plunger Result: iou/accuracy 0.5930/0.9625 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_149 - stuffed animal Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_150 - headphones Result: iou/accuracy 0.2356/0.3792 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_151 - dish rack Result: iou/accuracy 0.6662/0.9818 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_152 - broom Result: iou/accuracy 0.0945/0.1551 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_153 - guitar case Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_154 - range hood Result: iou/accuracy 0.5888/0.6907 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_155 - dustpan Result: iou/accuracy 0.1061/0.1260 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_156 - hair dryer Result: iou/accuracy 0.2415/0.3363 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_157 - water bottle Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_158 - handicap bar Result: iou/accuracy 0.0600/0.8982 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_159 - purse Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_160 - vent Result: iou/accuracy 0.0801/0.3974 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_161 - shower floor Result: iou/accuracy 0.5231/0.9835 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_162 - water pitcher Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_163 - mailbox Result: iou/accuracy 0.4367/0.4378 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_164 - bowl Result: iou/accuracy 0.5051/0.8113 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_165 - paper bag Result: iou/accuracy 0.0871/0.1141 +[2024-10-13 17:08:07,555 INFO test.py line 317 25394] Class_166 - alarm clock Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_167 - music stand Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_168 - projector screen Result: iou/accuracy 0.0057/0.0057 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_169 - divider Result: iou/accuracy 0.5312/0.6208 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_170 - laundry detergent Result: iou/accuracy 0.0744/0.0753 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_171 - bathroom counter Result: iou/accuracy 0.3101/0.3320 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_172 - object Result: iou/accuracy 0.0650/0.1345 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_173 - bathroom vanity Result: iou/accuracy 0.3760/0.5894 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_174 - closet wall Result: iou/accuracy 0.0424/0.0570 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_175 - laundry hamper Result: iou/accuracy 0.1795/0.2120 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_176 - bathroom stall door Result: iou/accuracy 0.5066/0.5240 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_177 - ceiling light Result: iou/accuracy 0.4168/0.5167 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_178 - trash bin Result: iou/accuracy 0.4187/0.6079 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_179 - dumbbell Result: iou/accuracy 0.8231/0.9822 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_180 - stair rail Result: iou/accuracy 0.5044/0.5994 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_181 - tube Result: iou/accuracy 0.2023/0.3109 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_182 - bathroom cabinet Result: iou/accuracy 0.0938/0.1731 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_183 - cd case Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_184 - closet rod Result: iou/accuracy 0.2890/0.9056 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_185 - coffee kettle Result: iou/accuracy 0.3411/0.7699 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_186 - structure Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_187 - shower head Result: iou/accuracy 0.2802/0.3198 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_188 - keyboard piano Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_189 - case of water bottles Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_190 - coat rack Result: iou/accuracy 0.1179/0.3772 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_191 - storage organizer Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_192 - folded chair Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_193 - fire alarm Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_194 - power strip Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_195 - calendar Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_196 - poster Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_197 - potted plant Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_198 - luggage Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,556 INFO test.py line 317 25394] Class_199 - mattress Result: iou/accuracy 0.0000/0.0000 +[2024-10-13 17:08:07,557 INFO test.py line 325 25394] <<<<<<<<<<<<<<<<< End Evaluation <<<<<<<<<<<<<<<<< diff --git a/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/train.log b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/train.log new file mode 100644 index 0000000000000000000000000000000000000000..052dcb4e8a94010df2ff14ddfe814d95cd554997 --- /dev/null +++ b/scannet/semseg-pt-v3m1-1-ppt-extreme-with-alc/train.log @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9cb346747f4c377a2b0e5cb0183ae208917e46c3eb20745b90f9fd8c41c28ad3 +size 76122756