? Diffusers 是最先進的預訓練擴散模型的首選庫,用於產生影像、音訊甚至分子的 3D 結構。無論您是在尋找簡單的推理解決方案還是訓練自己的擴散模型? Diffusers 是一個支援這兩種功能的模組化工具箱。我們的函式庫的設計重點是可用性而非效能、簡單而非簡單、可自訂性而非抽象。
? Diffusers 提供三個核心組件:
我們建議安裝?來自 PyPI 或 Conda 的虛擬環境中的擴散器。有關安裝 PyTorch 和 Flax 的更多詳細信息,請參閱他們的官方文件。
用pip(官方…
https://blackforestlabs.ai/announcing-black-forest-labs/
python3 -m venv fluxtest source fluxtest/bin/activate
https://huggingface.co/docs/huggingface_hub/main/en/guides/cli
pip install -U "huggingface_hub[cli]" huggingface-cli login
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
影像.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
輸出
以上是使用 Diffusers 運行 Flux.n Mac的詳細內容。更多資訊請關注PHP中文網其他相關文章!