激情六月丁香婷婷|亚洲色图AV二区|丝袜AV日韩AV|久草视频在线分类|伊人九九精品视频|国产精品一级电影|久草视频在线99|在线看的av网址|伊人99精品无码|午夜无码视频在线

高校合作1:010-59833514 ?咨詢電話:400-810-1418 服務(wù)與監(jiān)督電話:400-810-1418轉(zhuǎn)接2

只需 2 ~ 3 分鐘從圖像重建詳細(xì)紋理的 3D 模型

發(fā)布時(shí)間:2024-04-01 13:10:27 瀏覽量:210次

#記錄我的2024#

大家好,又見面了,我是 GitHub 精選君!

背景介紹

在虛擬實(shí)境(VR)、增強(qiáng)實(shí)境(AR)和計(jì)算機(jī)圖形領(lǐng)域,3D 模型是重要的元素。但制作質(zhì)量高、細(xì)節(jié)豐富的 3D 模型需要專業(yè)知識(shí)和大量時(shí)間。對(duì)于那些希望快速、方便地生成 3D 模型的個(gè)人或團(tuán)隊(duì),這就成了挑戰(zhàn)。我們需要一個(gè)解決方案,可以基于單一視圖圖像快速生成高質(zhì)量的 3D 模型。

今天要給大家推薦一個(gè) GitHub 開源項(xiàng)目 Wonder3D,該項(xiàng)目在 GitHub 有超過 3.5k Star,用一句話介紹該項(xiàng)目就是:“Single Image to 3D using Cross-Domain Diffusion”。以下是一些生成的示例:

項(xiàng)目介紹

Wonder3D 在只需 2 ~ 3 分鐘的時(shí)間內(nèi),項(xiàng)目可以從單視圖圖像重建具有高度詳細(xì)紋理的 3D 網(wǎng)格模型。Wonder3D 首先利用跨域擴(kuò)散模型生成一致的多視圖法線圖與對(duì)應(yīng)的顏色圖像,然后使用創(chuàng)新的法線融合方法實(shí)現(xiàn)快速、高質(zhì)量的重建。它簡(jiǎn)化了 3D 模型的創(chuàng)建過程,滿足了高效快速的需求。

以下是對(duì)應(yīng)的論文鏈接:https://arxiv.org/abs/2310.15008

如何使用

首先,你需要下載并安裝 Wonder3D 的源代碼。源代碼里的用法詳細(xì)寫出了如何使用 Wonder3D。這是一個(gè)典型的使用案例:

# First clone the repo, and use the commands in the repo
import torch
import requests
from PIL import Image
import numpy as np
from torchvision.utils import make_grid, save_image
from diffusers import DiffusionPipeline  # only tested on diffusers[torch]==0.19.3, may have conflicts with newer versions of diffusers

def load_wonder3d_pipeline():

    pipeline = DiffusionPipeline.from_pretrained(
    'flamehaze1115/wonder3d-v1.0', # or use local checkpoint './ckpts'
    custom_pipeline='flamehaze1115/wonder3d-pipeline',
    torch_dtype=torch.float16
    )

    # enable xformers
    pipeline.unet.enable_xformers_memory_efficient_attention()

    if torch.cuda.is_available():
        pipeline.to('cuda:0')
    return pipeline

pipeline = load_wonder3d_pipeline()

# Download an example image.
cond = Image.open(requests.get("https://d.skis.ltd/nrp/sample-data/lysol.png", stream=True).raw)

# The object should be located in the center and resized to 80% of image height.
cond = Image.fromarray(np.array(cond)[:, :, :3])

# Run the pipeline!
images = pipeline(cond, num_inference_steps=20, output_type='pt', guidance_scale=1.0).images

result = make_grid(images, nrow=6, ncol=2, padding=0, value_range=(0, 1))

save_image(result, 'result.png')

項(xiàng)目推介

該項(xiàng)目目前在 Github 上活躍開發(fā),作者 xxlong0 一直在更新和優(yōu)化項(xiàng)目,例如近期添加了 GUI 演示和 Windows 支持。根據(jù)我們的了解,作者同時(shí)也是香港大學(xué)的研究者,有著豐富的機(jī)器學(xué)習(xí)、計(jì)算機(jī)圖形學(xué)和 3D 重建的經(jīng)驗(yàn)。

以下是該項(xiàng)目 Star 趨勢(shì)圖(代表項(xiàng)目的活躍程度):

更多項(xiàng)目詳情請(qǐng)查看如下鏈接。

開源項(xiàng)目地址:https://github.com/xxlong0/Wonder3D

開源項(xiàng)目作者:xxlong0

以下是參與項(xiàng)目建設(shè)的所有成員:

關(guān)注我們,一起探索有意思的開源項(xiàng)目。

熱門課程推薦

熱門資訊

請(qǐng)綁定手機(jī)號(hào)

x

同學(xué)您好!

您已成功報(bào)名0元試學(xué)活動(dòng),老師會(huì)在第一時(shí)間與您取得聯(lián)系,請(qǐng)保持電話暢通!
確定