Mani Flux Dress
基於FLUX.1-dev的LyCORIS適配器,專注於高級時裝攝影圖像生成
下載量 35
發布時間 : 4/16/2025
模型概述
該模型是一個基於FLUX.1-dev的LyCORIS適配器,專門用於生成展示特定禮服設計的高級時裝攝影圖像。模型經過優化,能夠生成具有地中海風格背景的時尚攝影作品。
模型特點
高級時裝攝影生成
專門優化用於生成高質量時裝攝影圖像,特別適合展示特定禮服設計
LyCORIS適配器
採用LyCORIS技術進行微調,保持基礎模型能力的同時實現特定風格生成
多分辨率支持
訓練時使用了從256x256到1024x1024多種分辨率的圖像數據集
精細控制
支持通過詳細提示詞控制服裝細節、場景設置和人物姿態等元素
模型能力
文生圖
圖生圖
高分辨率圖像生成
特定風格圖像生成
使用案例
時尚設計
禮服設計展示
生成展示特定禮服設計的時尚攝影圖像
可生成具有專業攝影質量的禮服展示圖像
廣告創意
時尚廣告素材
快速生成用於時尚廣告的高質量圖像素材
可生成具有特定風格和場景設置的廣告圖像
🚀 mani - flux - dress
這是一個基於[black - forest - labs/FLUX.1 - dev](https://huggingface.co/black - forest - labs/FLUX.1 - dev)的LyCORIS適配器。它可用於特定風格的圖像生成,在時尚攝影場景圖像生成方面具有一定優勢。
🚀 快速開始
推理示例
import torch
from diffusers import DiffusionPipeline
from lycoris import create_lycoris_from_weights
def download_adapter(repo_id: str):
import os
from huggingface_hub import hf_hub_download
adapter_filename = "pytorch_lora_weights.safetensors"
cache_dir = os.environ.get('HF_PATH', os.path.expanduser('~/.cache/huggingface/hub/models'))
cleaned_adapter_path = repo_id.replace("/", "_").replace("\\", "_").replace(":", "_")
path_to_adapter = os.path.join(cache_dir, cleaned_adapter_path)
path_to_adapter_file = os.path.join(path_to_adapter, adapter_filename)
os.makedirs(path_to_adapter, exist_ok=True)
hf_hub_download(
repo_id=repo_id, filename=adapter_filename, local_dir=path_to_adapter
)
return path_to_adapter_file
model_id = 'black-forest-labs/FLUX.1-dev'
adapter_repo_id = 'PixelWormhole/mani-flux-dress'
adapter_filename = 'pytorch_lora_weights.safetensors'
adapter_file_path = download_adapter(repo_id=adapter_repo_id)
pipeline = DiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.bfloat16) # loading directly in bf16
lora_scale = 1.0
wrapper, _ = create_lycoris_from_weights(lora_scale, adapter_file_path, pipeline.transformer)
wrapper.merge_to()
prompt = "A film still of a high fashion photoshoot featuring the _8FSL39XP1_ Dress, an elegant off-the-shoulder design in delicate white lace with floral motifs. The dress is form-fitting, mini-length, with long sleeves that flare slightly at the cuffs. The scene is set in a luxurious, modern Mediterranean architectural space with a sea view. A beautiful, young, natural-looking European woman with long hair is captured in a dynamic mid-motion pose, either mid-step or gently turning. She stands against a backdrop of clean white stone and curated designer furniture in neutral tones, with the calm, open sea visible in the distance. Her expression is serene and self-assured, her posture poised and refined. Natural daylight enhances the soft textures and casts gentle shadows across the scene. The color palette blends creamy whites, stone beiges, and hints of ocean blue."
## Optional: quantise the model to save on vram.
## Note: The model was not quantised during training, so it is not necessary to quantise it during inference time.
#from optimum.quanto import quantize, freeze, qint8
#quantize(pipeline.transformer, weights=qint8)
#freeze(pipeline.transformer)
pipeline.to('cuda' if torch.cuda.is_available() else 'mps' if torch.backends.mps.is_available() else 'cpu') # the pipeline is already in its target precision level
model_output = pipeline(
prompt=prompt,
num_inference_steps=28,
generator=torch.Generator(device='cuda' if torch.cuda.is_available() else 'mps' if torch.backends.mps.is_available() else 'cpu').manual_seed(42),
width=1024,
height=1024,
guidance_scale=3.0,
).images[0]
model_output.save("output.png", format="PNG")
✨ 主要特性
- 基於LyCORIS技術,可有效適配基礎模型,提升特定場景的圖像生成效果。
- 支持多種推理設置,可靈活調整以滿足不同需求。
📚 詳細文檔
驗證設置
- CFG:
3.0
- CFG Rescale:
0.0
- 步數:
28
- 採樣器:
FlowMatchEulerDiscreteScheduler
- 隨機種子:
42
- 分辨率:
1024x1024
- 跳過層引導:無
注意:驗證設置不一定與訓練設置相同。
你可以在以下圖庫中找到一些示例圖像:
文本編碼器未進行訓練。你可以在推理時重用基礎模型的文本編碼器。
訓練設置
屬性 | 詳情 |
---|---|
訓練輪數 | 99 |
訓練步數 | 4000 |
學習率 | 1e - 05 |
學習率調度 | 多項式 |
熱身步數 | 100 |
最大梯度值 | 2.0 |
有效批次大小 | 1 |
微批次大小 | 1 |
梯度累積步數 | 1 |
GPU數量 | 1 |
梯度檢查點 | 是 |
預測類型 | flow_matching (額外參數=['shift = 3', 'flux_guidance_mode = constant', 'flux_guidance_value = 1.0']) |
優化器 | adamw_bf16 |
可訓練參數精度 | 純BF16 |
基礎模型精度 | no_change |
字幕丟棄概率 | 5.0% |
LyCORIS配置
{
"algo": "lora",
"multiplier": 1.0,
"linear_dim": 64,
"linear_alpha": 32,
"apply_preset": {
"target_module": [
"Attention",
"FeedForward"
],
"module_algo_map": {
"Attention": {
"factor": 16
},
"FeedForward": {
"factor": 8
}
}
}
}
數據集
數據集名稱 | 重複次數 | 圖像總數 | 寬高比桶總數 | 分辨率 | 是否裁剪 | 裁剪風格 | 裁剪寬高比 | 是否用於正則化數據 |
---|---|---|---|---|---|---|---|---|
hidream - test - dataset - 256 | 0 | 5 | 2 | 0.065536兆像素 | 否 | 無 | 無 | 否 |
hidream - test - dataset - crop - 256 | 0 | 5 | 1 | 0.065536兆像素 | 是 | 居中 | 正方形 | 否 |
hidream - test - dataset - 512 | 0 | 5 | 3 | 0.262144兆像素 | 否 | 無 | 無 | 否 |
hidream - test - dataset - crop - 512 | 0 | 5 | 1 | 0.262144兆像素 | 是 | 居中 | 正方形 | 否 |
hidream - test - dataset - 768 | 0 | 5 | 1 | 0.589824兆像素 | 否 | 無 | 無 | 否 |
hidream - test - dataset - crop - 768 | 0 | 5 | 1 | 0.589824兆像素 | 是 | 居中 | 正方形 | 否 |
hidream - test - dataset - 1024 | 0 | 5 | 3 | 1.048576兆像素 | 否 | 無 | 無 | 否 |
hidream - test - dataset - crop - 1024 | 0 | 5 | 1 | 1.048576兆像素 | 是 | 居中 | 正方形 | 否 |
📄 許可證
許可證類型:other
Stable Diffusion V1 5
Openrail
穩定擴散是一種潛在的文本到圖像擴散模型,能夠根據任何文本輸入生成逼真的圖像。
圖像生成
S
stable-diffusion-v1-5
3.7M
518
Stable Diffusion Inpainting
Openrail
基於穩定擴散的文本到圖像生成模型,具備圖像修復能力
圖像生成
S
stable-diffusion-v1-5
3.3M
56
Stable Diffusion Xl Base 1.0
SDXL 1.0是基於擴散的文本生成圖像模型,採用專家集成的潛在擴散流程,支持高分辨率圖像生成
圖像生成
S
stabilityai
2.4M
6,545
Stable Diffusion V1 4
Openrail
穩定擴散是一種潛在文本到圖像擴散模型,能夠根據任意文本輸入生成逼真圖像。
圖像生成
S
CompVis
1.7M
6,778
Stable Diffusion Xl Refiner 1.0
SD-XL 1.0優化器模型是Stability AI開發的圖像生成模型,專為提升SDXL基礎模型生成的圖像質量而設計,特別擅長最終去噪步驟處理。
圖像生成
S
stabilityai
1.1M
1,882
Stable Diffusion 2 1
基於擴散的文本生成圖像模型,支持通過文本提示生成和修改圖像
圖像生成
S
stabilityai
948.75k
3,966
Stable Diffusion Xl 1.0 Inpainting 0.1
基於Stable Diffusion XL的潛在文本到圖像擴散模型,具備通過遮罩進行圖像修復的功能
圖像生成
S
diffusers
673.14k
334
Stable Diffusion 2 Base
基於擴散的文生圖模型,可根據文本提示生成高質量圖像
圖像生成
S
stabilityai
613.60k
349
Playground V2.5 1024px Aesthetic
其他
開源文生圖模型,能生成1024x1024分辨率及多種縱橫比的美學圖像,在美學質量上處於開源領域領先地位。
圖像生成
P
playgroundai
554.94k
723
Sd Turbo
SD-Turbo是一款高速文本生成圖像模型,僅需單次網絡推理即可根據文本提示生成逼真圖像。該模型作為研究原型發佈,旨在探索小型蒸餾文本生成圖像模型。
圖像生成
S
stabilityai
502.82k
380
精選推薦AI模型
Llama 3 Typhoon V1.5x 8b Instruct
專為泰語設計的80億參數指令模型,性能媲美GPT-3.5-turbo,優化了應用場景、檢索增強生成、受限生成和推理任務
大型語言模型
Transformers 支持多種語言

L
scb10x
3,269
16
Cadet Tiny
Openrail
Cadet-Tiny是一個基於SODA數據集訓練的超小型對話模型,專為邊緣設備推理設計,體積僅為Cosmo-3B模型的2%左右。
對話系統
Transformers 英語

C
ToddGoldfarb
2,691
6
Roberta Base Chinese Extractive Qa
基於RoBERTa架構的中文抽取式問答模型,適用於從給定文本中提取答案的任務。
問答系統 中文
R
uer
2,694
98