mirror of
https://github.com/facebookresearch/pytorch3d.git
synced 2025-12-21 14:50:36 +08:00
pulsar integration.
Summary: This diff integrates the pulsar renderer source code into PyTorch3D as an alternative backend for the PyTorch3D point renderer. This diff is the first of a series of three diffs to complete that migration and focuses on the packaging and integration of the source code. For more information about the pulsar backend, see the release notes and the paper (https://arxiv.org/abs/2004.07484). For information on how to use the backend, see the point cloud rendering notebook and the examples in the folder `docs/examples`. Tasks addressed in the following diffs: * Add the PyTorch3D interface, * Add notebook examples and documentation (or adapt the existing ones to feature both interfaces). Reviewed By: nikhilaravi Differential Revision: D23947736 fbshipit-source-id: a5e77b53e6750334db22aefa89b4c079cda1b443
This commit is contained in:
committed by
Facebook GitHub Bot
parent
d565032399
commit
b19fe1de2f
88
tests/pulsar/create_multiview.py
Normal file
88
tests/pulsar/create_multiview.py
Normal file
@@ -0,0 +1,88 @@
|
||||
#!/usr/bin/env python3
|
||||
# Copyright (c) Facebook, Inc. and its affiliates. All rights reserved.
|
||||
"""Create multiview data."""
|
||||
import sys
|
||||
from os import path
|
||||
|
||||
|
||||
# Making sure you can run this, even if pulsar hasn't been installed yet.
|
||||
sys.path.insert(0, path.join(path.dirname(__file__), "..", ".."))
|
||||
|
||||
|
||||
def create_multiview():
|
||||
"""Test multiview optimization."""
|
||||
from pytorch3d.renderer.points.pulsar import Renderer
|
||||
import torch
|
||||
from torch import nn
|
||||
import imageio
|
||||
from torch.autograd import Variable
|
||||
|
||||
# import cv2
|
||||
# import skvideo.io
|
||||
import numpy as np
|
||||
|
||||
# Constructor.
|
||||
n_points = 10
|
||||
width = 1000
|
||||
height = 1000
|
||||
|
||||
class Model(nn.Module):
|
||||
"""A dummy model to test the integration into a stacked model."""
|
||||
|
||||
def __init__(self):
|
||||
super(Model, self).__init__()
|
||||
self.gamma = 0.1
|
||||
self.renderer = Renderer(width, height, n_points)
|
||||
|
||||
def forward(self, vp, vc, vr, cam_params):
|
||||
# self.gamma *= 0.995
|
||||
# print("gamma: ", self.gamma)
|
||||
return self.renderer.forward(vp, vc, vr, cam_params, self.gamma, 45.0)
|
||||
|
||||
# Generate sample data.
|
||||
torch.manual_seed(1)
|
||||
vert_pos = torch.rand(n_points, 3, dtype=torch.float32) * 10.0
|
||||
vert_pos[:, 2] += 25.0
|
||||
vert_pos[:, :2] -= 5.0
|
||||
# print(vert_pos[0])
|
||||
vert_col = torch.rand(n_points, 3, dtype=torch.float32)
|
||||
vert_rad = torch.rand(n_points, dtype=torch.float32)
|
||||
|
||||
# Distortion.
|
||||
# vert_pos[:, 1] += 0.5
|
||||
vert_col *= 0.5
|
||||
# vert_rad *= 0.7
|
||||
|
||||
for device in [torch.device("cuda")]:
|
||||
model = Model().to(device)
|
||||
vert_pos = vert_pos.to(device)
|
||||
vert_col = vert_col.to(device)
|
||||
vert_rad = vert_rad.to(device)
|
||||
for angle_idx, angle in enumerate([-1.5, -0.8, -0.4, -0.1, 0.1, 0.4, 0.8, 1.5]):
|
||||
vert_pos_v = Variable(vert_pos, requires_grad=False)
|
||||
vert_col_v = Variable(vert_col, requires_grad=False)
|
||||
vert_rad_v = Variable(vert_rad, requires_grad=False)
|
||||
cam_params = torch.tensor(
|
||||
[
|
||||
np.sin(angle) * 35.0,
|
||||
0.0,
|
||||
30.0 - np.cos(angle) * 35.0,
|
||||
0.0,
|
||||
-angle,
|
||||
0.0,
|
||||
5.0,
|
||||
2.0,
|
||||
],
|
||||
dtype=torch.float32,
|
||||
).to(device)
|
||||
cam_params_v = Variable(cam_params, requires_grad=False)
|
||||
result = model.forward(vert_pos_v, vert_col_v, vert_rad_v, cam_params_v)
|
||||
result_im = (result.cpu().detach().numpy() * 255).astype(np.uint8)
|
||||
imageio.imsave(
|
||||
"reference/examples_TestRenderer_test_multiview_%d.png" % (angle_idx),
|
||||
result_im,
|
||||
)
|
||||
|
||||
|
||||
if __name__ == "__main__":
|
||||
create_multiview()
|
||||
Reference in New Issue
Block a user