|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
import torch |
|
from torch.utils.data import Dataset, DataLoader |
|
from torchvision import transforms |
|
import os |
|
|
|
from PIL import Image |
|
import numpy as np |
|
import cv2 |
|
|
|
|
|
class ToTensor(object): |
|
def __init__(self): |
|
self.normalize = transforms.Normalize( |
|
mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) |
|
|
|
|
|
def __call__(self, sample): |
|
image, depth = sample['image'], sample['depth'] |
|
|
|
image = self.to_tensor(image) |
|
image = self.normalize(image) |
|
depth = self.to_tensor(depth) |
|
|
|
|
|
|
|
return {'image': image, 'depth': depth, 'dataset': "vkitti"} |
|
|
|
def to_tensor(self, pic): |
|
|
|
if isinstance(pic, np.ndarray): |
|
img = torch.from_numpy(pic.transpose((2, 0, 1))) |
|
return img |
|
|
|
|
|
if pic.mode == 'I': |
|
img = torch.from_numpy(np.array(pic, np.int32, copy=False)) |
|
elif pic.mode == 'I;16': |
|
img = torch.from_numpy(np.array(pic, np.int16, copy=False)) |
|
else: |
|
img = torch.ByteTensor( |
|
torch.ByteStorage.from_buffer(pic.tobytes())) |
|
|
|
if pic.mode == 'YCbCr': |
|
nchannel = 3 |
|
elif pic.mode == 'I;16': |
|
nchannel = 1 |
|
else: |
|
nchannel = len(pic.mode) |
|
img = img.view(pic.size[1], pic.size[0], nchannel) |
|
|
|
img = img.transpose(0, 1).transpose(0, 2).contiguous() |
|
if isinstance(img, torch.ByteTensor): |
|
return img.float() |
|
else: |
|
return img |
|
|
|
|
|
class VKITTI(Dataset): |
|
def __init__(self, data_dir_root, do_kb_crop=True): |
|
import glob |
|
|
|
self.image_files = glob.glob(os.path.join( |
|
data_dir_root, "test_color", '*.png')) |
|
self.depth_files = [r.replace("test_color", "test_depth") |
|
for r in self.image_files] |
|
self.do_kb_crop = True |
|
self.transform = ToTensor() |
|
|
|
def __getitem__(self, idx): |
|
image_path = self.image_files[idx] |
|
depth_path = self.depth_files[idx] |
|
|
|
image = Image.open(image_path) |
|
depth = Image.open(depth_path) |
|
depth = cv2.imread(depth_path, cv2.IMREAD_ANYCOLOR | |
|
cv2.IMREAD_ANYDEPTH) |
|
print("dpeth min max", depth.min(), depth.max()) |
|
|
|
|
|
|
|
|
|
|
|
|
|
if self.do_kb_crop and False: |
|
height = image.height |
|
width = image.width |
|
top_margin = int(height - 352) |
|
left_margin = int((width - 1216) / 2) |
|
depth = depth.crop( |
|
(left_margin, top_margin, left_margin + 1216, top_margin + 352)) |
|
image = image.crop( |
|
(left_margin, top_margin, left_margin + 1216, top_margin + 352)) |
|
|
|
|
|
image = np.asarray(image, dtype=np.float32) / 255.0 |
|
|
|
depth = depth[..., None] |
|
sample = dict(image=image, depth=depth) |
|
|
|
|
|
sample = self.transform(sample) |
|
|
|
if idx == 0: |
|
print(sample["image"].shape) |
|
|
|
return sample |
|
|
|
def __len__(self): |
|
return len(self.image_files) |
|
|
|
|
|
def get_vkitti_loader(data_dir_root, batch_size=1, **kwargs): |
|
dataset = VKITTI(data_dir_root) |
|
return DataLoader(dataset, batch_size, **kwargs) |
|
|
|
|
|
if __name__ == "__main__": |
|
loader = get_vkitti_loader( |
|
data_dir_root="/home/bhatsf/shortcuts/datasets/vkitti_test") |
|
print("Total files", len(loader.dataset)) |
|
for i, sample in enumerate(loader): |
|
print(sample["image"].shape) |
|
print(sample["depth"].shape) |
|
print(sample["dataset"]) |
|
print(sample['depth'].min(), sample['depth'].max()) |
|
if i > 5: |
|
break |
|
|