|
from models.rotation2xyz import Rotation2xyz |
|
import numpy as np |
|
from trimesh import Trimesh |
|
import os |
|
os.environ['PYOPENGL_PLATFORM'] = "osmesa" |
|
|
|
import torch |
|
from visualize.simplify_loc2rot import joints2smpl |
|
import pyrender |
|
import matplotlib.pyplot as plt |
|
|
|
import io |
|
import imageio |
|
from shapely import geometry |
|
import trimesh |
|
from pyrender.constants import RenderFlags |
|
import math |
|
|
|
from PIL import Image |
|
import argparse |
|
import moviepy.editor as mp |
|
class WeakPerspectiveCamera(pyrender.Camera): |
|
def __init__(self, |
|
scale, |
|
translation, |
|
znear=pyrender.camera.DEFAULT_Z_NEAR, |
|
zfar=None, |
|
name=None): |
|
super(WeakPerspectiveCamera, self).__init__( |
|
znear=znear, |
|
zfar=zfar, |
|
name=name, |
|
) |
|
self.scale = scale |
|
self.translation = translation |
|
|
|
def get_projection_matrix(self, width=None, height=None): |
|
P = np.eye(4) |
|
P[0, 0] = self.scale[0] |
|
P[1, 1] = self.scale[1] |
|
P[0, 3] = self.translation[0] * self.scale[0] |
|
P[1, 3] = -self.translation[1] * self.scale[1] |
|
P[2, 2] = -1 |
|
return P |
|
|
|
def render(motions, outdir='test_vis', device_id=0, name=None, pred=True): |
|
frames, njoints, nfeats = motions.shape |
|
MINS = motions.min(axis=0).min(axis=0) |
|
MAXS = motions.max(axis=0).max(axis=0) |
|
|
|
height_offset = MINS[1] |
|
motions[:, :, 1] -= height_offset |
|
|
|
j2s = joints2smpl(num_frames=frames, device_id=device_id, cuda=False) |
|
rot2xyz = Rotation2xyz(device=torch.device('cpu')) |
|
faces = rot2xyz.smpl_model.faces |
|
|
|
filepath = os.path.join(outdir, f'{name}.pt') |
|
if not os.path.exists(filepath): |
|
print(f'Running SMPLify, it may take a few minutes.') |
|
motion_tensor, opt_dict = j2s.joint2smpl(motions) |
|
vertices = rot2xyz(torch.tensor(motion_tensor).clone(), mask=None, |
|
pose_rep='rot6d', translation=True, glob=True, |
|
jointstype='vertices', vertstrans=True) |
|
torch.save(vertices, filepath) |
|
else: |
|
vertices = torch.load(filepath) |
|
|
|
if not os.path.exists(outdir): |
|
os.makedirs(outdir) |
|
|
|
frames = vertices.shape[3] |
|
print (vertices.shape) |
|
MINS = torch.min(torch.min(vertices[0], axis=0)[0], axis=1)[0] |
|
MAXS = torch.max(torch.max(vertices[0], axis=0)[0], axis=1)[0] |
|
|
|
|
|
|
|
out_list = [] |
|
|
|
minx = MINS[0] - 0.5 |
|
maxx = MAXS[0] + 0.5 |
|
minz = MINS[2] - 0.5 |
|
maxz = MAXS[2] + 0.5 |
|
polygon = geometry.Polygon([[minx, minz], [minx, maxz], [maxx, maxz], [maxx, minz]]) |
|
polygon_mesh = trimesh.creation.extrude_polygon(polygon, 1e-5) |
|
|
|
vid = [] |
|
for i in range(frames): |
|
if i % 10 == 0: |
|
print(i) |
|
|
|
mesh = Trimesh(vertices=vertices[0, :, :, i].squeeze().tolist(), faces=faces) |
|
|
|
base_color = (0.11, 0.53, 0.8, 0.5) |
|
|
|
|
|
material = pyrender.MetallicRoughnessMaterial( |
|
metallicFactor=0.7, |
|
alphaMode='OPAQUE', |
|
baseColorFactor=base_color |
|
) |
|
|
|
|
|
mesh = pyrender.Mesh.from_trimesh(mesh, material=material) |
|
|
|
polygon_mesh.visual.face_colors = [0, 0, 0, 0.21] |
|
polygon_render = pyrender.Mesh.from_trimesh(polygon_mesh, smooth=False) |
|
|
|
bg_color = [1, 1, 1, 0.8] |
|
scene = pyrender.Scene(bg_color=bg_color, ambient_light=(0.4, 0.4, 0.4)) |
|
|
|
sx, sy, tx, ty = [0.75, 0.75, 0, 0.10] |
|
|
|
camera = pyrender.PerspectiveCamera(yfov=(np.pi / 3.0)) |
|
|
|
light = pyrender.DirectionalLight(color=[1,1,1], intensity=300) |
|
|
|
scene.add(mesh) |
|
|
|
c = np.pi / 2 |
|
|
|
scene.add(polygon_render, pose=np.array([[ 1, 0, 0, 0], |
|
|
|
[ 0, np.cos(c), -np.sin(c), MINS[1].cpu().numpy()], |
|
|
|
[ 0, np.sin(c), np.cos(c), 0], |
|
|
|
[ 0, 0, 0, 1]])) |
|
|
|
light_pose = np.eye(4) |
|
light_pose[:3, 3] = [0, -1, 1] |
|
scene.add(light, pose=light_pose.copy()) |
|
|
|
light_pose[:3, 3] = [0, 1, 1] |
|
scene.add(light, pose=light_pose.copy()) |
|
|
|
light_pose[:3, 3] = [1, 1, 2] |
|
scene.add(light, pose=light_pose.copy()) |
|
|
|
|
|
c = -np.pi / 6 |
|
|
|
scene.add(camera, pose=[[ 1, 0, 0, (minx+maxx).cpu().numpy()/2], |
|
|
|
[ 0, np.cos(c), -np.sin(c), 1.5], |
|
|
|
[ 0, np.sin(c), np.cos(c), max(4, minz.cpu().numpy()+(1.5-MINS[1].cpu().numpy())*2, (maxx-minx).cpu().numpy())], |
|
|
|
[ 0, 0, 0, 1] |
|
]) |
|
|
|
|
|
r = pyrender.OffscreenRenderer(960, 960) |
|
|
|
color, _ = r.render(scene, flags=RenderFlags.RGBA) |
|
|
|
|
|
vid.append(color) |
|
|
|
r.delete() |
|
|
|
out = np.stack(vid, axis=0) |
|
gif_path = os.path.join(outdir, f'{name}.gif') |
|
imageio.mimwrite(gif_path, out, fps=20) |
|
|
|
out_video = mp.VideoFileClip(gif_path) |
|
out_video.write_videofile(gif_path.replace('.gif', '.mp4'), codec='libx264', fps=20) |
|
|
|
|
|
if __name__ == "__main__": |
|
parser = argparse.ArgumentParser(description="Render 3D motion from a numpy file.") |
|
parser.add_argument("filepath", type=str, help="Path to the numpy file containing the motion data.") |
|
parser.add_argument("--outdir", type=str, default="./output", help="Output directory for rendered files.") |
|
args = parser.parse_args() |
|
|
|
|
|
if not os.path.exists(args.outdir): |
|
os.makedirs(args.outdir) |
|
|
|
|
|
motions = np.load(args.filepath) |
|
print('Loaded motion data from:', args.filepath, 'Shape:', motions.shape) |
|
|
|
|
|
filename = os.path.basename(args.filepath).replace('.npy', '') |
|
|
|
|
|
render(motions[0], outdir=args.outdir, device_id=0, name=filename) |
|
|