Model Overview
Model Features
Model Capabilities
Use Cases
🚀 NoobAI XL V-Pred 1.0
This is an image generation model based on Laxhar/noobai-XL_v1.0, leveraging full Danbooru and e621 datasets with native tags and natural language captioning.
🚀 Quick Start
This model repository is uploaded with a fixed scheduler config so that inference can be seamlessly executed without special arguments.
NoobAI's v_prediction model is a separate model from Terminus XL. If you like Illustrious and NoobAI, this is another recommended model series to try.
✨ Features
- This image generation model is based on Laxhar/noobai-XL_v1.0 and uses full Danbooru and e621 datasets with native tags and natural language captioning.
- Implemented as a v-prediction model (distinct from eps-prediction), it requires specific parameter configurations.
📦 Installation
This section does not provide specific installation steps, so it is skipped.
💻 Usage Examples
Basic Usage
You can use the model through different methods. Here are some examples:
Method I: reForge
- (If you haven't installed reForge) Install reForge by following the instructions in the repository.
- Launch WebUI and use the model as usual!
Method II: ComfyUI
SAMLPLE with NODES comfy_ui_workflow_sample
Method III: WebUI
Note that the dev branch is not stable and may contain bugs.
- (If you haven't installed WebUI) Install WebUI by following the instructions in the repository.
- Switch to
dev
branch:
git switch dev
- Pull latest updates:
git pull
- Launch WebUI and use the model as usual!
Method IV: 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")
Note: Please make sure Git is installed and the environment is properly configured on your machine.
Advanced Usage
There is no advanced usage example provided in the original text, so this part is skipped.
📚 Documentation
Model Details
Property | Details |
---|---|
Developed by | Laxhar Lab |
Model Type | Diffusion-based text-to-image generative model |
Fine-tuned from | Laxhar/noobai-XL_v1.0 |
Sponsored by | Lanyun Cloud |
Recommended Settings
Parameters
- CFG: 4 ~ 5
- Steps: 28 ~ 35
- Sampling Method: Euler (⚠️ Other samplers will not work properly)
- Resolution: Total area around 1024x1024. Best to choose from: 768x1344, 832x1216, 896x1152, 1024x1024, 1152x896, 1216x832, 1344x768
Prompts
- Prompt Prefix:
masterpiece, best quality, newest, absurdres, highres, safe,
- 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
Usage Guidelines
Caption
<1girl/1boy/1other/...>, <character>, <series>, <artists>, <special tags>, <general tags>, <other tags>
Quality Tags
For quality tags, we evaluated image popularity through the following process:
- Data normalization based on various sources and ratings.
- Application of time-based decay coefficients according to date recency.
- Ranking of images within the entire dataset based on this processing.
Our ultimate goal is to ensure that quality tags effectively track user preferences in recent years.
Percentile Range | Quality Tags |
---|---|
> 95th | masterpiece |
> 85th, <= 95th | best quality |
> 60th, <= 85th | good quality |
> 30th, <= 60th | normal quality |
<= 30th | worst quality |
Aesthetic Tags
Tag | Description |
---|---|
very awa | Top 5% of images in terms of aesthetic score by waifu-scorer |
worst aesthetic | All the bottom 5% of images in terms of aesthetic score by waifu-scorer and aesthetic-shadow-v2 |
... | ... |
Date Tags
There are two types of date tags: year tags and period tags. For year tags, use year xxxx
format, i.e., year 2021
. For period tags, please refer to the following table:
Year Range | Period tag |
---|---|
2005-2010 | old |
2011-2014 | early |
2014-2017 | mid |
2018-2020 | recent |
2021-2024 | newest |
Communication
- QQ Groups:
- 875042008
- 914818692
- 635772191
- Discord: Laxhar Dream Lab SDXL NOOB
How to train a LoRA on v-pred SDXL model
A tutorial is intended for LoRA trainers based on sd-scripts. Article link: https://civitai.com/articles/8723
Utility Tool
Laxhar Lab is training a dedicated ControlNet model for NoobXL, and the models are being released progressively. So far, the normal, depth, and canny have been released. Model link: https://civitai.com/models/929685
🔧 Technical Details
There is no technical details section with more than 50 words in the original text, so this part is skipped.
📄 License
This model's license inherits from https://huggingface.co/OnomaAIResearch/Illustrious-xl-early-release-v0 fair-ai-public-license-1.0-sd and adds the following terms. Any use of this model and its variants is bound by this license.
I. Usage Restrictions
- Prohibited use for harmful, malicious, or illegal activities, including but not limited to harassment, threats, and spreading misinformation.
- Prohibited generation of unethical or offensive content.
- Prohibited violation of laws and regulations in the user's jurisdiction.
II. Commercial Prohibition
We prohibit any form of commercialization, including but not limited to monetization or commercial use of the model, derivative models, or model-generated products.
III. Open Source Community
Hey everyone! Don’t keep the cool stuff to yourself! 🚀
If you find new tricks, wild art combos, magic prompts, or train fun LoRAs, share them openly!
Post in DC/TG/X/group chats—let’s all grow together.
No more secret models/prompts like the old days.
Open sharing = more fun for all! 💡✨
PS: We're not trying to lock things down! Back in the 1.5/n3 days, tons of secret models/prompts popped up (ugh, messy vibes).
Let’s break that cycle! Sharing = faster progress, wilder ideas, and way more hype.
No gatekeeping—post your 'secret sauce' in public spaces. Everyone wins!
To foster a thriving open-source community, users MUST comply with the following requirements:
- Open source derivative models, merged models, LoRAs, and products based on the above models.
- Share work details such as synthesis formulas, prompts, and workflows.
- Follow the fair-ai-public-license to ensure derivative works remain open source.
IV. Disclaimer
Generated models may produce unexpected or harmful outputs. Users must assume all risks and potential consequences of usage.
Participants and Contributors
Participants
- L_A_X: Civitai | Liblib.art | Huggingface
- li_li: Civitai | Huggingface
- nebulae: Civitai | Huggingface
- Chenkin: Civitai | Huggingface
- Euge: Civitai | Huggingface | Github
Contributors
- Narugo1992: Thanks to narugo1992 and the deepghs team for open-sourcing various training sets, image processing tools, and models.
- Mikubill: Thanks to Mikubill for the Naifu trainer.
- Onommai: Thanks to OnommAI for open-sourcing a powerful base model.
- V-Prediction: Thanks to the following individuals for their detailed instructions and experiments.
- adsfssdf
- bluvoll
- bvhari
- catboxanon
- parsee-mizuhashi
- very-aesthetic
- momoura
- madmanfourohfour
- David
- Community: aria1th261, neggles, sdtana, chewing, irldoggo, reoe, kblueleaf, Yidhar, ageless, 白玲可, Creeper, KaerMorh, 吟游诗人, SeASnAkE, zwh20081, Wenaka~喵, 稀里哗啦, 幸运二副, 昨日の約, 445, EBIX, Sopp, Y_X, Minthybasis, Rakosz
⚠️ Important Note
THIS MODEL WORKS DIFFERENT FROM EPS MODELS!
PLEASE READ THE GUIDE CAREFULLY!