图生3d 图生全景 学习笔记

目录

instantsplat

Aluciddreamer

ZoeDepth

会自动下载模型:

图生全景图SD-T2I-360PanoImage:



instantsplat

Sparse-view SfM-free Gaussian Splatting in Seconds

稀疏视图无SfM高斯喷洒

GitHub - NVlabs/InstantSplat: InstantSplat: Sparse-view SfM-free Gaussian Splatting in Seconds

Aluciddreamer

GitHub - luciddreamer-cvlab/LucidDreamer: Official code for the paper "LucidDreamer: Domain-free Generation of 3D Gaussian Splatting Scenes".

解析器添加参数('--campath_gen','-cg'),类型为字符串,默认值为'rotate360',可选值为 ['lookdown','lookaround','rotate360'],帮助信息为 "用于场景生成的相机外参轨迹"。

解析器添加参数('--campath_render','-cr'),类型为字符串,默认值为'back_and_forth',可选值为 ['back_and_forth','llff','headbanging'],帮助信息为 "用于视频渲染的相机外参轨迹"。

ZoeDepth

引用地址:

GitHub - isl-org/ZoeDepth: Metric depth estimation from a single image

演示地址:

https://huggingface.co/spaces/shariqfarooq/ZoeDepth

模型下载地址:

Releases · isl-org/ZoeDepth · GitHub

会自动下载模型:

python 复制代码
self.d_model = torch.hub.load('./ZoeDepth', 'ZoeD_N', source='local', pretrained=True).to('cuda')

下载路径:

/mnt/pfs/models/torch/hub/intel-isl_MiDaS_master Using cache found in

/mnt/pfs/models/torch/hub/checkpoints

图生全景图SD-T2I-360PanoImage:

pip install numpy==1.23.2

python 复制代码
import sys
import os
os.chdir(os.path.dirname(os.path.abspath(__file__)))
 
import torch
 
current_dir = os.path.dirname(os.path.abspath(__file__))
 
paths = [os.path.abspath(__file__).split('scripts')[0]]
print('current_dir',current_dir)
paths.append(os.path.abspath(os.path.join(current_dir, 'src')))
 
for path in paths:
    sys.path.insert(0, path)
    os.environ['PYTHONPATH'] = (os.environ.get('PYTHONPATH', '') + ':' + path).strip(':')
    
import torch
from diffusers.utils import load_image
from img2panoimg import Image2360PanoramaImagePipeline

image = load_image("./data/i2p-image.jpg").resize((512, 512))
mask = load_image("./data/i2p-mask.jpg")

prompt = 'The office room'

# for <16GB gpu
input = {'prompt': prompt, 'image': image, 'mask': mask, 'upscale': False}

# for >16GB gpu (24GB at least)
# the similarity with the input image is poor because of the super-resolution steps. It should be improved.
# input = {'prompt': prompt, 'image': image, 'mask': mask, 'upscale': True}

model_id = 'models'
img2panoimg = Image2360PanoramaImagePipeline(model_id, torch_dtype=torch.float16)
output = img2panoimg(input)
output.save('result.png')
相关推荐
kailp4 小时前
云渲染技术解析与渲酷平台深度测评:如何实现高效3D创作?
人工智能·深度学习·3d·渲染·gpu算力
Tech Synapse5 小时前
深度解析3D模型生成器:基于StyleGAN3与PyTorch3D的多风格生成工具开发实战
人工智能·pytorch·深度学习·3d
旺仔溜溜没5 小时前
Autodl训练Faster-RCNN网络(自己的数据集)
人工智能·深度学习·神经网络·cnn
Stuomasi_xiaoxin7 小时前
FFmpeg 超级详细安装与配置教程(Windows 系统)
python·深度学习·ai·ffmpeg
scdifsn8 小时前
动手学深度学习12.6. 多GPU的简洁实现-笔记&练习(PyTorch)
pytorch·笔记·深度学习
缘友一世10 小时前
PyTorch可视化工具——使用Visdom进行深度学习可视化
人工智能·pytorch·深度学习
熊猫在哪13 小时前
野火鲁班猫(arrch64架构debian)从零实现用MobileFaceNet算法进行实时人脸识别(四)安装RKNN Toolkit2
人工智能·python·嵌入式硬件·深度学习·神经网络·目标检测·机器学习
老唐77713 小时前
PyTorch的基本操作
人工智能·pytorch·python·深度学习·神经网络·机器学习·计算机视觉
Panesle13 小时前
谷歌medgemma-27b-text-it医疗大模型论文速读:多语言大型语言模型医学问答基准测试MedExpQA
人工智能·深度学习·语言模型·自然语言处理·开源·大模型
攻城狮7号13 小时前
Strands Agents:AWS开源Agent框架的技术与应用全景
人工智能·深度学习·云计算·aws·智能体·strands agents