3D 机器学习课程文档

在 Notebook 中运行

Hugging Face's logo
加入 Hugging Face 社区

并获得增强文档体验

开始使用

在 Notebook 中运行

Open In Colab

第一个选项是在 Colab Notebook 中运行。这是快速验证代码最简单的方法。

设置

  1. 点击上面“在 Colab 中打开”按钮。
  2. 将运行时类型更改为 GPU。
  3. 向下滚动到在此 Notebook 中运行部分

运行演示

首先安装依赖项。

!pip install -r https://huggingface.co/spaces/dylanebert/LGM-tiny/raw/main/requirements.txt

然后,运行演示代码。这与空间中的app.py完全相同。为了确保您的模型按预期工作,请将dylanebert/LGM-full的两个实例都替换为您自己的{username}/{model_name}。然后,运行代码。

import shlex
import subprocess

import gradio as gr
import numpy as np
import torch
from diffusers import DiffusionPipeline

subprocess.run(
    shlex.split(
        "pip install https://huggingface.co/spaces/dylanebert/LGM-mini/resolve/main/wheel/diff_gaussian_rasterization-0.0.0-cp310-cp310-linux_x86_64.whl"
    )
)

pipeline = DiffusionPipeline.from_pretrained(
    "dylanebert/LGM-full",
    custom_pipeline="dylanebert/LGM-full",
    torch_dtype=torch.float16,
    trust_remote_code=True,
).to("cuda")


def run(image):
    input_image = np.array(image, dtype=np.float32) / 255.0
    splat = pipeline(
        "", input_image, guidance_scale=5, num_inference_steps=30, elevation=0
    )
    splat_file = "/tmp/output.ply"
    pipeline.save_ply(splat, splat_file)
    return splat_file


demo = gr.Interface(
    fn=run,
    title="LGM Tiny",
    description="An extremely simplified version of [LGM](https://huggingface.co/ashawkey/LGM). Intended as resource for the [ML for 3D Course](https://huggingface.co/learn/ml-for-3d-course/unit0/introduction).",
    inputs="image",
    outputs=gr.Model3D(),
    examples=[
        "https://huggingface.co/datasets/dylanebert/iso3d/resolve/main/jpg@512/a_cat_statue.jpg"
    ],
    cache_examples=True,
    allow_duplication=True,
)
demo.queue().launch()

演示分解

让我们分解演示代码。

导入依赖项

导入所需的库。

import shlex
import subprocess

import gradio as gr
import numpy as np
import spaces
import torch
from diffusers import DiffusionPipeline

安装 diff-gaussian-rasterization

对于 LGM 的高斯散点步骤,我们需要安装一个自定义轮子。这是为了解决空间在ZeroGPU上运行的问题。

subprocess.run(
    shlex.split(
        "pip install https://huggingface.co/spaces/dylanebert/LGM-mini/resolve/main/wheel/diff_gaussian_rasterization-0.0.0-cp310-cp310-linux_x86_64.whl"
    )
)

构建管道

构建LGM管道。将dylanebert/LGM-full替换为您自己的{username}/{model_name}

pipeline = DiffusionPipeline.from_pretrained(
    "dylanebert/LGM-full",
    custom_pipeline="dylanebert/LGM-full",
    torch_dtype=torch.float16,
    trust_remote_code=True,
).to("cuda")

定义运行函数

定义一个运行函数,该函数接收一个图像并返回一个 ply 文件。

  1. 将图像转换为 NumPy 数组并将其标准化为 [0, 1]。
  2. 使用默认参数运行管道。
  3. 将 ply 文件保存到/tmp/output.ply
  4. 返回 ply 文件。
@spaces.GPU
def run(image):
    input_image = np.array(image, dtype=np.float32) / 255.0
    splat = pipeline(
        "", input_image, guidance_scale=5, num_inference_steps=30, elevation=0
    )
    splat_file = "/tmp/output.ply"
    pipeline.save_ply(splat, splat_file)
    return splat_file

创建演示

使用Gradio创建演示,它为我们处理 UI。

demo = gr.Interface(
    fn=run,
    title="LGM Tiny",
    description="An extremely simplified version of [LGM](https://huggingface.co/ashawkey/LGM). Intended as resource for the [ML for 3D Course](https://huggingface.co/learn/ml-for-3d-course/unit0/introduction).",
    inputs="image",
    outputs=gr.Model3D(),
    examples=[
        "https://huggingface.co/datasets/dylanebert/iso3d/resolve/main/jpg@512/a_cat_statue.jpg"
    ],
    cache_examples=True,
    allow_duplication=True,
)
demo.queue().launch()

LGM Tiny Demo

< > 更新 在 GitHub 上