使用 Diffusers 運行 Flux.n Mac

PHPz
發布: 2024-08-14 18:33:59
原創
959 人瀏覽過

什麼是擴散器?

Run Flux.n Mac with Diffusers 擁抱臉 / 擴散器

? Diffusers:最先進的擴散模型,用於 PyTorch 和 FLAX 中的影像和音訊生成。


Run Flux.n Mac with Diffusers

Run Flux.n Mac with Diffusers Run Flux.n Mac with Diffusers Run Flux.n Mac with Diffusers Run Flux.n Mac with Diffusers Run Flux.n Mac with Diffusers

? Diffusers 是最先進的預訓練擴散模型的首選庫,用於產生影像、音訊甚至分子的 3D 結構。無論您是在尋找簡單的推理解決方案還是訓練自己的擴散模型? Diffusers 是一個支援這兩種功能的模組化工具箱。我們的函式庫的設計重點是可用性而非效能、簡單而非簡單、可自訂性而非抽象。

? Diffusers 提供三個核心組件:

  • 最先進的擴散管道,只需幾行程式碼即可在推理中運作。
  • 可互換的雜訊調度器,用於不同的擴散速度和輸出品質。
  • 預訓練模型可用作構建塊,並與調度程序相結合,用於創建您自己的端到端擴散系統。

安裝

我們建議安裝?來自 PyPI 或 Conda 的虛擬環境中的擴散器。有關安裝 PyTorch 和 Flax 的更多詳細信息,請參閱他們的官方文件。

PyTorch

用pip(官方…


在 GitHub 上查看


什麼是助焊劑

https://blackforestlabs.ai/announcing-black-forest-labs/

1. 建立虛擬環境

python3 -m venv fluxtest
source fluxtest/bin/activate
登入後複製

2. 透過 CLI 登入 Hugging Face

https://huggingface.co/docs/huggingface_hub/main/en/guides/cli

pip install -U "huggingface_hub[cli]"
huggingface-cli login
登入後複製

3.安裝包

pip install torch==2.3.1
pip install git+https://github.com/huggingface/diffusers.git
pip install transformers==4.43.3 sentencepiece==0.2.0 accelerate==0.33.0 protobuf==5
登入後複製

4. 運行Python腳本

影像.py

import torch
from diffusers import  FluxPipeline
import diffusers

_flux_rope = diffusers.models.transformers.transformer_flux.rope
def new_flux_rope(pos: torch.Tensor, dim: int, theta: int) -> torch.Tensor:
    assert dim % 2 == 0, "The dimension must be even."
    if pos.device.type == "mps":
        return _flux_rope(pos.to("cpu"), dim, theta).to(device=pos.device)
    else:
        return _flux_rope(pos, dim, theta)

diffusers.models.transformers.transformer_flux.rope = new_flux_rope

pipe = FluxPipeline.from_pretrained("black-forest-labs/FLUX.1-schnell", revision='refs/pr/1',  torch_dtype=torch.bfloat16).to("mps")

prompt = "japanese girl, photo-realistic"
out = pipe(
     prompt=prompt,
     guidance_scale=0.,
     height=1024,
     width=1024,
     num_inference_steps=4,
     max_sequence_length=256,
).images[0]
out.save("image.png")
登入後複製

最後,執行Python腳本來產生映像。

python image.py
登入後複製

輸出

Run Flux.n Mac with Diffusers

以上是使用 Diffusers 運行 Flux.n Mac的詳細內容。更多資訊請關注PHP中文網其他相關文章!

來源:dev.to
本網站聲明
本文內容由網友自願投稿,版權歸原作者所有。本站不承擔相應的法律責任。如發現涉嫌抄襲或侵權的內容,請聯絡admin@php.cn
熱門教學
更多>
最新下載
更多>
網站特效
網站源碼
網站素材
前端模板
關於我們 免責聲明 Sitemap
PHP中文網:公益線上PHP培訓,幫助PHP學習者快速成長!