模型概述
模型特點
模型能力
使用案例
🚀 NoobAI XL V-Pred 1.0
這是一個圖像生成模型,基於 Laxhar/noobai-XL_v1.0 構建,利用了完整的 Danbooru 和 e621 數據集,並帶有原生標籤和自然語言字幕。該模型實現為 v-prediction 模型(與 eps-prediction 不同),需要特定的參數配置。
🚀 快速開始
模型介紹
此圖像生成模型基於 Laxhar/noobai-XL_v1.0,利用了完整的 Danbooru 和 e621 數據集,帶有原生標籤和自然語言字幕。它是一個 v-prediction 模型(與 eps-prediction 不同),需要特定的參數配置,後續章節會詳細說明。
特別感謝隊友 euge 的編碼工作,也感謝許多熱心社區成員的技術支持。
⚠️ 重要提示
此模型的工作方式與 EPS 模型不同!請仔細閱讀使用指南!
模型詳情
屬性 | 詳情 |
---|---|
開發者 | Laxhar Lab |
模型類型 | 基於擴散的文本到圖像生成模型 |
微調基礎模型 | Laxhar/noobai-XL_v1.0 |
贊助方 | Lanyun Cloud |
📦 安裝指南
方法一:reForge
- (如果尚未安裝 reForge)按照倉庫中的說明安裝 reForge;
- 啟動 WebUI,像往常一樣使用模型!
方法二:ComfyUI
使用節點進行示例操作。 comfy_ui_workflow_sample
方法三:WebUI
注意,開發分支不穩定,可能包含 bug。
- (如果尚未安裝 WebUI)按照倉庫中的說明安裝 WebUI;
- 切換到
dev
分支:
git switch dev
- 拉取最新更新:
git pull
- 啟動 WebUI,像往常一樣使用模型!
方法四:Diffusers
import torch
from diffusers import StableDiffusionXLPipeline
from diffusers import EulerDiscreteScheduler
ckpt_path = "/path/to/model.safetensors"
pipe = StableDiffusionXLPipeline.from_single_file(
ckpt_path,
use_safetensors=True,
torch_dtype=torch.float16,
)
scheduler_args = {"prediction_type": "v_prediction", "rescale_betas_zero_snr": True}
pipe.scheduler = EulerDiscreteScheduler.from_config(pipe.scheduler.config, **scheduler_args)
pipe.enable_xformers_memory_efficient_attention()
pipe = pipe.to("cuda")
prompt = """masterpiece, best quality,artist:john_kafka,artist:nixeu,artist:quasarcake, chromatic aberration, film grain, horror \(theme\), limited palette, x-shaped pupils, high contrast, color contrast, cold colors, arlecchino \(genshin impact\), black theme, gritty, graphite \(medium\)"""
negative_prompt = "nsfw, worst quality, old, early, low quality, lowres, signature, username, logo, bad hands, mutated hands, mammal, anthro, furry, ambiguous form, feral, semi-anthro"
image = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
width=832,
height=1216,
num_inference_steps=28,
guidance_scale=5,
generator=torch.Generator().manual_seed(42),
).images[0]
image.save("output.png")
⚠️ 重要提示
請確保你的機器上已安裝 Git 並正確配置了環境。
💻 使用示例
基礎用法
# 上述使用 Diffusers 庫調用模型的代碼示例即為基礎用法
import torch
from diffusers import StableDiffusionXLPipeline
from diffusers import EulerDiscreteScheduler
ckpt_path = "/path/to/model.safetensors"
pipe = StableDiffusionXLPipeline.from_single_file(
ckpt_path,
use_safetensors=True,
torch_dtype=torch.float16,
)
scheduler_args = {"prediction_type": "v_prediction", "rescale_betas_zero_snr": True}
pipe.scheduler = EulerDiscreteScheduler.from_config(pipe.scheduler.config, **scheduler_args)
pipe.enable_xformers_memory_efficient_attention()
pipe = pipe.to("cuda")
prompt = """masterpiece, best quality,artist:john_kafka,artist:nixeu,artist:quasarcake, chromatic aberration, film grain, horror \(theme\), limited palette, x-shaped pupils, high contrast, color contrast, cold colors, arlecchino \(genshin impact\), black theme, gritty, graphite \(medium\)"""
negative_prompt = "nsfw, worst quality, old, early, low quality, lowres, signature, username, logo, bad hands, mutated hands, mammal, anthro, furry, ambiguous form, feral, semi-anthro"
image = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
width=832,
height=1216,
num_inference_steps=28,
guidance_scale=5,
generator=torch.Generator().manual_seed(42),
).images[0]
image.save("output.png")
📚 詳細文檔
推薦設置
參數
- CFG:4 ~ 5
- 步數:28 ~ 35
- 採樣方法:Euler(⚠️ 其他採樣器可能無法正常工作)
- 分辨率:總面積約為 1024x1024。建議從以下選項中選擇:768x1344、832x1216、896x1152、1024x1024、1152x896、1216x832、1344x768
提示詞
- 提示詞前綴:
masterpiece, best quality, newest, absurdres, highres, safe,
- 負提示詞:
nsfw, worst quality, old, early, low quality, lowres, signature, username, logo, bad hands, mutated hands, mammal, anthro, furry, ambiguous form, feral, semi-anthro
使用指南
字幕
<1girl/1boy/1other/...>, <character>, <series>, <artists>, <special tags>, <general tags>, <other tags>
質量標籤
對於質量標籤,我們通過以下過程評估圖像的受歡迎程度:
- 基於各種來源和評分進行數據歸一化;
- 根據日期的近期性應用基於時間的衰減係數;
- 根據此處理對整個數據集中的圖像進行排名。
我們的最終目標是確保質量標籤能有效跟蹤近年來用戶的偏好。
百分位範圍 | 質量標籤 |
---|---|
> 95% | masterpiece |
> 85%,<= 95% | best quality |
> 60%,<= 85% | good quality |
> 30%,<= 60% | normal quality |
<= 30% | worst quality |
美學標籤
標籤 | 描述 |
---|---|
very awa | 通過 waifu-scorer 評估的美學得分前 5% 的圖像 |
worst aesthetic | 通過 waifu-scorer 和 aesthetic-shadow-v2 評估的美學得分後 5% 的所有圖像 |
日期標籤
有兩種類型的日期標籤:年份標籤和時期標籤。對於年份標籤,使用 year xxxx
格式,即 year 2021
。對於時期標籤,請參考以下表格:
年份範圍 | 時期標籤 |
---|---|
2005 - 2010 | old |
2011 - 2014 | early |
2014 - 2017 | mid |
2018 - 2020 | recent |
2021 - 2024 | newest |
數據集
- 截至訓練日期(大約 2024 - 10 - 23 之前)的最新 Danbooru 圖像
- Hugging Face 上的 E621 圖像 e621-2024-webp-4Mpixel 數據集
交流渠道
- QQ 群:
- 875042008
- 914818692
- 635772191
- Discord:Laxhar Dream Lab SDXL NOOB
如何在 v-pred SDXL 模型上訓練 LoRA
這是一篇針對基於 sd-scripts 的 LoRA 訓練者的教程。 文章鏈接:https://civitai.com/articles/8723
實用工具
Laxhar Lab 正在為 NoobXL 訓練一個專用的 ControlNet 模型,並且這些模型正在逐步發佈。到目前為止,已經發布了 normal、depth 和 canny 模型。 模型鏈接:https://civitai.com/models/929685
📄 許可證
此模型的許可證繼承自 https://huggingface.co/OnomaAIResearch/Illustrious-xl-early-release-v0 fair-ai-public-license-1.0-sd,並添加了以下條款。任何使用此模型及其變體的行為都受此許可證約束。
I. 使用限制
- 禁止將模型用於有害、惡意或非法活動,包括但不限於騷擾、威脅和傳播錯誤信息。
- 禁止生成不道德或冒犯性的內容。
- 禁止違反用戶所在司法管轄區的法律法規。
II. 商業禁止
我們禁止任何形式的商業化,包括但不限於對模型、衍生模型或模型生成的產品進行貨幣化或商業使用。
III. 開源社區
嘿,大家好!別把好東西藏著掖著啦!🚀
如果你發現了新技巧、酷炫的藝術組合、神奇的提示詞,或者訓練了有趣的 LoRA,請公開分享!
在 Discord、Telegram、X 或群組聊天中發佈——讓我們一起成長。
別再像過去那樣藏著模型和提示詞啦。
開放分享 = 大家都更開心!💡✨
附言:我們不是想限制大家!在 1.5/n3 時代,出現了很多秘密模型和提示詞(唉,一團糟)。
讓我們打破這個循環!分享意味著更快的進步、更瘋狂的想法和更多的興奮。
別搞閉門造車了——把你的“秘訣”公開分享吧。大家都能受益!
為了促進一個繁榮的開源社區,用戶必須遵守以下要求:
- 開源基於此模型的衍生模型、合併模型、LoRA 和產品。
- 分享工作細節,如合成公式、提示詞和工作流程。
- 遵循公平人工智能公共許可證,確保衍生作品保持開源。
IV. 免責聲明
生成的模型可能會產生意外或有害的輸出。用戶必須承擔使用模型的所有風險和潛在後果。
參與者和貢獻者
參與者
- L_A_X:Civitai | Liblib.art | Huggingface
- li_li:Civitai | Huggingface
- nebulae:Civitai | Huggingface
- Chenkin:Civitai | Huggingface
- Euge:Civitai | Huggingface | Github
貢獻者
- Narugo1992:感謝 narugo1992 和 deepghs 團隊開源各種訓練集、圖像處理工具和模型。
- Mikubill:感謝 Mikubill 開發的 Naifu 訓練器。
- Onommai:感謝 OnommAI 開源強大的基礎模型。
- V-Prediction:感謝以下人員的詳細說明和實驗:
- adsfssdf
- bluvoll
- bvhari
- catboxanon
- parsee-mizuhashi
- very-aesthetic
- momoura
- madmanfourohfour
- David
- 社區:aria1th261、neggles、sdtana、chewing、irldoggo、reoe、kblueleaf、Yidhar、ageless、白玲可、Creeper、KaerMorh、吟遊詩人、SeASnAkE、zwh20081、Wenaka~喵、稀里嘩啦、幸運二副、昨日の約、445、EBIX、Sopp、Y_X、Minthybasis、Rakosz

