Spaces:
Sleeping
Sleeping
Commit
·
4560dce
1
Parent(s):
22ddc12
init
Browse files- .gitattributes +2 -0
- VectorDB_HF/prompt2scores.json +3 -0
- VectorDB_HF/prompt2scores_sdxl.json +3 -0
- VectorDB_HF/prompt_embed_st.pickle +3 -0
- diffusiongpt-sd15-app.py +701 -0
- gradio_cached_examples/.DS_Store +0 -0
- gradio_cached_examples/9/Generated Image/6d31d3d0c1f2bbbcc3bb867dcaadab9868c7150c/tmpm9zzb6xz.png +0 -0
- gradio_cached_examples/9/Generated Image/714949f7c39cbbbf13f1a8ad19db8c627d2fae9d/tmpewzablha.png +0 -0
- gradio_cached_examples/9/Generated Image/7f45b1f6c1b64dade2cd699cee8eb530c6bd249f/tmpr0zcm3ox.png +0 -0
- gradio_cached_examples/9/Generated Image/9ce1d5330953fd2c9e0c87e83c9fec0076edfe2f/tmpk2x85p9d.png +0 -0
- gradio_cached_examples/9/Generated Image/bc56461e55c9436c3f05e9f64ca96b195cc425e2/tmpejuphopq.png +0 -0
- gradio_cached_examples/9/log.csv +6 -0
- model_data_sd15.json +158 -0
- model_tree_tot_sd15.json +1024 -0
- requirements.txt +32 -0
.gitattributes
CHANGED
@@ -33,3 +33,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
33 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
|
|
33 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
36 |
+
VectorDB_HF/prompt2scores_sdxl.json filter=lfs diff=lfs merge=lfs -text
|
37 |
+
VectorDB_HF/prompt2scores.json filter=lfs diff=lfs merge=lfs -text
|
VectorDB_HF/prompt2scores.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:00c098f8b4db0cab4313a344dc2ce1021cc118dd89966580602e8378f8b386c6
|
3 |
+
size 21011550
|
VectorDB_HF/prompt2scores_sdxl.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:4e36e2659b17697606ec7261efc07b08d3501f8b1d9d769c11497f7163c9ee8b
|
3 |
+
size 10849474
|
VectorDB_HF/prompt_embed_st.pickle
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:00b05266d61b63694179a5f61a212d82f589da1daf54c5f8dd2b6307fad6bbc1
|
3 |
+
size 15827596
|
diffusiongpt-sd15-app.py
ADDED
@@ -0,0 +1,701 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# coding: utf-8
|
2 |
+
import os
|
3 |
+
import gradio as gr
|
4 |
+
import random
|
5 |
+
import torch
|
6 |
+
import cv2
|
7 |
+
import re
|
8 |
+
import uuid
|
9 |
+
import json
|
10 |
+
import pickle
|
11 |
+
from PIL import Image, ImageDraw, ImageOps, ImageFont
|
12 |
+
import math
|
13 |
+
import numpy as np
|
14 |
+
import argparse
|
15 |
+
import inspect
|
16 |
+
import tempfile
|
17 |
+
# import subprocess
|
18 |
+
|
19 |
+
from diffusers import StableDiffusionPipeline, StableDiffusionInpaintPipeline, StableDiffusionInstructPix2PixPipeline
|
20 |
+
from diffusers import EulerAncestralDiscreteScheduler, PNDMScheduler
|
21 |
+
from diffusers import StableDiffusionControlNetPipeline, ControlNetModel, DiffusionPipeline, UniPCMultistepScheduler
|
22 |
+
|
23 |
+
from langchain.agents.initialize import initialize_agent
|
24 |
+
from langchain.agents.tools import Tool
|
25 |
+
from langchain.chains.conversation.memory import ConversationBufferMemory
|
26 |
+
from langchain.llms.openai import OpenAI
|
27 |
+
from langchain.llms import AzureOpenAI
|
28 |
+
from langchain_llm_api import LLMAPI
|
29 |
+
|
30 |
+
|
31 |
+
from sentence_transformers import SentenceTransformer
|
32 |
+
from compel import Compel
|
33 |
+
|
34 |
+
|
35 |
+
PREFIX = """DiffusionGPT is designed to be able to assist users in generating high-quality images.
|
36 |
+
|
37 |
+
Human may provide some text prompts to DiffusionGPT. The input prompts will be analyzed by DiffusionGPT to select the most suitable generative model for generating images.
|
38 |
+
|
39 |
+
Overall, DiffusionGPT is a powerful image generation system that can assist in processing various forms of textual input and match them with the most suitable generative model to accomplish the generation task.
|
40 |
+
|
41 |
+
TOOLS:
|
42 |
+
------
|
43 |
+
|
44 |
+
DiffusionGPT has access to the following tools:"""
|
45 |
+
|
46 |
+
FORMAT_INSTRUCTIONS = """To use a tool, please use the following format:
|
47 |
+
|
48 |
+
```
|
49 |
+
Thought: Do I need to use a tool? Yes
|
50 |
+
Action: the action to take, should be one of [{tool_names}]
|
51 |
+
Action Input: the input to the action
|
52 |
+
Observation: the result of the action
|
53 |
+
```
|
54 |
+
|
55 |
+
When you have a response to say to the Human, or if you do not need to use a tool, you MUST use the format:
|
56 |
+
|
57 |
+
```
|
58 |
+
Thought: Do I need to use a tool? No
|
59 |
+
{ai_prefix}: [your response here]
|
60 |
+
```
|
61 |
+
"""
|
62 |
+
|
63 |
+
SUFFIX = """You are very strict to the filename correctness and will never fake a file name if it does not exist.
|
64 |
+
You will remember to provide the image file name loyally if it's provided in the last tool observation.
|
65 |
+
|
66 |
+
Begin!
|
67 |
+
|
68 |
+
Previous conversation history:
|
69 |
+
{chat_history}
|
70 |
+
|
71 |
+
New input: {input}
|
72 |
+
DiffusionGPT must use tools to observe images rather than imagination.
|
73 |
+
The thoughts and observations are only visible for DiffusionGPT, DiffusionGPT should remember to repeat important information in the final response for Human.
|
74 |
+
Thought: Do I need to use a tool? {agent_scratchpad} Let's think step by step.
|
75 |
+
"""
|
76 |
+
|
77 |
+
|
78 |
+
TOT_PROMPTS = """Identify and behave as five different experts that are appropriate to select one element from the input list that best matches the input prompt.
|
79 |
+
All experts will write down the selection result, then share it with the group.
|
80 |
+
|
81 |
+
You then analyze all 5 analyses and output the consensus selected element or your best guess matched element.
|
82 |
+
The final selection output MUST be the same as the TEMPLATE:
|
83 |
+
TEMPLATE:
|
84 |
+
```
|
85 |
+
Selected: [the selected word]
|
86 |
+
```
|
87 |
+
|
88 |
+
Input list: {search_list}
|
89 |
+
|
90 |
+
Input prompt: {input}
|
91 |
+
"""
|
92 |
+
|
93 |
+
|
94 |
+
PROMPT_PARSE_PROMPTS = """Given the user input text.
|
95 |
+
Please judge the paradigm of the input text, and then recognize the main string of text prompts according to the corresponding form.
|
96 |
+
The output must be same as the TEMPlATE:
|
97 |
+
|
98 |
+
TEMPLATE:
|
99 |
+
```
|
100 |
+
Prompts: [the output prompts]
|
101 |
+
```
|
102 |
+
|
103 |
+
For instance:
|
104 |
+
1. Input: A dog
|
105 |
+
Prompts: A dog
|
106 |
+
2. Input: generate an image of a dog
|
107 |
+
Prompts: an image of a dog
|
108 |
+
3. Input: I want to see a beach
|
109 |
+
Prompts: a beach
|
110 |
+
4. Input: If you give me a toy, I will laugh very happily
|
111 |
+
Prompts: a toy and a laugh face
|
112 |
+
|
113 |
+
Input: {inputs}
|
114 |
+
|
115 |
+
"""
|
116 |
+
|
117 |
+
|
118 |
+
TREE_OF_MODEL_PROMPT_SUBJECT = """ You are an information analyst who can analyze and abstract a set of words to abstract some representation categories.
|
119 |
+
Below is a template that can represent the abstracted categories in Subject Dimension belonging to concrete noun:
|
120 |
+
|
121 |
+
TEMPLATE:
|
122 |
+
```
|
123 |
+
Categories:
|
124 |
+
- [Subject]
|
125 |
+
- [Subject]
|
126 |
+
- ...
|
127 |
+
```
|
128 |
+
|
129 |
+
You MUST abstract the categories in a highly abstract manner only from Subject Dimension and ensure the whole number of categories are fewer than 5.
|
130 |
+
Then, You MUST remove the Style-related categories.
|
131 |
+
|
132 |
+
Please output the categories following the format of TEMPLATE.
|
133 |
+
|
134 |
+
Input: {input}
|
135 |
+
|
136 |
+
"""
|
137 |
+
|
138 |
+
TREE_OF_MODEL_PROMPT_STYLE = """ You are an information analyst who can analyze and summarize a set of words to abstract some representation categories.
|
139 |
+
Below is a template that can represent the the abstracted categories in Style Dimension:
|
140 |
+
|
141 |
+
TEMPLATE:
|
142 |
+
```
|
143 |
+
Categories:
|
144 |
+
- [Style]
|
145 |
+
- [Style]
|
146 |
+
- ...
|
147 |
+
```
|
148 |
+
|
149 |
+
You MUST abstract the categories in a highly abstract manner from only Style dimension and ensure the whole number of categories are fewer than 8.
|
150 |
+
|
151 |
+
Please output the Categories following the format of TEMPLATE.
|
152 |
+
|
153 |
+
Input: {input}
|
154 |
+
|
155 |
+
"""
|
156 |
+
|
157 |
+
TREE_OF_MODEL_PROMPT_ = """ You are an information analyst who can create a Knowledge Tree according to the input categories.
|
158 |
+
Below is a knowledge tree template:
|
159 |
+
|
160 |
+
TEMPLATE:
|
161 |
+
```
|
162 |
+
Knowledge Tree:
|
163 |
+
- [Subject]
|
164 |
+
- [Style]
|
165 |
+
- ...
|
166 |
+
- [Subject]
|
167 |
+
- ...
|
168 |
+
```
|
169 |
+
|
170 |
+
You MUST place the each Style category as subcategory under the Subject categories based on whether it can be well matched with a specific subject category to form a reasonable scene.
|
171 |
+
|
172 |
+
Please output the categories following the format of TEMPLATE.
|
173 |
+
|
174 |
+
Subject Input: {subject}
|
175 |
+
|
176 |
+
Style Input: {style}
|
177 |
+
|
178 |
+
"""
|
179 |
+
|
180 |
+
|
181 |
+
TREE_OF_MODEL_PROMPT_ADD_MODELS = """ You are an information analyst who can add some input models to an input knowledge tree according to the similarity of the model tags and the categories of the knowledge tree.
|
182 |
+
|
183 |
+
You need to place each input model into the appropriate subcategory on the tree, one by one.
|
184 |
+
You MUST keep the original content of the knowledge tree.
|
185 |
+
|
186 |
+
|
187 |
+
Please output the final knowledge tree.
|
188 |
+
|
189 |
+
Knowledge Tree Input: {tree}
|
190 |
+
|
191 |
+
Models Input: {models}
|
192 |
+
|
193 |
+
Model Tags Input: {model_tags}
|
194 |
+
|
195 |
+
"""
|
196 |
+
|
197 |
+
|
198 |
+
os.makedirs('image', exist_ok=True)
|
199 |
+
|
200 |
+
|
201 |
+
from langchain.llms.base import LLM
|
202 |
+
|
203 |
+
from langchain import PromptTemplate, HuggingFaceHub
|
204 |
+
from langchain.llms import HuggingFacePipeline
|
205 |
+
|
206 |
+
from transformers import AutoTokenizer, AutoModelForCausalLM
|
207 |
+
|
208 |
+
|
209 |
+
def seed_everything(seed):
|
210 |
+
random.seed(seed)
|
211 |
+
np.random.seed(seed)
|
212 |
+
torch.manual_seed(seed)
|
213 |
+
torch.cuda.manual_seed_all(seed)
|
214 |
+
return seed
|
215 |
+
|
216 |
+
|
217 |
+
def prompts(name, description):
|
218 |
+
def decorator(func):
|
219 |
+
func.name = name
|
220 |
+
func.description = description
|
221 |
+
return func
|
222 |
+
|
223 |
+
return decorator
|
224 |
+
|
225 |
+
|
226 |
+
def cut_dialogue_history(history_memory, keep_last_n_words=500):
|
227 |
+
if history_memory is None or len(history_memory) == 0:
|
228 |
+
return history_memory
|
229 |
+
tokens = history_memory.split()
|
230 |
+
n_tokens = len(tokens)
|
231 |
+
|
232 |
+
if n_tokens < keep_last_n_words:
|
233 |
+
return history_memory
|
234 |
+
paragraphs = history_memory.split('\n')
|
235 |
+
last_n_tokens = n_tokens
|
236 |
+
while last_n_tokens >= keep_last_n_words:
|
237 |
+
last_n_tokens -= len(paragraphs[0].split(' '))
|
238 |
+
paragraphs = paragraphs[1:]
|
239 |
+
return '\n' + '\n'.join(paragraphs)
|
240 |
+
|
241 |
+
|
242 |
+
class Text2Image:
|
243 |
+
def __init__(self, device):
|
244 |
+
print(f"Initializing Text2Image to {device}")
|
245 |
+
self.device = device
|
246 |
+
self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32
|
247 |
+
|
248 |
+
self.llm = OpenAI(temperature=0)
|
249 |
+
|
250 |
+
if not os.path.exists('model_tree_tot_sd15.json'):
|
251 |
+
with open('model_data_sd15.json', 'r') as f:
|
252 |
+
self.model_data_all = json.load(f)
|
253 |
+
|
254 |
+
model_tags = {model["model_name"]: model["tag"] for model in self.model_data_all}
|
255 |
+
|
256 |
+
model_tree = self.build_tree(model_tags)
|
257 |
+
|
258 |
+
model_all_data = {model["model_name"].split(".")[0]: model for model in self.model_data_all}
|
259 |
+
|
260 |
+
save_model_tree = {}
|
261 |
+
for cate_name, sub_category in model_tree.items():
|
262 |
+
cate_name = cate_name.lower()
|
263 |
+
temp_category = {}
|
264 |
+
|
265 |
+
if "Universal" not in sub_category:
|
266 |
+
temp_category["universal"] = [model_all_data["majicmixRealistic_v6"], model_all_data["FilmVelvia2"]]
|
267 |
+
|
268 |
+
for sec_cate_name, sub_sub_cates in sub_category.items():
|
269 |
+
sec_cate_name = sec_cate_name.lower()
|
270 |
+
temp_model_list = []
|
271 |
+
|
272 |
+
for model_name in sub_sub_cates:
|
273 |
+
model_name = model_name.strip()
|
274 |
+
lower_name = model_name[0].lower() + model_name[1:]
|
275 |
+
if model_name in model_all_data:
|
276 |
+
temp_model_list.append(model_all_data[model_name])
|
277 |
+
elif lower_name in model_all_data:
|
278 |
+
temp_model_list.append(model_all_data[lower_name])
|
279 |
+
|
280 |
+
|
281 |
+
temp_category[sec_cate_name] = temp_model_list
|
282 |
+
|
283 |
+
save_model_tree[cate_name] = temp_category
|
284 |
+
|
285 |
+
# write in json
|
286 |
+
json_data = json.dumps(save_model_tree, indent=2)
|
287 |
+
with open('model_tree_tot_sd15.json', 'w') as f:
|
288 |
+
f.write(json_data)
|
289 |
+
f.close()
|
290 |
+
|
291 |
+
|
292 |
+
with open('model_tree_tot_sd15.json', 'r') as f:
|
293 |
+
self.model_data = json.load(f)
|
294 |
+
|
295 |
+
with open('model_data_sd15.json', 'r') as f:
|
296 |
+
self.model_all_data = json.load(f)
|
297 |
+
self.model_all_data = {model["model_name"]:model for model in self.model_all_data}
|
298 |
+
|
299 |
+
# Advantage databases with human feedback
|
300 |
+
with open('./VectorDB_HF/prompt_embed_st.pickle', 'rb') as f:
|
301 |
+
self.pt_pairs = pickle.load(f)
|
302 |
+
|
303 |
+
with open('./VectorDB_HF/prompt2scores.json', 'r') as f:
|
304 |
+
self.prompt2scores = json.load(f)
|
305 |
+
|
306 |
+
self.st_model = SentenceTransformer('sentence-transformers/all-MiniLM-L6-v2')
|
307 |
+
|
308 |
+
|
309 |
+
def build_tree(self, model_tags):
|
310 |
+
tags_only = list(model_tags.values())
|
311 |
+
model_names = list(model_tags.keys())
|
312 |
+
|
313 |
+
prompts = TREE_OF_MODEL_PROMPT.format(input=tags_only)
|
314 |
+
|
315 |
+
prompt1 = TREE_OF_MODEL_PROMPT_SUBJECT.format(input=tags_only)
|
316 |
+
response1 = self.llm(prompt1)
|
317 |
+
|
318 |
+
prompt2 = TREE_OF_MODEL_PROMPT_STYLE.format(input=tags_only)
|
319 |
+
response2 = self.llm(prompt2)
|
320 |
+
|
321 |
+
prompt_tree = TREE_OF_MODEL_PROMPT_.format(style=response2, subject=response1)
|
322 |
+
response = self.llm(prompt_tree)
|
323 |
+
|
324 |
+
tree = response.split("Knowledge Tree:")[1]
|
325 |
+
|
326 |
+
model_names = [name.split(".")[0] for name in list(model_tags.keys())]
|
327 |
+
|
328 |
+
prompts = TREE_OF_MODEL_PROMPT_ADD_MODELS.format(model_tags=model_tags, tree=tree, models=model_names)
|
329 |
+
|
330 |
+
tree = self.llm(prompts)
|
331 |
+
|
332 |
+
output = {}
|
333 |
+
tree_list = tree.split("\n")
|
334 |
+
for category in tree_list:
|
335 |
+
if category == '':
|
336 |
+
continue
|
337 |
+
|
338 |
+
if category.startswith("- "):
|
339 |
+
current_key = category[2:]
|
340 |
+
output[current_key] = {}
|
341 |
+
elif category.startswith(" - "):
|
342 |
+
next_key = category[4:]
|
343 |
+
output[current_key][next_key] = []
|
344 |
+
elif category.startswith(" - "):
|
345 |
+
output[current_key][next_key].append(category[6:])
|
346 |
+
|
347 |
+
return output
|
348 |
+
|
349 |
+
def prompt_parse(self, inputs):
|
350 |
+
|
351 |
+
prompts = PROMPT_PARSE_PROMPTS.format(inputs=inputs)
|
352 |
+
output = self.llm(prompts)
|
353 |
+
output = output.split("Prompts:")[1]
|
354 |
+
|
355 |
+
return output.strip()
|
356 |
+
|
357 |
+
def get_property(self, model_data):
|
358 |
+
properties = []
|
359 |
+
for model in model_data:
|
360 |
+
name = "model_name:" + model["model_name"] + ", "
|
361 |
+
tag = "tag:" + ",".join(model["tag"])
|
362 |
+
|
363 |
+
prop = name + tag + "\n\n"
|
364 |
+
properties.append(prop)
|
365 |
+
return properties
|
366 |
+
|
367 |
+
def search_one_matched(self, inputs, search_list):
|
368 |
+
|
369 |
+
tot_prompts = TOT_PROMPTS.format(search_list=search_list, input=inputs)
|
370 |
+
|
371 |
+
model_name = self.llm(tot_prompts)
|
372 |
+
print(model_name)
|
373 |
+
|
374 |
+
if "Selected:" in model_name:
|
375 |
+
model_name = model_name.split("Selected:")[-1]
|
376 |
+
|
377 |
+
for ch in [",", ";", "."]:
|
378 |
+
if ch in model_name:
|
379 |
+
model_name = model_name.split(ch)[0]
|
380 |
+
model_name = model_name.strip().lower()
|
381 |
+
|
382 |
+
return model_name
|
383 |
+
|
384 |
+
|
385 |
+
def select_best_model_with_HF(self, inputs, model_space):
|
386 |
+
|
387 |
+
text_embed = torch.Tensor(self.st_model.encode([inputs]) )
|
388 |
+
text_embed /= text_embed.norm(dim=1, keepdim=True)
|
389 |
+
|
390 |
+
similarity = text_embed @ self.pt_pairs['text_embeds'].T
|
391 |
+
|
392 |
+
topk_idxs = similarity.topk(5).indices[0,:]
|
393 |
+
|
394 |
+
topk_model_list = []
|
395 |
+
model_names_of_tree = [model["model_name"].split(".")[0] for model in model_space]
|
396 |
+
|
397 |
+
for idx, p in enumerate(topk_idxs):
|
398 |
+
|
399 |
+
save_prompt_name = self.pt_pairs['prompts'][int(p)][:100].replace('\n','')
|
400 |
+
|
401 |
+
model_scores = self.prompt2scores[save_prompt_name]
|
402 |
+
|
403 |
+
model_names = list(model_scores.keys())
|
404 |
+
reward_scores = []
|
405 |
+
for name, values in model_scores.items():
|
406 |
+
reward_scores.append(values['image_reward'])
|
407 |
+
|
408 |
+
reward_scores = torch.Tensor(reward_scores)
|
409 |
+
topk_model_idx = reward_scores.topk(5).indices.tolist()
|
410 |
+
topk_models = [model_names[i] for i in topk_model_idx]
|
411 |
+
|
412 |
+
topk_model_list.append(topk_models)
|
413 |
+
|
414 |
+
prompt1 = f"Please judge whether each name in this list {model_names_of_tree} has highly similar name in the list {topk_model_list}, if yes, output the similar model name, the output MUST be Template: Model: [model name, ...]"
|
415 |
+
intersection_model = self.llm(prompt1)
|
416 |
+
|
417 |
+
prompts = f"Please select one model name from the following model list {intersection_model} that has the highest frequency and top ranking according to the list {topk_model_list}.\n\n The output MUST be Template: Model: [model name]"
|
418 |
+
selected_model = self.llm(prompts)
|
419 |
+
selected_model = selected_model.split("Model:")[1]
|
420 |
+
|
421 |
+
return selected_model.strip()
|
422 |
+
|
423 |
+
def search_model_tree(self, inputs):
|
424 |
+
search_space = self.model_data
|
425 |
+
search_path = []
|
426 |
+
|
427 |
+
while not isinstance(search_space, list):
|
428 |
+
search_list = list(search_space.keys())
|
429 |
+
name = self.search_one_matched(inputs, search_list)
|
430 |
+
search_path.append(name)
|
431 |
+
search_space = search_space[name]
|
432 |
+
|
433 |
+
candidate_model_data = {}
|
434 |
+
for model in search_space:
|
435 |
+
candidate_model_data[model["model_name"]] = model
|
436 |
+
|
437 |
+
model_properties = self.get_property(search_space)
|
438 |
+
|
439 |
+
model_name_pre = self.select_best_model_with_HF(inputs, search_space)
|
440 |
+
all_names = list(self.model_all_data.keys())
|
441 |
+
all_names = [name + "\n" for name in all_names]
|
442 |
+
|
443 |
+
prompts = f"Please according to the name of {model_name_pre} and select one element from the list bellow, and ensure the selected element MUST be the same as one of the list {all_names}."
|
444 |
+
model_name = self.llm(prompts).strip('\n')
|
445 |
+
|
446 |
+
|
447 |
+
if model_name not in self.model_all_data:
|
448 |
+
model_name = model_name[0].lower() + model_name[1:]
|
449 |
+
selected_model = self.model_all_data[model_name]
|
450 |
+
|
451 |
+
search_path.append(model_name)
|
452 |
+
|
453 |
+
return search_path, selected_model
|
454 |
+
|
455 |
+
|
456 |
+
def prompt_entension(self, inputs, model):
|
457 |
+
example_prompt = model["example_prompts"][0]
|
458 |
+
example_n_prompt = model["negtive_prompts"][0]
|
459 |
+
|
460 |
+
prompts = f"Here is a paragraph describing an image. " \
|
461 |
+
f"{inputs}. " \
|
462 |
+
f"Please follow the sentence pattern of the example to expand the description of the input paragraph. The output MUST preserve the contents of the input paragraph. Example: {example_prompt}."
|
463 |
+
|
464 |
+
extended_prompt = self.llm(prompts)
|
465 |
+
|
466 |
+
return extended_prompt, example_n_prompt
|
467 |
+
|
468 |
+
def match_id(self, model):
|
469 |
+
|
470 |
+
model_names = list(self.model_all_data.keys())
|
471 |
+
|
472 |
+
prompts = f"Here is a model. " \
|
473 |
+
f"{model}. " \
|
474 |
+
f"Please select the model name that best matches the given model from the model name list {model_names}. " \
|
475 |
+
f"The output must be the same as the word in the list. "
|
476 |
+
|
477 |
+
matched_name = self.llm(prompts)
|
478 |
+
matched_name = matched_name[2:]
|
479 |
+
|
480 |
+
return matched_name
|
481 |
+
|
482 |
+
|
483 |
+
@prompts(name="Generate Image From User Input Text",
|
484 |
+
description="always useful to generate an image from a user input text and save it to a file. "
|
485 |
+
"The input to this tool MUST be the whole user input text.")
|
486 |
+
|
487 |
+
|
488 |
+
def inference(self, inputs):
|
489 |
+
# Prompt Parse
|
490 |
+
original_input = inputs
|
491 |
+
inputs = self.prompt_parse(inputs)
|
492 |
+
|
493 |
+
# search model tree
|
494 |
+
model_select_path, selected_model_data = self.search_model_tree(inputs)
|
495 |
+
print("Selected model path:", model_select_path)
|
496 |
+
print("Selected model name:", selected_model_data["model_name"])
|
497 |
+
|
498 |
+
model_name = selected_model_data["model_name"]
|
499 |
+
model_type = selected_model_data["model_type"]
|
500 |
+
|
501 |
+
|
502 |
+
# load model ckpt
|
503 |
+
self.pipe_prior = None
|
504 |
+
if "checkpoint" in model_type:
|
505 |
+
|
506 |
+
if model_name in list(self.model_all_data.keys()):
|
507 |
+
model_id = "./checkpoints/" + model_name
|
508 |
+
self.pipe = StableDiffusionPipeline.from_single_file(model_id, torch_dtype=self.torch_dtype)
|
509 |
+
|
510 |
+
self.pipe.to(self.device)
|
511 |
+
|
512 |
+
# load model lora
|
513 |
+
elif model_type == "lora":
|
514 |
+
|
515 |
+
base_model = selected_model_data["resources_used"][0]
|
516 |
+
base_model_name = self.match_id(base_model)
|
517 |
+
base_model_name = "./checkpoints/" + base_model_name
|
518 |
+
print(base_model_name)
|
519 |
+
self.pipe = StableDiffusionPipeline.from_single_file(base_model_name, torch_dtype=self.torch_dtype)
|
520 |
+
|
521 |
+
self.pipe.to(self.device)
|
522 |
+
self.pipe.load_lora_weights("./checkpoints", weight_name=model_name)
|
523 |
+
|
524 |
+
# Prompt Extension
|
525 |
+
if selected_model_data["example_prompts"][0] != "None":
|
526 |
+
prompt, n_prompt = self.prompt_entension(inputs, selected_model_data)
|
527 |
+
else:
|
528 |
+
prompt = inputs
|
529 |
+
n_prompt = selected_model_data["negtive_prompts"][0]
|
530 |
+
|
531 |
+
if n_prompt == "None":
|
532 |
+
n_prompt = ""
|
533 |
+
|
534 |
+
prompt_embeds = None
|
535 |
+
|
536 |
+
|
537 |
+
## compel for long text
|
538 |
+
compel = Compel(tokenizer=self.pipe.tokenizer, text_encoder=self.pipe.text_encoder, truncate_long_prompts=False)
|
539 |
+
|
540 |
+
prompt_list = list(prompt.strip().split("."))
|
541 |
+
n_prompt_list = list(n_prompt.strip().split("."))
|
542 |
+
prompt = f'{prompt_list}.and()'
|
543 |
+
n_prompt = f'{n_prompt_list}.and()'
|
544 |
+
|
545 |
+
prompt_embeds = compel.build_conditioning_tensor(prompt)
|
546 |
+
negative_conditioning = compel.build_conditioning_tensor(n_prompt)
|
547 |
+
[prompt_embeds, negative_conditioning] = compel.pad_conditioning_tensors_to_same_length([prompt_embeds, negative_conditioning])
|
548 |
+
negative_prompt_embeds = negative_conditioning
|
549 |
+
|
550 |
+
|
551 |
+
if prompt_embeds is not None:
|
552 |
+
|
553 |
+
output_latents = self.pipe(prompt_embeds=prompt_embeds, negative_prompt_embeds=negative_prompt_embeds, num_images_per_prompt=1, output_type='latent').images
|
554 |
+
with torch.no_grad():
|
555 |
+
images = self.pipe.decode_latents(output_latents)
|
556 |
+
images = self.pipe.numpy_to_pil(images)
|
557 |
+
else:
|
558 |
+
output_latents = self.pipe(prompt, negative_prompt=n_prompt, height=512, width=512, num_images_per_prompt=1, output_type='latent').images
|
559 |
+
with torch.no_grad():
|
560 |
+
images = self.pipe.decode_latents(output_latents)
|
561 |
+
images = self.pipe.numpy_to_pil(images)
|
562 |
+
|
563 |
+
image_filename = os.path.join('image', f"{str(uuid.uuid4())[:8]}.png")
|
564 |
+
|
565 |
+
output = images[0]
|
566 |
+
output.save(image_filename)
|
567 |
+
|
568 |
+
print(
|
569 |
+
f"\nProcessed Text2Image, Input Text: {inputs}, Output Image: {image_filename}")
|
570 |
+
return image_filename
|
571 |
+
|
572 |
+
|
573 |
+
|
574 |
+
class ConversationBot:
|
575 |
+
def __init__(self, load_dict):
|
576 |
+
print(f"Initializing DiffusionGPT, load_dict={load_dict}")
|
577 |
+
|
578 |
+
self.models = {}
|
579 |
+
# Load Basic Foundation Models
|
580 |
+
for class_name, device in load_dict.items():
|
581 |
+
self.models[class_name] = globals()[class_name](device=device)
|
582 |
+
|
583 |
+
# Load Template Foundation Models
|
584 |
+
for class_name, module in globals().items():
|
585 |
+
if getattr(module, 'template_model', False):
|
586 |
+
template_required_names = {k for k in inspect.signature(module.__init__).parameters.keys() if k!='self'}
|
587 |
+
loaded_names = set([type(e).__name__ for e in self.models.values()])
|
588 |
+
if template_required_names.issubset(loaded_names):
|
589 |
+
self.models[class_name] = globals()[class_name](
|
590 |
+
**{name: self.models[name] for name in template_required_names})
|
591 |
+
|
592 |
+
print(f"All the Available Functions: {self.models}")
|
593 |
+
|
594 |
+
self.tools = []
|
595 |
+
for instance in self.models.values():
|
596 |
+
for e in dir(instance):
|
597 |
+
if e.startswith('inference'):
|
598 |
+
func = getattr(instance, e)
|
599 |
+
self.tools.append(Tool(name=func.name, description=func.description, func=func))
|
600 |
+
self.llm = OpenAI(temperature=0)
|
601 |
+
|
602 |
+
self.memory = ConversationBufferMemory(memory_key="chat_history", output_key='output')
|
603 |
+
|
604 |
+
def init_agent(self, lang):
|
605 |
+
self.memory.clear() #clear previous history
|
606 |
+
|
607 |
+
place = "Enter text and press enter, or upload an image"
|
608 |
+
label_clear = "Clear"
|
609 |
+
|
610 |
+
self.agent = initialize_agent(
|
611 |
+
self.tools,
|
612 |
+
self.llm,
|
613 |
+
agent="conversational-react-description",
|
614 |
+
verbose=True,
|
615 |
+
memory=self.memory,
|
616 |
+
return_intermediate_steps=True,
|
617 |
+
agent_kwargs={'prefix': PREFIX, 'format_instructions': FORMAT_INSTRUCTIONS,
|
618 |
+
'suffix': SUFFIX},
|
619 |
+
handle_parsing_errors="Check your output and make sure it conforms!" )
|
620 |
+
return gr.update(visible = True), gr.update(visible = False), gr.update(placeholder=place), gr.update(value=label_clear)
|
621 |
+
|
622 |
+
def run_text(self, text, state):
|
623 |
+
|
624 |
+
self.agent.memory.buffer = cut_dialogue_history(self.agent.memory.buffer, keep_last_n_words=500)
|
625 |
+
res = self.agent({"input": text.strip()})
|
626 |
+
res['output'] = res['output'].replace("\\", "/")
|
627 |
+
response = re.sub('(image/[-\w]*.png)', lambda m: f'})*{m.group(0)}*', res['output'])
|
628 |
+
state = state + [(text, response)]
|
629 |
+
print(f"\nProcessed run_text, Input text: {text}\n")
|
630 |
+
return state, state
|
631 |
+
|
632 |
+
|
633 |
+
if __name__ == '__main__':
|
634 |
+
|
635 |
+
parser = argparse.ArgumentParser()
|
636 |
+
parser.add_argument('--load', type=str, default="Text2Image_cuda:0")
|
637 |
+
args = parser.parse_args()
|
638 |
+
load_dict = {e.split('_')[0].strip(): e.split('_')[1].strip() for e in args.load.split(',')}
|
639 |
+
|
640 |
+
def init_api(apikey):
|
641 |
+
os.environ['OPENAI_API_KEY'] = apikey
|
642 |
+
global bot
|
643 |
+
bot = ConversationBot(load_dict=load_dict)
|
644 |
+
print('set new api key:', apikey)
|
645 |
+
return None
|
646 |
+
|
647 |
+
init_api(apikey="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")
|
648 |
+
def inference_warp(prompt):
|
649 |
+
prompt = prompt.strip()
|
650 |
+
global bot
|
651 |
+
state = []
|
652 |
+
_, state = bot.run_text(prompt, state)
|
653 |
+
|
654 |
+
print('========>', str(state))
|
655 |
+
|
656 |
+
pattern = r"\(file=(.*?)\)"
|
657 |
+
matches = re.findall(pattern, str(state))
|
658 |
+
|
659 |
+
|
660 |
+
if matches:
|
661 |
+
file_path = matches[0]
|
662 |
+
print(file_path)
|
663 |
+
|
664 |
+
|
665 |
+
image = Image.open(file_path)
|
666 |
+
return image
|
667 |
+
|
668 |
+
with gr.Blocks(css="#chatbot .overflow-y-auto{height:1000px}") as demo:
|
669 |
+
state = gr.State([])
|
670 |
+
with gr.Row():
|
671 |
+
with gr.Column():
|
672 |
+
apikey = gr.Textbox(label='apikey', value="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")
|
673 |
+
prompt = gr.Textbox(label='Prompt')
|
674 |
+
run_button = gr.Button('Generate Image')
|
675 |
+
|
676 |
+
result = gr.Image(label="Generated Image")
|
677 |
+
bot.init_agent("English")
|
678 |
+
run_button.click(fn=inference_warp,
|
679 |
+
inputs=prompt,
|
680 |
+
outputs=result,)
|
681 |
+
|
682 |
+
apikey.change(fn=init_api, inputs=[apikey])
|
683 |
+
|
684 |
+
|
685 |
+
examples = [
|
686 |
+
["a girl with dress and red hat."],
|
687 |
+
["generate an image of a laughing woman, fashion magazine cover."],
|
688 |
+
["a cat on the grass."],
|
689 |
+
["create an illustration of a romantic couple sharing a tender moment under a starry sky."],
|
690 |
+
["a robot cooking in the kitchen."]
|
691 |
+
|
692 |
+
]
|
693 |
+
gr.Examples(examples=examples,
|
694 |
+
inputs=prompt,
|
695 |
+
outputs=result,
|
696 |
+
fn=inference_warp,
|
697 |
+
cache_examples=True,
|
698 |
+
run_on_click=True
|
699 |
+
)
|
700 |
+
|
701 |
+
demo.launch(server_name="0.0.0.0", server_port=7862)
|
gradio_cached_examples/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
gradio_cached_examples/9/Generated Image/6d31d3d0c1f2bbbcc3bb867dcaadab9868c7150c/tmpm9zzb6xz.png
ADDED
![]() |
gradio_cached_examples/9/Generated Image/714949f7c39cbbbf13f1a8ad19db8c627d2fae9d/tmpewzablha.png
ADDED
![]() |
gradio_cached_examples/9/Generated Image/7f45b1f6c1b64dade2cd699cee8eb530c6bd249f/tmpr0zcm3ox.png
ADDED
![]() |
gradio_cached_examples/9/Generated Image/9ce1d5330953fd2c9e0c87e83c9fec0076edfe2f/tmpk2x85p9d.png
ADDED
![]() |
gradio_cached_examples/9/Generated Image/bc56461e55c9436c3f05e9f64ca96b195cc425e2/tmpejuphopq.png
ADDED
![]() |
gradio_cached_examples/9/log.csv
ADDED
@@ -0,0 +1,6 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Generated Image,flag,username,timestamp
|
2 |
+
Generated Image/7f45b1f6c1b64dade2cd699cee8eb530c6bd249f/tmpr0zcm3ox.png,,,2024-01-04 18:03:22.986846
|
3 |
+
Generated Image/bc56461e55c9436c3f05e9f64ca96b195cc425e2/tmpejuphopq.png,,,2024-01-04 18:06:46.886342
|
4 |
+
Generated Image/714949f7c39cbbbf13f1a8ad19db8c627d2fae9d/tmpewzablha.png,,,2024-01-04 18:10:02.165649
|
5 |
+
Generated Image/9ce1d5330953fd2c9e0c87e83c9fec0076edfe2f/tmpk2x85p9d.png,,,2024-01-04 18:13:22.647798
|
6 |
+
Generated Image/6d31d3d0c1f2bbbcc3bb867dcaadab9868c7150c/tmpm9zzb6xz.png,,,2024-01-04 18:16:21.912781
|
model_data_sd15.json
ADDED
@@ -0,0 +1,158 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[
|
2 |
+
{
|
3 |
+
"model_name": "FilmVelvia2.safetensors",
|
4 |
+
"model_type": "lora",
|
5 |
+
"tag": ["film", "universal", "person", "photo", "girls", "woman"],
|
6 |
+
"version": "v2.0",
|
7 |
+
"trigger_words": ["FilmVelvia2"],
|
8 |
+
"base_model": "SD 1.5",
|
9 |
+
"resources_used": ["majicmixRealistic", "FilmVelvia2"],
|
10 |
+
"example_prompts": ["young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
11 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"],
|
12 |
+
"negtive_prompts": ["cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
13 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"]
|
14 |
+
},
|
15 |
+
{
|
16 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
17 |
+
"model_type": "checkpoint merge",
|
18 |
+
"tag": ["base model", "realistic"],
|
19 |
+
"version": "v6",
|
20 |
+
"trigger_words": ["None"],
|
21 |
+
"base_model": "SD 1.5",
|
22 |
+
"resources_used": ["majicmix realistic"],
|
23 |
+
"example_prompts": ["close up, dramatic lighting",
|
24 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"],
|
25 |
+
"negtive_prompts": ["nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
26 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"]
|
27 |
+
},
|
28 |
+
{
|
29 |
+
"model_name": "lou.safetensors",
|
30 |
+
"model_type": "lora",
|
31 |
+
"tag": ["style", "3d", "3dcg", "cg art"],
|
32 |
+
"version": "v1.0",
|
33 |
+
"trigger_words": ["nvo"],
|
34 |
+
"base_model": "SD 1.5",
|
35 |
+
"resources_used": ["majicmixRealistic", "lou"],
|
36 |
+
"example_prompts": ["<lora:lou:1>,best quality ,masterpiece,1girl,3d , realistic,CG ,unity ,8k wallpaper, black-framed_eyewear, black_hair, bow, eyewear_removed, fishnet_legwear, glasses, holding, holding_eyewear, lips, long_sleeves, looking_at_viewer, makeup, over-rim_eyewear, pantyhose, pleated_skirt, realistic, red-framed_eyewear, red_bow, red_lips, round_eyewear, sailor_collar, school_uniform, semi-rimless_eyewear, serafuku, short_hair, skirt, solo, standing, under-rim_eyewear",
|
37 |
+
"<lora:lou:1>,best quality ,masterpiece,1girl,3d , realistic,CG ,unity ,8k wallpaper,solo"],
|
38 |
+
"negtive_prompts": ["bad-picture-chill-75v,sketches, (worst quality:2), (low quality:2), (normal quality:2), lowres, normal quality, ((monochrome)), ((grayscale)), skin spots, acnes, skin blemishes, bad anatomy,(long hair:1.4),DeepNegative,(fat:1.2),facing away, tilted head, lowres,bad anatomy,bad hands, text, error, missing fingers,extra digit, fewer digits, cropped, worstquality, low quality, normal quality,jpegartifacts,signature, watermark, username,blurry,bad feet,cropped,poorly drawn hands,poorly drawn face,mutation,deformed,worst quality,low quality,normal quality,jpeg artifacts,signature,watermark,extra fingers,fewer digits,extra limbs,extra arms,extra legs,malformed limbs,fused fingers,too many fingers,long neck,cross-eyed,mutated hands,polar lowres,bad body,bad proportions,gross proportions,text,error,missing fingers,missing arms,missing legs,extra digit, extra arms, extra leg, extra foot,mole",
|
39 |
+
"bad-picture-chill-75v,sketches, (worst quality:2), (low quality:2), (normal quality:2), lowres, normal quality, ((monochrome)), ((grayscale)), skin spots, acnes, skin blemishes, bad anatomy,(long hair:1.4),DeepNegative,(fat:1.2),facing away, tilted head, lowres,bad anatomy,bad hands, text, error, missing fingers,extra digit, fewer digits, cropped, worstquality, low quality, normal quality,jpegartifacts,signature, watermark, username,blurry,bad feet,cropped,poorly drawn hands,poorly drawn face,mutation,deformed,worst quality,low quality,normal quality,jpeg artifacts,signature,watermark,extra fingers,fewer digits,extra limbs,extra arms,extra legs,malformed limbs,fused fingers,too many fingers,long neck,cross-eyed,mutated hands,polar lowres,bad body,bad proportions,gross proportions,text,error,missing fingers,missing arms,missing legs,extra digit, extra arms, extra leg, extra foot,mole"]
|
40 |
+
},
|
41 |
+
{
|
42 |
+
"model_name": "cartoonish_v1.safetensors",
|
43 |
+
"model_type": "checkpoint merge",
|
44 |
+
"tag": ["anime", "universal", "girl", "disney", "3d"],
|
45 |
+
"version": "v1",
|
46 |
+
"trigger_words": ["None"],
|
47 |
+
"base_model": "SD 1.5",
|
48 |
+
"resources_used": ["cartoonish"],
|
49 |
+
"example_prompts": ["best quality, masterpiece, blue hair, blue eyes, street, street lamp, upper body",
|
50 |
+
"best quality, masterpiece, green eyes, yellow hair, (Rapunzel:0.8), upper body"],
|
51 |
+
"negtive_prompts": ["(low quality, worst quality:1.4)",
|
52 |
+
"(low quality, worst quality:1.4)"]
|
53 |
+
},
|
54 |
+
{
|
55 |
+
"model_name": "animemix_v3_offset.safetensors",
|
56 |
+
"model_type": "lora",
|
57 |
+
"tag": ["style", "japanese anime", "anime screenscap"],
|
58 |
+
"version": "v3 offset",
|
59 |
+
"trigger_words": ["None"],
|
60 |
+
"base_model": "SD 1.5",
|
61 |
+
"resources_used": ["anylora-checkpoint", "animemix_screenscap"],
|
62 |
+
"example_prompts": ["<lora:animemix_v3_offset:1> koe no katachi, shirt, 1girl, collared shirt, long hair, train interior, white shirt, bow, brown hair, short sleeves, letterboxed, bangs, solo, closed mouth, facing viewer, blurry, school uniform, blue bow, dress shirt, upper body, depth of field, hair between eyes, blurry background, bowtie, ground vehicle, indoors, ((masterpiece))",
|
63 |
+
"<lora:animemix_v3_offset:1> masterpiece, best quality, 1girl, aqua eyes, baseball cap, blonde hair, closed mouth, earrings, green background, hat, hoop earrings, jewelry, looking at viewer, shirt, short hair, simple background, solo, upper body, yellow shirt"],
|
64 |
+
"negtive_prompts": ["(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
65 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"]
|
66 |
+
},
|
67 |
+
{
|
68 |
+
"model_name": "impasto_painting.safetensors",
|
69 |
+
"model_type": "lora",
|
70 |
+
"tag": ["style", "impasto painting", "art", "paiting"],
|
71 |
+
"version": "SD 1.5",
|
72 |
+
"trigger_words": ["impasto painting"],
|
73 |
+
"base_model": "SD 1.5",
|
74 |
+
"resources_used": ["rev animated", "impasto painting"],
|
75 |
+
"example_prompts": ["<lora:impasto painting:1>impasto painting, paint",
|
76 |
+
"<lora:impasto painting:1>impasto painting, berd"],
|
77 |
+
"negtive_prompts": ["easynegative EasyNegativeV2 badhandv4",
|
78 |
+
"easynegative EasyNegativeV2 badhandv4"]
|
79 |
+
},
|
80 |
+
{
|
81 |
+
"model_name": "CineStyle5.safetensors",
|
82 |
+
"model_type": "lora",
|
83 |
+
"tag": ["style", "cinematic", "cinematic lighting"],
|
84 |
+
"version": "v1.0",
|
85 |
+
"trigger_words": ["111cine8matic55"],
|
86 |
+
"base_model": "SD 1.5",
|
87 |
+
"resources_used": ["realisticVisionV60", "CinematicStyle"],
|
88 |
+
"example_prompts": ["A cinematic photo of a young woman with penetrating green eyes and disheveled blonde hair. Dressed in a weathered leather jacket, she's navigating through a foggy, desolate landscape with an old map, a sense of suspense thick in the air. The epic character composition, combined with sharp focus and natural lighting, brings the captivating image to life. The subsurface scattering effect adds a touch of ethereal glow, while the f2 aperture and 35mm lens create a perfect balance of depth and detail. <lora:CineStyle5:0.6> 111cine8matic55",
|
89 |
+
"a young women with blonde hair and green eyes, fireworks in background at night. <lora:CineStyle5:0.6> 111cine8matic55 style"],
|
90 |
+
"negtive_prompts": ["Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers",
|
91 |
+
"multiple people, Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers"]
|
92 |
+
},
|
93 |
+
{
|
94 |
+
"model_name": "realisticVisionV60.safetensors",
|
95 |
+
"model_type": "checkpoint merge",
|
96 |
+
"tag": ["character", "photorealistic", "CGI", "realistic"],
|
97 |
+
"version": "v2.0(no VAE)",
|
98 |
+
"trigger_words": ["analog style", "modelshoot style"],
|
99 |
+
"base_model": "SD 1.5",
|
100 |
+
"resources_used": ["realistic vision v2.0"],
|
101 |
+
"example_prompts": ["close up photo of a rabbit, forest, haze, halation, bloom, dramatic atmosphere, centred, rule of thirds, 200mm 1.4f macro shot",
|
102 |
+
"b&w photo of 42 y.o man in black clothes, bald, face, half body, body, high detailed skin, skin pores, coastline, overcast weather, wind, waves, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3"],
|
103 |
+
"negtive_prompts": ["(semi-realistic, cgi, 3d, render, sketch, cartoon, drawing, anime:1.4), text, close up, cropped, out of frame, worst quality, low quality, jpeg artifacts, ugly, duplicate, morbid, mutilated, extra fingers, mutated hands, poorly drawn hands, poorly drawn face, mutation, deformed, blurry, dehydrated, bad anatomy, bad proportions, extra limbs, cloned face, disfigured, gross proportions, malformed limbs, missing arms, missing legs, extra arms, extra legs, fused fingers, too many fingers, long neck",
|
104 |
+
"(semi-realistic, cgi, 3d, render, sketch, cartoon, drawing, anime:1.4), text, close up, cropped, out of frame, worst quality, low quality, jpeg artifacts, ugly, duplicate, morbid, mutilated, extra fingers, mutated hands, poorly drawn hands, poorly drawn face, mutation, deformed, blurry, dehydrated, bad anatomy, bad proportions, extra limbs, cloned face, disfigured, gross proportions, malformed limbs, missing arms, missing legs, extra arms, extra legs, fused fingers, too many fingers, long neck"]
|
105 |
+
},
|
106 |
+
{
|
107 |
+
"model_name": "dreamlabsoilV2_v2.safetensors",
|
108 |
+
"model_type": "checkpoint trained",
|
109 |
+
"tag": ["style", "oil painting", "renaissance"],
|
110 |
+
"version": "v2",
|
111 |
+
"trigger_words": ["oil painting"],
|
112 |
+
"base_model": "SD 1.5",
|
113 |
+
"resources_used": ["None"],
|
114 |
+
"example_prompts": ["portrait, upper body, oil painting style, oil painting, elf, fantasy",
|
115 |
+
"1boy, adult, portrait, upper body, oil painting style, oil painting"],
|
116 |
+
"negtive_prompts": ["(worst quality:1.5), (low quality:1.5), (normal quality:1.5), lowres, bad anatomy, bad hands, merged bodyparts, extra limbs, blurry, ugly hands, extra arm, extra hand, split arm, missing finger, extra finger, three fingers, four fingers, six fingers, disfigured, unclear, indistinct, merged fingers, misplaced hand, misplaced foot, signature, watermark, text, artist, distorted, cropped, multiple people, 2girls, 3girls, multiple personas, character sheet, character concept, multiple characters, crop, split screen, animal ears, cat ears, EasyNegative, asian, japanese, chinese, korean, frame, border, painting frame",
|
117 |
+
"(worst quality:1.5), (low quality:1.5), (normal quality:1.5), lowres, bad anatomy, bad hands, merged bodyparts, extra limbs, blurry, ugly hands, extra arm, extra hand, split arm, missing finger, extra finger, three fingers, four fingers, six fingers, disfigured, unclear, indistinct, merged fingers, misplaced hand, misplaced foot, signature, watermark, text, artist, distorted, cropped, multiple people, 2girls, 3girls, multiple personas, character sheet, character concept, multiple characters, crop, split screen, animal ears, cat ears, EasyNegative, asian, japanese, chinese, korean, frame, border, painting frame, artist signature"]
|
118 |
+
},
|
119 |
+
{
|
120 |
+
"model_name": "ghibli_style_offset.safetensors",
|
121 |
+
"model_type": "lora",
|
122 |
+
"tag": ["style", "ghibli", "anime", "art style"],
|
123 |
+
"version": "offset",
|
124 |
+
"trigger_words": ["ghibli style"],
|
125 |
+
"base_model": "SD 1.5",
|
126 |
+
"resources_used": ["anything", "ghibli_style"],
|
127 |
+
"example_prompts": ["ghibli style, san (mononoke hime), 1girl, armlet, bangs, black hair, black undershirt, breasts, cape, circlet, earrings, facepaint, floating hair, forest, fur cape, green eyes, jewelry, looking at viewer, medium breasts, nature, necklace, outdoors, parted bangs, shirt, short hair, sleeveless, sleeveless shirt, solo, tooth necklace, tree, upper body, white shirt, ((masterpiece))<lora:ghibli_style_offset:1.07>",
|
128 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"],
|
129 |
+
"negtive_prompts": ["(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
130 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"]
|
131 |
+
},
|
132 |
+
{
|
133 |
+
"model_name": "dreamshaper_7.safetensors",
|
134 |
+
"model_type": "checkpoint trained",
|
135 |
+
"tag": ["base model", "3d", "anime"],
|
136 |
+
"version": "7",
|
137 |
+
"trigger_words": ["None"],
|
138 |
+
"base_model": "SD 1.5",
|
139 |
+
"resources_used": ["None"],
|
140 |
+
"example_prompts": ["8k portrait of beautiful cyborg with brown hair, intricate, elegant, highly detailed, majestic, digital photography, art by artgerm and ruan jia and greg rutkowski surreal painting gold butterfly filigree, broken glass, (masterpiece, sidelighting, finely detailed beautiful eyes: 1.2), hdr, <lora:more_details:0.36>",
|
141 |
+
"masterpiece, best quality, mecha, no humans, black armor, blue eyes, science fiction, fire, laser canon beam, war, conflict, destroyed city background, <lora:nijiMecha:1.2:MIDD>"],
|
142 |
+
"negtive_prompts": ["lBadDream, FastNegativeV2",
|
143 |
+
"lBadDream, FastNegativeV2"]
|
144 |
+
},
|
145 |
+
{
|
146 |
+
"model_name": "C4D.safetensors",
|
147 |
+
"model_type": "lora",
|
148 |
+
"tag": ["3d", "midjourney", "c4d", "anime"],
|
149 |
+
"version": "v1.0",
|
150 |
+
"trigger_words": ["C4D"],
|
151 |
+
"base_model": "SD 1.5",
|
152 |
+
"resources_used": ["dream shaper"],
|
153 |
+
"example_prompts": ["c4d, cute, 3D, 1girl, bioluminescence, smile, <lora:C4D:0.8>, masterpiece, best quality,",
|
154 |
+
"<lora:C4D:0.8>,c4D, cute, many animals,watermelon, summer,water splash."],
|
155 |
+
"negtive_prompts": ["realistic, BadDream AuroraNegative bad-picture-chill-75v aid291, lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry",
|
156 |
+
"BadDream"]
|
157 |
+
}
|
158 |
+
]
|
model_tree_tot_sd15.json
ADDED
@@ -0,0 +1,1024 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"person": {
|
3 |
+
"universal": [
|
4 |
+
{
|
5 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
6 |
+
"model_type": "checkpoint merge",
|
7 |
+
"tag": [
|
8 |
+
"base model",
|
9 |
+
"realistic"
|
10 |
+
],
|
11 |
+
"version": "v6",
|
12 |
+
"trigger_words": [
|
13 |
+
"None"
|
14 |
+
],
|
15 |
+
"base_model": "SD 1.5",
|
16 |
+
"resources_used": [
|
17 |
+
"majicmix realistic"
|
18 |
+
],
|
19 |
+
"example_prompts": [
|
20 |
+
"close up, dramatic lighting",
|
21 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
22 |
+
],
|
23 |
+
"negtive_prompts": [
|
24 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
25 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
26 |
+
]
|
27 |
+
},
|
28 |
+
{
|
29 |
+
"model_name": "FilmVelvia2.safetensors",
|
30 |
+
"model_type": "lora",
|
31 |
+
"tag": [
|
32 |
+
"film",
|
33 |
+
"universal",
|
34 |
+
"person",
|
35 |
+
"photo",
|
36 |
+
"girls",
|
37 |
+
"woman"
|
38 |
+
],
|
39 |
+
"version": "v2.0",
|
40 |
+
"trigger_words": [
|
41 |
+
"FilmVelvia2"
|
42 |
+
],
|
43 |
+
"base_model": "SD 1.5",
|
44 |
+
"resources_used": [
|
45 |
+
"majicmixRealistic",
|
46 |
+
"FilmVelvia2"
|
47 |
+
],
|
48 |
+
"example_prompts": [
|
49 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
50 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
51 |
+
],
|
52 |
+
"negtive_prompts": [
|
53 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
54 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
55 |
+
]
|
56 |
+
}
|
57 |
+
],
|
58 |
+
"animation": [
|
59 |
+
{
|
60 |
+
"model_name": "animemix_v3_offset.safetensors",
|
61 |
+
"model_type": "lora",
|
62 |
+
"tag": [
|
63 |
+
"style",
|
64 |
+
"japanese anime",
|
65 |
+
"anime screenscap"
|
66 |
+
],
|
67 |
+
"version": "v3 offset",
|
68 |
+
"trigger_words": [
|
69 |
+
"None"
|
70 |
+
],
|
71 |
+
"base_model": "SD 1.5",
|
72 |
+
"resources_used": [
|
73 |
+
"anylora-checkpoint",
|
74 |
+
"animemix_screenscap"
|
75 |
+
],
|
76 |
+
"example_prompts": [
|
77 |
+
"<lora:animemix_v3_offset:1> koe no katachi, shirt, 1girl, collared shirt, long hair, train interior, white shirt, bow, brown hair, short sleeves, letterboxed, bangs, solo, closed mouth, facing viewer, blurry, school uniform, blue bow, dress shirt, upper body, depth of field, hair between eyes, blurry background, bowtie, ground vehicle, indoors, ((masterpiece))",
|
78 |
+
"<lora:animemix_v3_offset:1> masterpiece, best quality, 1girl, aqua eyes, baseball cap, blonde hair, closed mouth, earrings, green background, hat, hoop earrings, jewelry, looking at viewer, shirt, short hair, simple background, solo, upper body, yellow shirt"
|
79 |
+
],
|
80 |
+
"negtive_prompts": [
|
81 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
82 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
83 |
+
]
|
84 |
+
},
|
85 |
+
{
|
86 |
+
"model_name": "cartoonish_v1.safetensors",
|
87 |
+
"model_type": "checkpoint merge",
|
88 |
+
"tag": [
|
89 |
+
"anime",
|
90 |
+
"universal",
|
91 |
+
"girl",
|
92 |
+
"disney",
|
93 |
+
"3d"
|
94 |
+
],
|
95 |
+
"version": "v1",
|
96 |
+
"trigger_words": [
|
97 |
+
"None"
|
98 |
+
],
|
99 |
+
"base_model": "SD 1.5",
|
100 |
+
"resources_used": [
|
101 |
+
"cartoonish"
|
102 |
+
],
|
103 |
+
"example_prompts": [
|
104 |
+
"best quality, masterpiece, blue hair, blue eyes, street, street lamp, upper body",
|
105 |
+
"best quality, masterpiece, green eyes, yellow hair, (Rapunzel:0.8), upper body"
|
106 |
+
],
|
107 |
+
"negtive_prompts": [
|
108 |
+
"(low quality, worst quality:1.4)",
|
109 |
+
"(low quality, worst quality:1.4)"
|
110 |
+
]
|
111 |
+
},
|
112 |
+
{
|
113 |
+
"model_name": "dreamshaper_7.safetensors",
|
114 |
+
"model_type": "checkpoint trained",
|
115 |
+
"tag": [
|
116 |
+
"base model",
|
117 |
+
"3d",
|
118 |
+
"anime"
|
119 |
+
],
|
120 |
+
"version": "7",
|
121 |
+
"trigger_words": [
|
122 |
+
"None"
|
123 |
+
],
|
124 |
+
"base_model": "SD 1.5",
|
125 |
+
"resources_used": [
|
126 |
+
"None"
|
127 |
+
],
|
128 |
+
"example_prompts": [
|
129 |
+
"8k portrait of beautiful cyborg with brown hair, intricate, elegant, highly detailed, majestic, digital photography, art by artgerm and ruan jia and greg rutkowski surreal painting gold butterfly filigree, broken glass, (masterpiece, sidelighting, finely detailed beautiful eyes: 1.2), hdr, <lora:more_details:0.36>",
|
130 |
+
"masterpiece, best quality, mecha, no humans, black armor, blue eyes, science fiction, fire, laser canon beam, war, conflict, destroyed city background, <lora:nijiMecha:1.2:MIDD>"
|
131 |
+
],
|
132 |
+
"negtive_prompts": [
|
133 |
+
"lBadDream, FastNegativeV2",
|
134 |
+
"lBadDream, FastNegativeV2"
|
135 |
+
]
|
136 |
+
}
|
137 |
+
],
|
138 |
+
"realism": [
|
139 |
+
{
|
140 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
141 |
+
"model_type": "checkpoint merge",
|
142 |
+
"tag": [
|
143 |
+
"base model",
|
144 |
+
"realistic"
|
145 |
+
],
|
146 |
+
"version": "v6",
|
147 |
+
"trigger_words": [
|
148 |
+
"None"
|
149 |
+
],
|
150 |
+
"base_model": "SD 1.5",
|
151 |
+
"resources_used": [
|
152 |
+
"majicmix realistic"
|
153 |
+
],
|
154 |
+
"example_prompts": [
|
155 |
+
"close up, dramatic lighting",
|
156 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
157 |
+
],
|
158 |
+
"negtive_prompts": [
|
159 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
160 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
161 |
+
]
|
162 |
+
}
|
163 |
+
],
|
164 |
+
"artistic": [
|
165 |
+
{
|
166 |
+
"model_name": "impasto_painting.safetensors",
|
167 |
+
"model_type": "lora",
|
168 |
+
"tag": [
|
169 |
+
"style",
|
170 |
+
"impasto painting",
|
171 |
+
"art",
|
172 |
+
"paiting"
|
173 |
+
],
|
174 |
+
"version": "SD 1.5",
|
175 |
+
"trigger_words": [
|
176 |
+
"impasto painting"
|
177 |
+
],
|
178 |
+
"base_model": "SD 1.5",
|
179 |
+
"resources_used": [
|
180 |
+
"rev animated",
|
181 |
+
"impasto painting"
|
182 |
+
],
|
183 |
+
"example_prompts": [
|
184 |
+
"<lora:impasto painting:1>impasto painting, paint",
|
185 |
+
"<lora:impasto painting:1>impasto painting, berd"
|
186 |
+
],
|
187 |
+
"negtive_prompts": [
|
188 |
+
"easynegative EasyNegativeV2 badhandv4",
|
189 |
+
"easynegative EasyNegativeV2 badhandv4"
|
190 |
+
]
|
191 |
+
},
|
192 |
+
{
|
193 |
+
"model_name": "ghibli_style_offset.safetensors",
|
194 |
+
"model_type": "lora",
|
195 |
+
"tag": [
|
196 |
+
"style",
|
197 |
+
"ghibli",
|
198 |
+
"anime",
|
199 |
+
"art style"
|
200 |
+
],
|
201 |
+
"version": "offset",
|
202 |
+
"trigger_words": [
|
203 |
+
"ghibli style"
|
204 |
+
],
|
205 |
+
"base_model": "SD 1.5",
|
206 |
+
"resources_used": [
|
207 |
+
"anything",
|
208 |
+
"ghibli_style"
|
209 |
+
],
|
210 |
+
"example_prompts": [
|
211 |
+
"ghibli style, san (mononoke hime), 1girl, armlet, bangs, black hair, black undershirt, breasts, cape, circlet, earrings, facepaint, floating hair, forest, fur cape, green eyes, jewelry, looking at viewer, medium breasts, nature, necklace, outdoors, parted bangs, shirt, short hair, sleeveless, sleeveless shirt, solo, tooth necklace, tree, upper body, white shirt, ((masterpiece))<lora:ghibli_style_offset:1.07>",
|
212 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
213 |
+
],
|
214 |
+
"negtive_prompts": [
|
215 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
216 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
217 |
+
]
|
218 |
+
}
|
219 |
+
],
|
220 |
+
"cinematic": [
|
221 |
+
{
|
222 |
+
"model_name": "FilmVelvia2.safetensors",
|
223 |
+
"model_type": "lora",
|
224 |
+
"tag": [
|
225 |
+
"film",
|
226 |
+
"universal",
|
227 |
+
"person",
|
228 |
+
"photo",
|
229 |
+
"girls",
|
230 |
+
"woman"
|
231 |
+
],
|
232 |
+
"version": "v2.0",
|
233 |
+
"trigger_words": [
|
234 |
+
"FilmVelvia2"
|
235 |
+
],
|
236 |
+
"base_model": "SD 1.5",
|
237 |
+
"resources_used": [
|
238 |
+
"majicmixRealistic",
|
239 |
+
"FilmVelvia2"
|
240 |
+
],
|
241 |
+
"example_prompts": [
|
242 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
243 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
244 |
+
],
|
245 |
+
"negtive_prompts": [
|
246 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
247 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
248 |
+
]
|
249 |
+
},
|
250 |
+
{
|
251 |
+
"model_name": "CineStyle5.safetensors",
|
252 |
+
"model_type": "lora",
|
253 |
+
"tag": [
|
254 |
+
"style",
|
255 |
+
"cinematic",
|
256 |
+
"cinematic lighting"
|
257 |
+
],
|
258 |
+
"version": "v1.0",
|
259 |
+
"trigger_words": [
|
260 |
+
"111cine8matic55"
|
261 |
+
],
|
262 |
+
"base_model": "SD 1.5",
|
263 |
+
"resources_used": [
|
264 |
+
"realisticVisionV60",
|
265 |
+
"CinematicStyle"
|
266 |
+
],
|
267 |
+
"example_prompts": [
|
268 |
+
"A cinematic photo of a young woman with penetrating green eyes and disheveled blonde hair. Dressed in a weathered leather jacket, she's navigating through a foggy, desolate landscape with an old map, a sense of suspense thick in the air. The epic character composition, combined with sharp focus and natural lighting, brings the captivating image to life. The subsurface scattering effect adds a touch of ethereal glow, while the f2 aperture and 35mm lens create a perfect balance of depth and detail. <lora:CineStyle5:0.6> 111cine8matic55",
|
269 |
+
"a young women with blonde hair and green eyes, fireworks in background at night. <lora:CineStyle5:0.6> 111cine8matic55 style"
|
270 |
+
],
|
271 |
+
"negtive_prompts": [
|
272 |
+
"Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers",
|
273 |
+
"multiple people, Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers"
|
274 |
+
]
|
275 |
+
}
|
276 |
+
]
|
277 |
+
},
|
278 |
+
"photo": {
|
279 |
+
"universal": [
|
280 |
+
{
|
281 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
282 |
+
"model_type": "checkpoint merge",
|
283 |
+
"tag": [
|
284 |
+
"base model",
|
285 |
+
"realistic"
|
286 |
+
],
|
287 |
+
"version": "v6",
|
288 |
+
"trigger_words": [
|
289 |
+
"None"
|
290 |
+
],
|
291 |
+
"base_model": "SD 1.5",
|
292 |
+
"resources_used": [
|
293 |
+
"majicmix realistic"
|
294 |
+
],
|
295 |
+
"example_prompts": [
|
296 |
+
"close up, dramatic lighting",
|
297 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
298 |
+
],
|
299 |
+
"negtive_prompts": [
|
300 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
301 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
302 |
+
]
|
303 |
+
},
|
304 |
+
{
|
305 |
+
"model_name": "FilmVelvia2.safetensors",
|
306 |
+
"model_type": "lora",
|
307 |
+
"tag": [
|
308 |
+
"film",
|
309 |
+
"universal",
|
310 |
+
"person",
|
311 |
+
"photo",
|
312 |
+
"girls",
|
313 |
+
"woman"
|
314 |
+
],
|
315 |
+
"version": "v2.0",
|
316 |
+
"trigger_words": [
|
317 |
+
"FilmVelvia2"
|
318 |
+
],
|
319 |
+
"base_model": "SD 1.5",
|
320 |
+
"resources_used": [
|
321 |
+
"majicmixRealistic",
|
322 |
+
"FilmVelvia2"
|
323 |
+
],
|
324 |
+
"example_prompts": [
|
325 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
326 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
327 |
+
],
|
328 |
+
"negtive_prompts": [
|
329 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
330 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
331 |
+
]
|
332 |
+
}
|
333 |
+
],
|
334 |
+
"animation": [
|
335 |
+
{
|
336 |
+
"model_name": "animemix_v3_offset.safetensors",
|
337 |
+
"model_type": "lora",
|
338 |
+
"tag": [
|
339 |
+
"style",
|
340 |
+
"japanese anime",
|
341 |
+
"anime screenscap"
|
342 |
+
],
|
343 |
+
"version": "v3 offset",
|
344 |
+
"trigger_words": [
|
345 |
+
"None"
|
346 |
+
],
|
347 |
+
"base_model": "SD 1.5",
|
348 |
+
"resources_used": [
|
349 |
+
"anylora-checkpoint",
|
350 |
+
"animemix_screenscap"
|
351 |
+
],
|
352 |
+
"example_prompts": [
|
353 |
+
"<lora:animemix_v3_offset:1> koe no katachi, shirt, 1girl, collared shirt, long hair, train interior, white shirt, bow, brown hair, short sleeves, letterboxed, bangs, solo, closed mouth, facing viewer, blurry, school uniform, blue bow, dress shirt, upper body, depth of field, hair between eyes, blurry background, bowtie, ground vehicle, indoors, ((masterpiece))",
|
354 |
+
"<lora:animemix_v3_offset:1> masterpiece, best quality, 1girl, aqua eyes, baseball cap, blonde hair, closed mouth, earrings, green background, hat, hoop earrings, jewelry, looking at viewer, shirt, short hair, simple background, solo, upper body, yellow shirt"
|
355 |
+
],
|
356 |
+
"negtive_prompts": [
|
357 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
358 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
359 |
+
]
|
360 |
+
},
|
361 |
+
{
|
362 |
+
"model_name": "cartoonish_v1.safetensors",
|
363 |
+
"model_type": "checkpoint merge",
|
364 |
+
"tag": [
|
365 |
+
"anime",
|
366 |
+
"universal",
|
367 |
+
"girl",
|
368 |
+
"disney",
|
369 |
+
"3d"
|
370 |
+
],
|
371 |
+
"version": "v1",
|
372 |
+
"trigger_words": [
|
373 |
+
"None"
|
374 |
+
],
|
375 |
+
"base_model": "SD 1.5",
|
376 |
+
"resources_used": [
|
377 |
+
"cartoonish"
|
378 |
+
],
|
379 |
+
"example_prompts": [
|
380 |
+
"best quality, masterpiece, blue hair, blue eyes, street, street lamp, upper body",
|
381 |
+
"best quality, masterpiece, green eyes, yellow hair, (Rapunzel:0.8), upper body"
|
382 |
+
],
|
383 |
+
"negtive_prompts": [
|
384 |
+
"(low quality, worst quality:1.4)",
|
385 |
+
"(low quality, worst quality:1.4)"
|
386 |
+
]
|
387 |
+
},
|
388 |
+
{
|
389 |
+
"model_name": "dreamshaper_7.safetensors",
|
390 |
+
"model_type": "checkpoint trained",
|
391 |
+
"tag": [
|
392 |
+
"base model",
|
393 |
+
"3d",
|
394 |
+
"anime"
|
395 |
+
],
|
396 |
+
"version": "7",
|
397 |
+
"trigger_words": [
|
398 |
+
"None"
|
399 |
+
],
|
400 |
+
"base_model": "SD 1.5",
|
401 |
+
"resources_used": [
|
402 |
+
"None"
|
403 |
+
],
|
404 |
+
"example_prompts": [
|
405 |
+
"8k portrait of beautiful cyborg with brown hair, intricate, elegant, highly detailed, majestic, digital photography, art by artgerm and ruan jia and greg rutkowski surreal painting gold butterfly filigree, broken glass, (masterpiece, sidelighting, finely detailed beautiful eyes: 1.2), hdr, <lora:more_details:0.36>",
|
406 |
+
"masterpiece, best quality, mecha, no humans, black armor, blue eyes, science fiction, fire, laser canon beam, war, conflict, destroyed city background, <lora:nijiMecha:1.2:MIDD>"
|
407 |
+
],
|
408 |
+
"negtive_prompts": [
|
409 |
+
"lBadDream, FastNegativeV2",
|
410 |
+
"lBadDream, FastNegativeV2"
|
411 |
+
]
|
412 |
+
}
|
413 |
+
],
|
414 |
+
"realism": [
|
415 |
+
{
|
416 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
417 |
+
"model_type": "checkpoint merge",
|
418 |
+
"tag": [
|
419 |
+
"base model",
|
420 |
+
"realistic"
|
421 |
+
],
|
422 |
+
"version": "v6",
|
423 |
+
"trigger_words": [
|
424 |
+
"None"
|
425 |
+
],
|
426 |
+
"base_model": "SD 1.5",
|
427 |
+
"resources_used": [
|
428 |
+
"majicmix realistic"
|
429 |
+
],
|
430 |
+
"example_prompts": [
|
431 |
+
"close up, dramatic lighting",
|
432 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
433 |
+
],
|
434 |
+
"negtive_prompts": [
|
435 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
436 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
437 |
+
]
|
438 |
+
}
|
439 |
+
],
|
440 |
+
"artistic": [
|
441 |
+
{
|
442 |
+
"model_name": "impasto_painting.safetensors",
|
443 |
+
"model_type": "lora",
|
444 |
+
"tag": [
|
445 |
+
"style",
|
446 |
+
"impasto painting",
|
447 |
+
"art",
|
448 |
+
"paiting"
|
449 |
+
],
|
450 |
+
"version": "SD 1.5",
|
451 |
+
"trigger_words": [
|
452 |
+
"impasto painting"
|
453 |
+
],
|
454 |
+
"base_model": "SD 1.5",
|
455 |
+
"resources_used": [
|
456 |
+
"rev animated",
|
457 |
+
"impasto painting"
|
458 |
+
],
|
459 |
+
"example_prompts": [
|
460 |
+
"<lora:impasto painting:1>impasto painting, paint",
|
461 |
+
"<lora:impasto painting:1>impasto painting, berd"
|
462 |
+
],
|
463 |
+
"negtive_prompts": [
|
464 |
+
"easynegative EasyNegativeV2 badhandv4",
|
465 |
+
"easynegative EasyNegativeV2 badhandv4"
|
466 |
+
]
|
467 |
+
},
|
468 |
+
{
|
469 |
+
"model_name": "ghibli_style_offset.safetensors",
|
470 |
+
"model_type": "lora",
|
471 |
+
"tag": [
|
472 |
+
"style",
|
473 |
+
"ghibli",
|
474 |
+
"anime",
|
475 |
+
"art style"
|
476 |
+
],
|
477 |
+
"version": "offset",
|
478 |
+
"trigger_words": [
|
479 |
+
"ghibli style"
|
480 |
+
],
|
481 |
+
"base_model": "SD 1.5",
|
482 |
+
"resources_used": [
|
483 |
+
"anything",
|
484 |
+
"ghibli_style"
|
485 |
+
],
|
486 |
+
"example_prompts": [
|
487 |
+
"ghibli style, san (mononoke hime), 1girl, armlet, bangs, black hair, black undershirt, breasts, cape, circlet, earrings, facepaint, floating hair, forest, fur cape, green eyes, jewelry, looking at viewer, medium breasts, nature, necklace, outdoors, parted bangs, shirt, short hair, sleeveless, sleeveless shirt, solo, tooth necklace, tree, upper body, white shirt, ((masterpiece))<lora:ghibli_style_offset:1.07>",
|
488 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
489 |
+
],
|
490 |
+
"negtive_prompts": [
|
491 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
492 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
493 |
+
]
|
494 |
+
}
|
495 |
+
],
|
496 |
+
"cinematic": [
|
497 |
+
{
|
498 |
+
"model_name": "FilmVelvia2.safetensors",
|
499 |
+
"model_type": "lora",
|
500 |
+
"tag": [
|
501 |
+
"film",
|
502 |
+
"universal",
|
503 |
+
"person",
|
504 |
+
"photo",
|
505 |
+
"girls",
|
506 |
+
"woman"
|
507 |
+
],
|
508 |
+
"version": "v2.0",
|
509 |
+
"trigger_words": [
|
510 |
+
"FilmVelvia2"
|
511 |
+
],
|
512 |
+
"base_model": "SD 1.5",
|
513 |
+
"resources_used": [
|
514 |
+
"majicmixRealistic",
|
515 |
+
"FilmVelvia2"
|
516 |
+
],
|
517 |
+
"example_prompts": [
|
518 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
519 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
520 |
+
],
|
521 |
+
"negtive_prompts": [
|
522 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
523 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
524 |
+
]
|
525 |
+
},
|
526 |
+
{
|
527 |
+
"model_name": "CineStyle5.safetensors",
|
528 |
+
"model_type": "lora",
|
529 |
+
"tag": [
|
530 |
+
"style",
|
531 |
+
"cinematic",
|
532 |
+
"cinematic lighting"
|
533 |
+
],
|
534 |
+
"version": "v1.0",
|
535 |
+
"trigger_words": [
|
536 |
+
"111cine8matic55"
|
537 |
+
],
|
538 |
+
"base_model": "SD 1.5",
|
539 |
+
"resources_used": [
|
540 |
+
"realisticVisionV60",
|
541 |
+
"CinematicStyle"
|
542 |
+
],
|
543 |
+
"example_prompts": [
|
544 |
+
"A cinematic photo of a young woman with penetrating green eyes and disheveled blonde hair. Dressed in a weathered leather jacket, she's navigating through a foggy, desolate landscape with an old map, a sense of suspense thick in the air. The epic character composition, combined with sharp focus and natural lighting, brings the captivating image to life. The subsurface scattering effect adds a touch of ethereal glow, while the f2 aperture and 35mm lens create a perfect balance of depth and detail. <lora:CineStyle5:0.6> 111cine8matic55",
|
545 |
+
"a young women with blonde hair and green eyes, fireworks in background at night. <lora:CineStyle5:0.6> 111cine8matic55 style"
|
546 |
+
],
|
547 |
+
"negtive_prompts": [
|
548 |
+
"Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers",
|
549 |
+
"multiple people, Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers"
|
550 |
+
]
|
551 |
+
}
|
552 |
+
]
|
553 |
+
},
|
554 |
+
"universal": {
|
555 |
+
"universal": [
|
556 |
+
{
|
557 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
558 |
+
"model_type": "checkpoint merge",
|
559 |
+
"tag": [
|
560 |
+
"base model",
|
561 |
+
"realistic"
|
562 |
+
],
|
563 |
+
"version": "v6",
|
564 |
+
"trigger_words": [
|
565 |
+
"None"
|
566 |
+
],
|
567 |
+
"base_model": "SD 1.5",
|
568 |
+
"resources_used": [
|
569 |
+
"majicmix realistic"
|
570 |
+
],
|
571 |
+
"example_prompts": [
|
572 |
+
"close up, dramatic lighting",
|
573 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
574 |
+
],
|
575 |
+
"negtive_prompts": [
|
576 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
577 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
578 |
+
]
|
579 |
+
},
|
580 |
+
{
|
581 |
+
"model_name": "FilmVelvia2.safetensors",
|
582 |
+
"model_type": "lora",
|
583 |
+
"tag": [
|
584 |
+
"film",
|
585 |
+
"universal",
|
586 |
+
"person",
|
587 |
+
"photo",
|
588 |
+
"girls",
|
589 |
+
"woman"
|
590 |
+
],
|
591 |
+
"version": "v2.0",
|
592 |
+
"trigger_words": [
|
593 |
+
"FilmVelvia2"
|
594 |
+
],
|
595 |
+
"base_model": "SD 1.5",
|
596 |
+
"resources_used": [
|
597 |
+
"majicmixRealistic",
|
598 |
+
"FilmVelvia2"
|
599 |
+
],
|
600 |
+
"example_prompts": [
|
601 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
602 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
603 |
+
],
|
604 |
+
"negtive_prompts": [
|
605 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
606 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
607 |
+
]
|
608 |
+
}
|
609 |
+
],
|
610 |
+
"animation": [
|
611 |
+
{
|
612 |
+
"model_name": "animemix_v3_offset.safetensors",
|
613 |
+
"model_type": "lora",
|
614 |
+
"tag": [
|
615 |
+
"style",
|
616 |
+
"japanese anime",
|
617 |
+
"anime screenscap"
|
618 |
+
],
|
619 |
+
"version": "v3 offset",
|
620 |
+
"trigger_words": [
|
621 |
+
"None"
|
622 |
+
],
|
623 |
+
"base_model": "SD 1.5",
|
624 |
+
"resources_used": [
|
625 |
+
"anylora-checkpoint",
|
626 |
+
"animemix_screenscap"
|
627 |
+
],
|
628 |
+
"example_prompts": [
|
629 |
+
"<lora:animemix_v3_offset:1> koe no katachi, shirt, 1girl, collared shirt, long hair, train interior, white shirt, bow, brown hair, short sleeves, letterboxed, bangs, solo, closed mouth, facing viewer, blurry, school uniform, blue bow, dress shirt, upper body, depth of field, hair between eyes, blurry background, bowtie, ground vehicle, indoors, ((masterpiece))",
|
630 |
+
"<lora:animemix_v3_offset:1> masterpiece, best quality, 1girl, aqua eyes, baseball cap, blonde hair, closed mouth, earrings, green background, hat, hoop earrings, jewelry, looking at viewer, shirt, short hair, simple background, solo, upper body, yellow shirt"
|
631 |
+
],
|
632 |
+
"negtive_prompts": [
|
633 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
634 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, (signature), watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
635 |
+
]
|
636 |
+
},
|
637 |
+
{
|
638 |
+
"model_name": "cartoonish_v1.safetensors",
|
639 |
+
"model_type": "checkpoint merge",
|
640 |
+
"tag": [
|
641 |
+
"anime",
|
642 |
+
"universal",
|
643 |
+
"girl",
|
644 |
+
"disney",
|
645 |
+
"3d"
|
646 |
+
],
|
647 |
+
"version": "v1",
|
648 |
+
"trigger_words": [
|
649 |
+
"None"
|
650 |
+
],
|
651 |
+
"base_model": "SD 1.5",
|
652 |
+
"resources_used": [
|
653 |
+
"cartoonish"
|
654 |
+
],
|
655 |
+
"example_prompts": [
|
656 |
+
"best quality, masterpiece, blue hair, blue eyes, street, street lamp, upper body",
|
657 |
+
"best quality, masterpiece, green eyes, yellow hair, (Rapunzel:0.8), upper body"
|
658 |
+
],
|
659 |
+
"negtive_prompts": [
|
660 |
+
"(low quality, worst quality:1.4)",
|
661 |
+
"(low quality, worst quality:1.4)"
|
662 |
+
]
|
663 |
+
},
|
664 |
+
{
|
665 |
+
"model_name": "dreamshaper_7.safetensors",
|
666 |
+
"model_type": "checkpoint trained",
|
667 |
+
"tag": [
|
668 |
+
"base model",
|
669 |
+
"3d",
|
670 |
+
"anime"
|
671 |
+
],
|
672 |
+
"version": "7",
|
673 |
+
"trigger_words": [
|
674 |
+
"None"
|
675 |
+
],
|
676 |
+
"base_model": "SD 1.5",
|
677 |
+
"resources_used": [
|
678 |
+
"None"
|
679 |
+
],
|
680 |
+
"example_prompts": [
|
681 |
+
"8k portrait of beautiful cyborg with brown hair, intricate, elegant, highly detailed, majestic, digital photography, art by artgerm and ruan jia and greg rutkowski surreal painting gold butterfly filigree, broken glass, (masterpiece, sidelighting, finely detailed beautiful eyes: 1.2), hdr, <lora:more_details:0.36>",
|
682 |
+
"masterpiece, best quality, mecha, no humans, black armor, blue eyes, science fiction, fire, laser canon beam, war, conflict, destroyed city background, <lora:nijiMecha:1.2:MIDD>"
|
683 |
+
],
|
684 |
+
"negtive_prompts": [
|
685 |
+
"lBadDream, FastNegativeV2",
|
686 |
+
"lBadDream, FastNegativeV2"
|
687 |
+
]
|
688 |
+
}
|
689 |
+
],
|
690 |
+
"realism": [
|
691 |
+
{
|
692 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
693 |
+
"model_type": "checkpoint merge",
|
694 |
+
"tag": [
|
695 |
+
"base model",
|
696 |
+
"realistic"
|
697 |
+
],
|
698 |
+
"version": "v6",
|
699 |
+
"trigger_words": [
|
700 |
+
"None"
|
701 |
+
],
|
702 |
+
"base_model": "SD 1.5",
|
703 |
+
"resources_used": [
|
704 |
+
"majicmix realistic"
|
705 |
+
],
|
706 |
+
"example_prompts": [
|
707 |
+
"close up, dramatic lighting",
|
708 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
709 |
+
],
|
710 |
+
"negtive_prompts": [
|
711 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
712 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
713 |
+
]
|
714 |
+
}
|
715 |
+
],
|
716 |
+
"artistic": [
|
717 |
+
{
|
718 |
+
"model_name": "impasto_painting.safetensors",
|
719 |
+
"model_type": "lora",
|
720 |
+
"tag": [
|
721 |
+
"style",
|
722 |
+
"impasto painting",
|
723 |
+
"art",
|
724 |
+
"paiting"
|
725 |
+
],
|
726 |
+
"version": "SD 1.5",
|
727 |
+
"trigger_words": [
|
728 |
+
"impasto painting"
|
729 |
+
],
|
730 |
+
"base_model": "SD 1.5",
|
731 |
+
"resources_used": [
|
732 |
+
"rev animated",
|
733 |
+
"impasto painting"
|
734 |
+
],
|
735 |
+
"example_prompts": [
|
736 |
+
"<lora:impasto painting:1>impasto painting, paint",
|
737 |
+
"<lora:impasto painting:1>impasto painting, berd"
|
738 |
+
],
|
739 |
+
"negtive_prompts": [
|
740 |
+
"easynegative EasyNegativeV2 badhandv4",
|
741 |
+
"easynegative EasyNegativeV2 badhandv4"
|
742 |
+
]
|
743 |
+
},
|
744 |
+
{
|
745 |
+
"model_name": "ghibli_style_offset.safetensors",
|
746 |
+
"model_type": "lora",
|
747 |
+
"tag": [
|
748 |
+
"style",
|
749 |
+
"ghibli",
|
750 |
+
"anime",
|
751 |
+
"art style"
|
752 |
+
],
|
753 |
+
"version": "offset",
|
754 |
+
"trigger_words": [
|
755 |
+
"ghibli style"
|
756 |
+
],
|
757 |
+
"base_model": "SD 1.5",
|
758 |
+
"resources_used": [
|
759 |
+
"anything",
|
760 |
+
"ghibli_style"
|
761 |
+
],
|
762 |
+
"example_prompts": [
|
763 |
+
"ghibli style, san (mononoke hime), 1girl, armlet, bangs, black hair, black undershirt, breasts, cape, circlet, earrings, facepaint, floating hair, forest, fur cape, green eyes, jewelry, looking at viewer, medium breasts, nature, necklace, outdoors, parted bangs, shirt, short hair, sleeveless, sleeveless shirt, solo, tooth necklace, tree, upper body, white shirt, ((masterpiece))<lora:ghibli_style_offset:1.07>",
|
764 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
765 |
+
],
|
766 |
+
"negtive_prompts": [
|
767 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
768 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
769 |
+
]
|
770 |
+
}
|
771 |
+
],
|
772 |
+
"cinematic": [
|
773 |
+
{
|
774 |
+
"model_name": "FilmVelvia2.safetensors",
|
775 |
+
"model_type": "lora",
|
776 |
+
"tag": [
|
777 |
+
"film",
|
778 |
+
"universal",
|
779 |
+
"person",
|
780 |
+
"photo",
|
781 |
+
"girls",
|
782 |
+
"woman"
|
783 |
+
],
|
784 |
+
"version": "v2.0",
|
785 |
+
"trigger_words": [
|
786 |
+
"FilmVelvia2"
|
787 |
+
],
|
788 |
+
"base_model": "SD 1.5",
|
789 |
+
"resources_used": [
|
790 |
+
"majicmixRealistic",
|
791 |
+
"FilmVelvia2"
|
792 |
+
],
|
793 |
+
"example_prompts": [
|
794 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
795 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
796 |
+
],
|
797 |
+
"negtive_prompts": [
|
798 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
799 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
800 |
+
]
|
801 |
+
},
|
802 |
+
{
|
803 |
+
"model_name": "CineStyle5.safetensors",
|
804 |
+
"model_type": "lora",
|
805 |
+
"tag": [
|
806 |
+
"style",
|
807 |
+
"cinematic",
|
808 |
+
"cinematic lighting"
|
809 |
+
],
|
810 |
+
"version": "v1.0",
|
811 |
+
"trigger_words": [
|
812 |
+
"111cine8matic55"
|
813 |
+
],
|
814 |
+
"base_model": "SD 1.5",
|
815 |
+
"resources_used": [
|
816 |
+
"realisticVisionV60",
|
817 |
+
"CinematicStyle"
|
818 |
+
],
|
819 |
+
"example_prompts": [
|
820 |
+
"A cinematic photo of a young woman with penetrating green eyes and disheveled blonde hair. Dressed in a weathered leather jacket, she's navigating through a foggy, desolate landscape with an old map, a sense of suspense thick in the air. The epic character composition, combined with sharp focus and natural lighting, brings the captivating image to life. The subsurface scattering effect adds a touch of ethereal glow, while the f2 aperture and 35mm lens create a perfect balance of depth and detail. <lora:CineStyle5:0.6> 111cine8matic55",
|
821 |
+
"a young women with blonde hair and green eyes, fireworks in background at night. <lora:CineStyle5:0.6> 111cine8matic55 style"
|
822 |
+
],
|
823 |
+
"negtive_prompts": [
|
824 |
+
"Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers",
|
825 |
+
"multiple people, Watermark, Text, censored, deformed, bad anatomy, disfigured, poorly drawn face, mutated, extra limb, ugly, poorly drawn hands, missing limb, floating limbs, disconnected limbs, disconnected head, malformed hands, long neck, mutated hands and fingers, bad hands, missing fingers, cropped, worst quality, low quality, mutation, poorly drawn, huge calf, bad hands, fused hand, missing hand, disappearing arms, disappearing thigh, disappearing calf, disappearing legs, missing fingers, fused fingers, abnormal eye proportion, Abnormal hands, abnormal legs, abnormal feet, abnormal fingers"
|
826 |
+
]
|
827 |
+
}
|
828 |
+
]
|
829 |
+
},
|
830 |
+
"3d": {
|
831 |
+
"universal": [
|
832 |
+
{
|
833 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
834 |
+
"model_type": "checkpoint merge",
|
835 |
+
"tag": [
|
836 |
+
"base model",
|
837 |
+
"realistic"
|
838 |
+
],
|
839 |
+
"version": "v6",
|
840 |
+
"trigger_words": [
|
841 |
+
"None"
|
842 |
+
],
|
843 |
+
"base_model": "SD 1.5",
|
844 |
+
"resources_used": [
|
845 |
+
"majicmix realistic"
|
846 |
+
],
|
847 |
+
"example_prompts": [
|
848 |
+
"close up, dramatic lighting",
|
849 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
850 |
+
],
|
851 |
+
"negtive_prompts": [
|
852 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
853 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
854 |
+
]
|
855 |
+
},
|
856 |
+
{
|
857 |
+
"model_name": "FilmVelvia2.safetensors",
|
858 |
+
"model_type": "lora",
|
859 |
+
"tag": [
|
860 |
+
"film",
|
861 |
+
"universal",
|
862 |
+
"person",
|
863 |
+
"photo",
|
864 |
+
"girls",
|
865 |
+
"woman"
|
866 |
+
],
|
867 |
+
"version": "v2.0",
|
868 |
+
"trigger_words": [
|
869 |
+
"FilmVelvia2"
|
870 |
+
],
|
871 |
+
"base_model": "SD 1.5",
|
872 |
+
"resources_used": [
|
873 |
+
"majicmixRealistic",
|
874 |
+
"FilmVelvia2"
|
875 |
+
],
|
876 |
+
"example_prompts": [
|
877 |
+
"young 1girl with braided hair and fluffy cat ears, dressed in Off-Shoulder Sundress, standing in a rustic farm setting. She has a soft, gentle smile, expressive eyes and sexy cleavage. The background features a charming barn, fields of golden wheat, and a clear blue sky. The composition should be bathed in the warm, golden hour light, with a gentle depth of field and soft bokeh to accentuate the pastoral serenity. Capture the image as if it were taken on an old-school 35mm film for added charm, looking at viewer, <lora:FilmVelvia2:0.6>",
|
878 |
+
"fashion photography portrait of woman avatar, 1girl in blue lush Alien Rainforest with flowers and birds, fantasy, octane render, hdr, Dolby Vision, (intricate details, hyperdetailed:1.2), (natural skin texture, hyperrealism, soft light:1.2), fluffy short hair, , sharp focus, night, necklace, Chinese mythology, cleavage, medium breasts, sci-fi headband, looking at viewer, best quality, perfect body, <lora:FilmVelvia2:0.6>"
|
879 |
+
],
|
880 |
+
"negtive_prompts": [
|
881 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)",
|
882 |
+
"cartoon, anime, sketches,(worst quality, low quality), (deformed, distorted, disfigured), (bad eyes, wrong lips, weird mouth, bad teeth, mutated hands and fingers:1.2), bad anatomy, wrong anatomy, amputation, extra limb, missing limb, floating limbs, disconnected limbs, mutation, ugly, disgusting, (bad_pictures, negative_hand-neg:1.2)"
|
883 |
+
]
|
884 |
+
}
|
885 |
+
],
|
886 |
+
"animation": [
|
887 |
+
{
|
888 |
+
"model_name": "lou.safetensors",
|
889 |
+
"model_type": "lora",
|
890 |
+
"tag": [
|
891 |
+
"style",
|
892 |
+
"3d",
|
893 |
+
"3dcg",
|
894 |
+
"cg art"
|
895 |
+
],
|
896 |
+
"version": "v1.0",
|
897 |
+
"trigger_words": [
|
898 |
+
"nvo"
|
899 |
+
],
|
900 |
+
"base_model": "SD 1.5",
|
901 |
+
"resources_used": [
|
902 |
+
"majicmixRealistic",
|
903 |
+
"lou"
|
904 |
+
],
|
905 |
+
"example_prompts": [
|
906 |
+
"<lora:lou:1>,best quality ,masterpiece,1girl,3d , realistic,CG ,unity ,8k wallpaper, black-framed_eyewear, black_hair, bow, eyewear_removed, fishnet_legwear, glasses, holding, holding_eyewear, lips, long_sleeves, looking_at_viewer, makeup, over-rim_eyewear, pantyhose, pleated_skirt, realistic, red-framed_eyewear, red_bow, red_lips, round_eyewear, sailor_collar, school_uniform, semi-rimless_eyewear, serafuku, short_hair, skirt, solo, standing, under-rim_eyewear",
|
907 |
+
"<lora:lou:1>,best quality ,masterpiece,1girl,3d , realistic,CG ,unity ,8k wallpaper,solo"
|
908 |
+
],
|
909 |
+
"negtive_prompts": [
|
910 |
+
"bad-picture-chill-75v,sketches, (worst quality:2), (low quality:2), (normal quality:2), lowres, normal quality, ((monochrome)), ((grayscale)), skin spots, acnes, skin blemishes, bad anatomy,(long hair:1.4),DeepNegative,(fat:1.2),facing away, tilted head, lowres,bad anatomy,bad hands, text, error, missing fingers,extra digit, fewer digits, cropped, worstquality, low quality, normal quality,jpegartifacts,signature, watermark, username,blurry,bad feet,cropped,poorly drawn hands,poorly drawn face,mutation,deformed,worst quality,low quality,normal quality,jpeg artifacts,signature,watermark,extra fingers,fewer digits,extra limbs,extra arms,extra legs,malformed limbs,fused fingers,too many fingers,long neck,cross-eyed,mutated hands,polar lowres,bad body,bad proportions,gross proportions,text,error,missing fingers,missing arms,missing legs,extra digit, extra arms, extra leg, extra foot,mole",
|
911 |
+
"bad-picture-chill-75v,sketches, (worst quality:2), (low quality:2), (normal quality:2), lowres, normal quality, ((monochrome)), ((grayscale)), skin spots, acnes, skin blemishes, bad anatomy,(long hair:1.4),DeepNegative,(fat:1.2),facing away, tilted head, lowres,bad anatomy,bad hands, text, error, missing fingers,extra digit, fewer digits, cropped, worstquality, low quality, normal quality,jpegartifacts,signature, watermark, username,blurry,bad feet,cropped,poorly drawn hands,poorly drawn face,mutation,deformed,worst quality,low quality,normal quality,jpeg artifacts,signature,watermark,extra fingers,fewer digits,extra limbs,extra arms,extra legs,malformed limbs,fused fingers,too many fingers,long neck,cross-eyed,mutated hands,polar lowres,bad body,bad proportions,gross proportions,text,error,missing fingers,missing arms,missing legs,extra digit, extra arms, extra leg, extra foot,mole"
|
912 |
+
]
|
913 |
+
},
|
914 |
+
{
|
915 |
+
"model_name": "dreamshaper_7.safetensors",
|
916 |
+
"model_type": "checkpoint trained",
|
917 |
+
"tag": [
|
918 |
+
"base model",
|
919 |
+
"3d",
|
920 |
+
"anime"
|
921 |
+
],
|
922 |
+
"version": "7",
|
923 |
+
"trigger_words": [
|
924 |
+
"None"
|
925 |
+
],
|
926 |
+
"base_model": "SD 1.5",
|
927 |
+
"resources_used": [
|
928 |
+
"None"
|
929 |
+
],
|
930 |
+
"example_prompts": [
|
931 |
+
"8k portrait of beautiful cyborg with brown hair, intricate, elegant, highly detailed, majestic, digital photography, art by artgerm and ruan jia and greg rutkowski surreal painting gold butterfly filigree, broken glass, (masterpiece, sidelighting, finely detailed beautiful eyes: 1.2), hdr, <lora:more_details:0.36>",
|
932 |
+
"masterpiece, best quality, mecha, no humans, black armor, blue eyes, science fiction, fire, laser canon beam, war, conflict, destroyed city background, <lora:nijiMecha:1.2:MIDD>"
|
933 |
+
],
|
934 |
+
"negtive_prompts": [
|
935 |
+
"lBadDream, FastNegativeV2",
|
936 |
+
"lBadDream, FastNegativeV2"
|
937 |
+
]
|
938 |
+
}
|
939 |
+
],
|
940 |
+
"realism": [
|
941 |
+
{
|
942 |
+
"model_name": "majicmixRealistic_v6.safetensors",
|
943 |
+
"model_type": "checkpoint merge",
|
944 |
+
"tag": [
|
945 |
+
"base model",
|
946 |
+
"realistic"
|
947 |
+
],
|
948 |
+
"version": "v6",
|
949 |
+
"trigger_words": [
|
950 |
+
"None"
|
951 |
+
],
|
952 |
+
"base_model": "SD 1.5",
|
953 |
+
"resources_used": [
|
954 |
+
"majicmix realistic"
|
955 |
+
],
|
956 |
+
"example_prompts": [
|
957 |
+
"close up, dramatic lighting",
|
958 |
+
"best quality, masterpiece, (photorealistic:1.4), 1boy, beard, dramatic lighting"
|
959 |
+
],
|
960 |
+
"negtive_prompts": [
|
961 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome",
|
962 |
+
"nsfw, ng_deepnegative_v1_75t,badhandv4, (worst quality:2), (low quality:2), (normal quality:2), lowres,watermark, monochrome"
|
963 |
+
]
|
964 |
+
}
|
965 |
+
],
|
966 |
+
"artistic": [
|
967 |
+
{
|
968 |
+
"model_name": "ghibli_style_offset.safetensors",
|
969 |
+
"model_type": "lora",
|
970 |
+
"tag": [
|
971 |
+
"style",
|
972 |
+
"ghibli",
|
973 |
+
"anime",
|
974 |
+
"art style"
|
975 |
+
],
|
976 |
+
"version": "offset",
|
977 |
+
"trigger_words": [
|
978 |
+
"ghibli style"
|
979 |
+
],
|
980 |
+
"base_model": "SD 1.5",
|
981 |
+
"resources_used": [
|
982 |
+
"anything",
|
983 |
+
"ghibli_style"
|
984 |
+
],
|
985 |
+
"example_prompts": [
|
986 |
+
"ghibli style, san (mononoke hime), 1girl, armlet, bangs, black hair, black undershirt, breasts, cape, circlet, earrings, facepaint, floating hair, forest, fur cape, green eyes, jewelry, looking at viewer, medium breasts, nature, necklace, outdoors, parted bangs, shirt, short hair, sleeveless, sleeveless shirt, solo, tooth necklace, tree, upper body, white shirt, ((masterpiece))<lora:ghibli_style_offset:1.07>",
|
987 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
988 |
+
],
|
989 |
+
"negtive_prompts": [
|
990 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy",
|
991 |
+
"(painting by bad-artist-anime:0.9), (painting by bad-artist:0.9), watermark, text, error, blurry, jpeg artifacts, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, artist name, (worst quality, low quality:1.4), bad anatomy"
|
992 |
+
]
|
993 |
+
}
|
994 |
+
],
|
995 |
+
"cinematic": [
|
996 |
+
{
|
997 |
+
"model_name": "C4D.safetensors",
|
998 |
+
"model_type": "lora",
|
999 |
+
"tag": [
|
1000 |
+
"3d",
|
1001 |
+
"midjourney",
|
1002 |
+
"c4d",
|
1003 |
+
"anime"
|
1004 |
+
],
|
1005 |
+
"version": "v1.0",
|
1006 |
+
"trigger_words": [
|
1007 |
+
"C4D"
|
1008 |
+
],
|
1009 |
+
"base_model": "SD 1.5",
|
1010 |
+
"resources_used": [
|
1011 |
+
"dream shaper"
|
1012 |
+
],
|
1013 |
+
"example_prompts": [
|
1014 |
+
"c4d, cute, 3D, 1girl, bioluminescence, smile, <lora:C4D:0.8>, masterpiece, best quality,",
|
1015 |
+
"<lora:C4D:0.8>,c4D, cute, many animals,watermelon, summer,water splash."
|
1016 |
+
],
|
1017 |
+
"negtive_prompts": [
|
1018 |
+
"realistic, BadDream AuroraNegative bad-picture-chill-75v aid291, lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry",
|
1019 |
+
"BadDream"
|
1020 |
+
]
|
1021 |
+
}
|
1022 |
+
]
|
1023 |
+
}
|
1024 |
+
}
|
requirements.txt
ADDED
@@ -0,0 +1,32 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
langchain==0.0.101
|
2 |
+
wget>=3.2
|
3 |
+
accelerate
|
4 |
+
addict
|
5 |
+
albumentations
|
6 |
+
basicsr
|
7 |
+
controlnet-aux
|
8 |
+
diffusers>0.18.0
|
9 |
+
einops
|
10 |
+
gradio
|
11 |
+
imageio
|
12 |
+
imageio-ffmpeg
|
13 |
+
invisible-watermark
|
14 |
+
kornia
|
15 |
+
numpy
|
16 |
+
omegaconf
|
17 |
+
open_clip_torch
|
18 |
+
openai
|
19 |
+
opencv-python
|
20 |
+
prettytable
|
21 |
+
safetensors
|
22 |
+
streamlit
|
23 |
+
test-tube
|
24 |
+
timm
|
25 |
+
torchmetrics
|
26 |
+
transformers
|
27 |
+
webdataset
|
28 |
+
yapf
|
29 |
+
langchain_llm_api
|
30 |
+
sentence_transformers
|
31 |
+
compel
|
32 |
+
httpx==0.23.3
|