Merge pull request #15 from MSFTserver/main

Pytorch3d Lite!
pull/24/head
Adam Letts 3 years ago committed by GitHub
commit edda7e8e91
No known key found for this signature in database
GPG Key ID: 4AEE18F83AFDEB23
  1. 16
      disco.py
  2. 6
      disco_xform_utils.py

@ -391,6 +391,7 @@ if is_colab:
#gitclone("https://github.com/facebookresearch/SLIP.git")
gitclone("https://github.com/crowsonkb/guided-diffusion")
gitclone("https://github.com/assafshocher/ResizeRight.git")
gitclone("https://github.com/MSFTserver/pytorch3d-lite.git")
pipie("./CLIP")
pipie("./guided-diffusion")
multipip_res = subprocess.run(['pip', 'install', 'lpips', 'datetime', 'timm', 'ftfy'], stdout=subprocess.PIPE).stdout.decode('utf-8')
@ -416,19 +417,8 @@ if not os.path.exists(f'{model_path}/dpt_large-midas-2f21e586.pt'):
import sys
import torch
#Install pytorch3d
if is_colab:
pyt_version_str=torch.__version__.split("+")[0].replace(".", "")
version_str="".join([
f"py3{sys.version_info.minor}_cu",
torch.version.cuda.replace(".",""),
f"_pyt{pyt_version_str}"
])
multipip_res = subprocess.run(['pip', 'install', 'fvcore', 'iopath'], stdout=subprocess.PIPE).stdout.decode('utf-8')
print(multipip_res)
subprocess.run(['pip', 'install', '--no-index', '--no-cache-dir', 'pytorch3d', '-f', f'https://dl.fbaipublicfiles.com/pytorch3d/packaging/wheels/{version_str}/download.html'], stdout=subprocess.PIPE).stdout.decode('utf-8')
# sys.path.append('./SLIP')
sys.path.append('./pytorch3d-lite')
sys.path.append('./ResizeRight')
sys.path.append('./MiDaS')
from dataclasses import dataclass
@ -632,7 +622,7 @@ def init_midas_depth_model(midas_model_type="dpt_large", optimize=True):
# https://gist.github.com/adefossez/0646dbe9ed4005480a2407c62aac8869
import pytorch3d.transforms as p3dT
import py3d_tools as p3dT
import disco_xform_utils as dxf
def interp(t):

@ -1,5 +1,5 @@
import torch, torchvision
import pytorch3d.renderer.cameras as p3dCam
import py3d_tools as p3d
import midas_utils
from PIL import Image
import numpy as np
@ -81,8 +81,8 @@ def transform_image_3d(img_filepath, midas_model, midas_transform, device, rot_m
depth_tensor = torch.from_numpy(depth_map).squeeze().to(device)
pixel_aspect = 1.0 # really.. the aspect of an individual pixel! (so usually 1.0)
persp_cam_old = p3dCam.FoVPerspectiveCameras(near, far, pixel_aspect, fov=fov_deg, degrees=True, device=device)
persp_cam_new = p3dCam.FoVPerspectiveCameras(near, far, pixel_aspect, fov=fov_deg, degrees=True, R=rot_mat, T=torch.tensor([translate]), device=device)
persp_cam_old = p3d.FoVPerspectiveCameras(near, far, pixel_aspect, fov=fov_deg, degrees=True, device=device)
persp_cam_new = p3d.FoVPerspectiveCameras(near, far, pixel_aspect, fov=fov_deg, degrees=True, R=rot_mat, T=torch.tensor([translate]), device=device)
# range of [-1,1] is important to torch grid_sample's padding handling
y,x = torch.meshgrid(torch.linspace(-1.,1.,h,dtype=torch.float32,device=device),torch.linspace(-1.,1.,w,dtype=torch.float32,device=device))

Loading…
Cancel
Save