|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
import os |
|
|
|
import numpy as np |
|
import torch |
|
from PIL import Image |
|
from torch.utils.data import DataLoader, Dataset |
|
from torchvision import transforms |
|
|
|
|
|
class ToTensor(object): |
|
def __init__(self): |
|
|
|
|
|
self.normalize = lambda x : x |
|
|
|
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': "sunrgbd"} |
|
|
|
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 SunRGBD(Dataset): |
|
def __init__(self, data_dir_root): |
|
|
|
|
|
|
|
import glob |
|
self.image_files = glob.glob( |
|
os.path.join(data_dir_root, 'rgb', 'rgb', '*')) |
|
self.depth_files = [ |
|
r.replace("rgb/rgb", "gt/gt").replace("jpg", "png") for r in self.image_files] |
|
self.transform = ToTensor() |
|
|
|
def __getitem__(self, idx): |
|
image_path = self.image_files[idx] |
|
depth_path = self.depth_files[idx] |
|
|
|
image = np.asarray(Image.open(image_path), dtype=np.float32) / 255.0 |
|
depth = np.asarray(Image.open(depth_path), dtype='uint16') / 1000.0 |
|
depth[depth > 8] = -1 |
|
depth = depth[..., None] |
|
return self.transform(dict(image=image, depth=depth)) |
|
|
|
def __len__(self): |
|
return len(self.image_files) |
|
|
|
|
|
def get_sunrgbd_loader(data_dir_root, batch_size=1, **kwargs): |
|
dataset = SunRGBD(data_dir_root) |
|
return DataLoader(dataset, batch_size, **kwargs) |
|
|