🚀 Flux-Dalle-Mix-LoRA [实验版本]
Flux-Dalle-Mix-LoRA是一个用于图像生成的模型,它结合了Dalle和Flux的特性,能够生成逼真且富有创意的图像。不过该模型仍处于训练阶段,当前并非最终版本,可能存在瑕疵,某些情况下表现欠佳。
立即试用
⚠️ 重要提示
该模型仍处于训练阶段,这不是最终版本,可能包含瑕疵,在某些情况下性能可能不佳。
✨ 主要特性
- 多风格图像生成:支持生成摄影、卡通、3D渲染等多种风格的图像。
- 高逼真度:能够生成具有高度真实感的图像,如人物肖像、动物特写等。
- 参数可调节:通过调整图像生成参数,可以满足不同的创作需求。
📦 安装指南
import torch
from pipelines import DiffusionPipeline
base_model = "black-forest-labs/FLUX.1-dev"
pipe = DiffusionPipeline.from_pretrained(base_model, torch_dtype=torch.bfloat16)
lora_repo = "prithivMLmods/Flux-Dalle-Mix-LoRA"
trigger_word = "dalle-mix"
pipe.load_lora_weights(lora_repo)
device = torch.device("cuda")
pipe.to(device)
💻 使用示例
基础用法
import torch
from pipelines import DiffusionPipeline
base_model = "black-forest-labs/FLUX.1-dev"
pipe = DiffusionPipeline.from_pretrained(base_model, torch_dtype=torch.bfloat16)
lora_repo = "prithivMLmods/Flux-Dalle-Mix-LoRA"
trigger_word = "dalle-mix"
pipe.load_lora_weights(lora_repo)
device = torch.device("cuda")
pipe.to(device)
prompt = "dalle-mix, photography, portrait of contrast, profile silhouette of a woman, vibrant hot pink backdrop, visualize using a camera setup that mimics a large aperture, focusing solely on the silhouettes edge, while a low ISO maintains the richness of color without grain, photorealistic, UHD --ar 9:16 --chaos 1.7 --style raw"
image = pipe(prompt).images[0]
image.save("output.png")
高级用法
在高级用法中,你可以根据需要调整更多的参数,如LR Scheduler
、Optimizer
等,以获得更好的图像生成效果。以下是一个示例:
parameters = {
"LR Scheduler": "constant",
"Noise Offset": 0.03,
"Optimizer": "AdamW",
"Multires Noise Discount": 0.1,
"Network Dim": 64,
"Network Alpha": 32,
"Epoch": 15,
"Save Every N Epochs": 1,
"Multires Noise Iterations": 10,
"Repeat & Steps": "25 & 3700"
}
for param, value in parameters.items():
setattr(pipe, param, value)
prompt = "dalle-mix, Ultra-detailed close-up of a pandas face, styled like a Pixar or DreamWorks character, highlight intricately textured fur for depth, the panda sports a pirate eyepatch, adding a roguish charm, he has a furrowed brow and a smirking mouth, showcasing a cunning and playful demeanor, emphasize crisp details in the facial features, particularly around the expressive eyes and smirking mouth, to bring out the character’s personality, 3D render, --v 6 --style raw --stylize 250 --ar 4:5"
image = pipe(prompt).images[0]
image.save("advanced_output.png")
📚 详细文档
模型描述
prithivMLmods/Flux-Dalle-Mix-LoRA
属性 |
详情 |
模型类型 |
LoRA(Low-Rank Adaptation) |
基础模型 |
black-forest-labs/FLUX.1-dev |
实例提示词 |
dalle-mix |
许可证 |
creativeml-openrail-m |
新版本 |
strangerzonehf/Flux-Midjourney-Mix-LoRA |
图像生成参数
参数 |
值 |
参数 |
值 |
LR Scheduler |
constant |
Noise Offset |
0.03 |
Optimizer |
AdamW |
Multires Noise Discount |
0.1 |
Network Dim |
64 |
Multires Noise Iterations |
10 |
Network Alpha |
32 |
Repeat & Steps |
25 & 3700 |
Epoch |
15 |
Save Every N Epochs |
1 |
标注信息
标注使用florence2-en(自然语言 & 英语)
训练数据
总共使用44张高分辨率图像进行训练
最佳尺寸
- 768 x 1024(最佳)
- 1024 x 1024(默认)
触发词
⚠️ 重要提示
你应该使用dalle-mix
来触发图像生成。
示例图像
示例1

描述 |
dalle-mix, Ultra-detailed close-up of a pandas face, styled like a Pixar or DreamWorks character, highlight intricately textured fur for depth, the panda sports a pirate eyepatch, adding a roguish charm, he has a furrowed brow and a smirking mouth, showcasing a cunning and playful demeanor, emphasize crisp details in the facial features, particularly around the expressive eyes and smirking mouth, to bring out the character’s personality, 3D render, --v 6 --style raw --stylize 250 --ar 4:5 |
示例2

描述 |
dalle-mix, Caricatures pencil drawing, cute woman, mid-20's, color pencils, in the style of Pixar, hilariously funny, exaggerated features, white background --chaos 50 --ar 1:2 --stylize 750 |
📄 许可证
本模型使用creativeml-openrail-m
许可证。
📥 下载模型
该模型的权重以Safetensors格式提供。你可以在文件与版本选项卡中下载。