? 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中文网其他相关文章!