Spaces:
Paused
Paused
Reverting to the state of the project at launch app with launch.py step 2/5/5
Browse files- __pycache__/args_manager.cpython-310.pyc +0 -0
- __pycache__/build_launcher.cpython-310.pyc +0 -0
- __pycache__/dummy_inference.cpython-310.pyc +0 -0
- __pycache__/fooocus_version.cpython-310.pyc +0 -0
- __pycache__/launch.cpython-310.pyc +0 -0
- __pycache__/shared.cpython-310.pyc +0 -0
- __pycache__/webui.cpython-310.pyc +0 -0
- config.txt +0 -17
- config_modification_tutorial.txt +0 -131
- dummy_inference.py +0 -32
- inference.py +4 -2
- language/en.json +62 -204
- launch.py +7 -10
- ldm_patched/ldm/__pycache__/util.cpython-310.pyc +0 -0
- ldm_patched/ldm/modules/__pycache__/attention.cpython-310.pyc +0 -0
- ldm_patched/ldm/modules/__pycache__/sub_quadratic_attention.cpython-310.pyc +0 -0
- ldm_patched/ldm/modules/diffusionmodules/__pycache__/__init__.cpython-310.pyc +0 -0
- ldm_patched/ldm/modules/diffusionmodules/__pycache__/openaimodel.cpython-310.pyc +0 -0
- ldm_patched/ldm/modules/diffusionmodules/__pycache__/util.cpython-310.pyc +0 -0
- ldm_patched/modules/__pycache__/args_parser.cpython-310.pyc +0 -0
- ldm_patched/modules/__pycache__/checkpoint_pickle.cpython-310.pyc +0 -0
- ldm_patched/modules/__pycache__/model_base.cpython-310.pyc +0 -0
- ldm_patched/modules/__pycache__/model_management.cpython-310.pyc +0 -0
- ldm_patched/modules/__pycache__/options.cpython-310.pyc +0 -0
- ldm_patched/modules/__pycache__/utils.cpython-310.pyc +0 -0
- ldm_patched/modules/args_parser.py +0 -1
- modules/__pycache__/async_worker.cpython-310.pyc +0 -0
- modules/__pycache__/auth.cpython-310.pyc +0 -0
- modules/__pycache__/config.cpython-310.pyc +0 -0
- modules/__pycache__/constants.cpython-310.pyc +0 -0
- modules/__pycache__/flags.cpython-310.pyc +0 -0
- modules/__pycache__/gradio_hijack.cpython-310.pyc +0 -0
- modules/__pycache__/html.cpython-310.pyc +0 -0
- modules/__pycache__/launch_util.cpython-310.pyc +0 -0
- modules/__pycache__/localization.cpython-310.pyc +0 -0
- modules/__pycache__/meta_parser.cpython-310.pyc +0 -0
- modules/__pycache__/model_loader.cpython-310.pyc +0 -0
- modules/__pycache__/patch.cpython-310.pyc +0 -0
- modules/__pycache__/private_logger.cpython-310.pyc +0 -0
- modules/__pycache__/sdxl_styles.cpython-310.pyc +0 -0
- modules/__pycache__/style_sorter.cpython-310.pyc +0 -0
- modules/__pycache__/ui_gradio_extensions.cpython-310.pyc +0 -0
- modules/__pycache__/util.cpython-310.pyc +0 -0
- modules/async_worker.py +3 -10
- webui.py +98 -9
__pycache__/args_manager.cpython-310.pyc
DELETED
Binary file (1.8 kB)
|
|
__pycache__/build_launcher.cpython-310.pyc
DELETED
Binary file (937 Bytes)
|
|
__pycache__/dummy_inference.cpython-310.pyc
DELETED
Binary file (1.08 kB)
|
|
__pycache__/fooocus_version.cpython-310.pyc
DELETED
Binary file (186 Bytes)
|
|
__pycache__/launch.cpython-310.pyc
DELETED
Binary file (4.44 kB)
|
|
__pycache__/shared.cpython-310.pyc
DELETED
Binary file (174 Bytes)
|
|
__pycache__/webui.cpython-310.pyc
DELETED
Binary file (28.4 kB)
|
|
config.txt
DELETED
@@ -1,17 +0,0 @@
|
|
1 |
-
{
|
2 |
-
"path_checkpoints": [
|
3 |
-
"/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/checkpoints"
|
4 |
-
],
|
5 |
-
"path_loras": [
|
6 |
-
"/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/loras"
|
7 |
-
],
|
8 |
-
"path_embeddings": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/embeddings",
|
9 |
-
"path_vae_approx": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/vae_approx",
|
10 |
-
"path_upscale_models": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/upscale_models",
|
11 |
-
"path_inpaint": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/inpaint",
|
12 |
-
"path_controlnet": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/controlnet",
|
13 |
-
"path_clip_vision": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/clip_vision",
|
14 |
-
"path_fooocus_expansion": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/prompt_expansion/fooocus_expansion",
|
15 |
-
"path_wildcards": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/wildcards",
|
16 |
-
"path_outputs": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/outputs"
|
17 |
-
}
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
config_modification_tutorial.txt
DELETED
@@ -1,131 +0,0 @@
|
|
1 |
-
You can modify your "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/config.txt" using the below keys, formats, and examples.
|
2 |
-
Do not modify this file. Modifications in this file will not take effect.
|
3 |
-
This file is a tutorial and example. Please edit "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/config.txt" to really change any settings.
|
4 |
-
Remember to split the paths with "\\" rather than "\", and there is no "," before the last "}".
|
5 |
-
|
6 |
-
|
7 |
-
{
|
8 |
-
"path_checkpoints": [
|
9 |
-
"/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/checkpoints"
|
10 |
-
],
|
11 |
-
"path_loras": [
|
12 |
-
"/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/loras"
|
13 |
-
],
|
14 |
-
"path_embeddings": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/embeddings",
|
15 |
-
"path_vae_approx": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/vae_approx",
|
16 |
-
"path_upscale_models": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/upscale_models",
|
17 |
-
"path_inpaint": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/inpaint",
|
18 |
-
"path_controlnet": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/controlnet",
|
19 |
-
"path_clip_vision": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/clip_vision",
|
20 |
-
"path_fooocus_expansion": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/models/prompt_expansion/fooocus_expansion",
|
21 |
-
"path_wildcards": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/wildcards",
|
22 |
-
"path_outputs": "/Users/tharms/workspace/gradio-gan/hf/generative-media-ai/outputs",
|
23 |
-
"temp_path": "/var/folders/29/5gn3wpkn70x7xyrzs2l59jdc0000gq/T/fooocus",
|
24 |
-
"temp_path_cleanup_on_launch": true,
|
25 |
-
"default_model": "juggernautXL_v8Rundiffusion.safetensors",
|
26 |
-
"previous_default_models": [
|
27 |
-
"juggernautXL_version8Rundiffusion.safetensors",
|
28 |
-
"juggernautXL_version7Rundiffusion.safetensors",
|
29 |
-
"juggernautXL_v7Rundiffusion.safetensors",
|
30 |
-
"juggernautXL_version6Rundiffusion.safetensors",
|
31 |
-
"juggernautXL_v6Rundiffusion.safetensors"
|
32 |
-
],
|
33 |
-
"default_refiner": "None",
|
34 |
-
"default_refiner_switch": 0.5,
|
35 |
-
"default_loras_min_weight": -2,
|
36 |
-
"default_loras_max_weight": 2,
|
37 |
-
"default_loras": [
|
38 |
-
[
|
39 |
-
true,
|
40 |
-
"sd_xl_offset_example-lora_1.0.safetensors",
|
41 |
-
0.1
|
42 |
-
],
|
43 |
-
[
|
44 |
-
true,
|
45 |
-
"None",
|
46 |
-
1.0
|
47 |
-
],
|
48 |
-
[
|
49 |
-
true,
|
50 |
-
"None",
|
51 |
-
1.0
|
52 |
-
],
|
53 |
-
[
|
54 |
-
true,
|
55 |
-
"None",
|
56 |
-
1.0
|
57 |
-
],
|
58 |
-
[
|
59 |
-
true,
|
60 |
-
"None",
|
61 |
-
1.0
|
62 |
-
]
|
63 |
-
],
|
64 |
-
"default_max_lora_number": 5,
|
65 |
-
"default_cfg_scale": 4.0,
|
66 |
-
"default_sample_sharpness": 2.0,
|
67 |
-
"default_sampler": "dpmpp_2m_sde_gpu",
|
68 |
-
"default_scheduler": "karras",
|
69 |
-
"default_styles": [
|
70 |
-
"Fooocus V2",
|
71 |
-
"Fooocus Enhance",
|
72 |
-
"Fooocus Sharp"
|
73 |
-
],
|
74 |
-
"default_prompt_negative": "",
|
75 |
-
"default_prompt": "",
|
76 |
-
"default_performance": "Speed",
|
77 |
-
"default_advanced_checkbox": false,
|
78 |
-
"default_max_image_number": 32,
|
79 |
-
"default_output_format": "png",
|
80 |
-
"default_image_number": 2,
|
81 |
-
"checkpoint_downloads": {
|
82 |
-
"juggernautXL_v8Rundiffusion.safetensors": "https://huggingface.co/lllyasviel/fav_models/resolve/main/fav/juggernautXL_v8Rundiffusion.safetensors"
|
83 |
-
},
|
84 |
-
"lora_downloads": {
|
85 |
-
"sd_xl_offset_example-lora_1.0.safetensors": "https://huggingface.co/stabilityai/stable-diffusion-xl-base-1.0/resolve/main/sd_xl_offset_example-lora_1.0.safetensors"
|
86 |
-
},
|
87 |
-
"embeddings_downloads": {},
|
88 |
-
"available_aspect_ratios": [
|
89 |
-
"704*1408",
|
90 |
-
"704*1344",
|
91 |
-
"768*1344",
|
92 |
-
"768*1280",
|
93 |
-
"832*1216",
|
94 |
-
"832*1152",
|
95 |
-
"896*1152",
|
96 |
-
"896*1088",
|
97 |
-
"960*1088",
|
98 |
-
"960*1024",
|
99 |
-
"1024*1024",
|
100 |
-
"1024*960",
|
101 |
-
"1088*960",
|
102 |
-
"1088*896",
|
103 |
-
"1152*896",
|
104 |
-
"1152*832",
|
105 |
-
"1216*832",
|
106 |
-
"1280*768",
|
107 |
-
"1344*768",
|
108 |
-
"1344*704",
|
109 |
-
"1408*704",
|
110 |
-
"1472*704",
|
111 |
-
"1536*640",
|
112 |
-
"1600*640",
|
113 |
-
"1664*576",
|
114 |
-
"1728*576"
|
115 |
-
],
|
116 |
-
"default_aspect_ratio": "1152*896",
|
117 |
-
"default_inpaint_engine_version": "v2.6",
|
118 |
-
"default_cfg_tsnr": 7.0,
|
119 |
-
"default_overwrite_step": -1,
|
120 |
-
"default_overwrite_switch": -1,
|
121 |
-
"example_inpaint_prompts": [
|
122 |
-
"highly detailed face",
|
123 |
-
"detailed girl face",
|
124 |
-
"detailed man face",
|
125 |
-
"detailed hand",
|
126 |
-
"beautiful eyes"
|
127 |
-
],
|
128 |
-
"default_save_metadata_to_images": false,
|
129 |
-
"default_metadata_scheme": "fooocus",
|
130 |
-
"metadata_created_by": ""
|
131 |
-
}
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
dummy_inference.py
DELETED
@@ -1,32 +0,0 @@
|
|
1 |
-
from openai import OpenAI
|
2 |
-
from dotenv import load_dotenv
|
3 |
-
import os
|
4 |
-
|
5 |
-
load_dotenv()
|
6 |
-
openai_key = os.getenv("OPENAI_KEY")
|
7 |
-
|
8 |
-
if openai_key == "<YOUR_OPENAI_KEY>":
|
9 |
-
openai_key = ""
|
10 |
-
|
11 |
-
if openai_key == "":
|
12 |
-
sys.exit("Please Provide Your OpenAI API Key")
|
13 |
-
|
14 |
-
def infer_stable_diffusion(prompt, negative_prompt, seed, randomize_seed, width, height, guidance_scale, num_inference_steps):
|
15 |
-
return "dummy_image"
|
16 |
-
|
17 |
-
def infer_dall_e(text, model, quality, size):
|
18 |
-
try:
|
19 |
-
client = OpenAI(api_key=openai_key)
|
20 |
-
|
21 |
-
response = client.images.generate(
|
22 |
-
prompt=text,
|
23 |
-
model=model,
|
24 |
-
quality=quality,
|
25 |
-
size=size,
|
26 |
-
n=1,
|
27 |
-
)
|
28 |
-
except Exception as error:
|
29 |
-
print(str(error))
|
30 |
-
raise gr.Error("An error occurred while generating image.")
|
31 |
-
|
32 |
-
return response.data[0].url
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
inference.py
CHANGED
@@ -1,4 +1,4 @@
|
|
1 |
-
import
|
2 |
import random
|
3 |
from diffusers import DiffusionPipeline
|
4 |
import torch
|
@@ -26,10 +26,12 @@ else:
|
|
26 |
pipe = DiffusionPipeline.from_pretrained("stabilityai/sdxl-turbo", use_safetensors=True)
|
27 |
pipe = pipe.to(device)
|
28 |
|
|
|
|
|
29 |
def infer_stable_diffusion(prompt, negative_prompt, seed, randomize_seed, width, height, guidance_scale, num_inference_steps):
|
30 |
|
31 |
if randomize_seed:
|
32 |
-
seed = random.randint(0,
|
33 |
|
34 |
generator = torch.Generator().manual_seed(seed)
|
35 |
|
|
|
1 |
+
import numpy as np
|
2 |
import random
|
3 |
from diffusers import DiffusionPipeline
|
4 |
import torch
|
|
|
26 |
pipe = DiffusionPipeline.from_pretrained("stabilityai/sdxl-turbo", use_safetensors=True)
|
27 |
pipe = pipe.to(device)
|
28 |
|
29 |
+
MAX_SEED = np.iinfo(np.int32).max
|
30 |
+
|
31 |
def infer_stable_diffusion(prompt, negative_prompt, seed, randomize_seed, width, height, guidance_scale, num_inference_steps):
|
32 |
|
33 |
if randomize_seed:
|
34 |
+
seed = random.randint(0, MAX_SEED)
|
35 |
|
36 |
generator = torch.Generator().manual_seed(seed)
|
37 |
|
language/en.json
CHANGED
@@ -1,33 +1,14 @@
|
|
1 |
{
|
2 |
-
"# <center>zStudios Generative Media AI running on CPU</center>": "# <center>zStudios Generative Media AI running on CPU</center>",
|
3 |
-
"DALL-E": "DALL-E",
|
4 |
-
"Model": "Model",
|
5 |
-
"dall-e-3": "dall-e-3",
|
6 |
-
"dall-e-2": "dall-e-2",
|
7 |
-
"Quality": "Quality",
|
8 |
-
"standard": "standard",
|
9 |
-
"hd": "hd",
|
10 |
-
"Size": "Size",
|
11 |
-
"1024x1024": "1024x1024",
|
12 |
-
"256x256": "256x256",
|
13 |
-
"512x512": "512x512",
|
14 |
-
"1792x1024": "1792x1024",
|
15 |
-
"1024x1792": "1024x1792",
|
16 |
-
"Prompt": "Prompt",
|
17 |
-
"Run": "Run",
|
18 |
-
"Image Output": "Image Output",
|
19 |
-
"Fooocus": "Fooocus",
|
20 |
-
"Deactivated": "Deactivated",
|
21 |
"Preview": "Preview",
|
22 |
-
"Finished Images": "Finished Images",
|
23 |
"Gallery": "Gallery",
|
24 |
"Generate": "Generate",
|
25 |
-
"Load Parameters": "Load Parameters",
|
26 |
"Skip": "Skip",
|
27 |
"Stop": "Stop",
|
28 |
"Input Image": "Input Image",
|
29 |
"Advanced": "Advanced",
|
30 |
"Upscale or Variation": "Upscale or Variation",
|
|
|
|
|
31 |
"Drag above image to here": "Drag above image to here",
|
32 |
"Upscale or Variation:": "Upscale or Variation:",
|
33 |
"Disabled": "Disabled",
|
@@ -36,105 +17,50 @@
|
|
36 |
"Upscale (1.5x)": "Upscale (1.5x)",
|
37 |
"Upscale (2x)": "Upscale (2x)",
|
38 |
"Upscale (Fast 2x)": "Upscale (Fast 2x)",
|
39 |
-
"
|
40 |
-
"Image Prompt": "Image Prompt",
|
41 |
"Image": "Image",
|
42 |
"Stop At": "Stop At",
|
43 |
"Weight": "Weight",
|
44 |
"Type": "Type",
|
45 |
-
"ImagePrompt": "ImagePrompt",
|
46 |
"PyraCanny": "PyraCanny",
|
47 |
"CPDS": "CPDS",
|
48 |
-
"
|
49 |
-
"
|
50 |
-
"
|
51 |
-
"
|
52 |
-
"
|
53 |
-
"
|
54 |
-
"Outpaint
|
55 |
"Left": "Left",
|
56 |
"Right": "Right",
|
57 |
"Top": "Top",
|
58 |
"Bottom": "Bottom",
|
59 |
-
"
|
60 |
-
"Inpaint or Outpaint (default)": "Inpaint or Outpaint (default)",
|
61 |
-
"Improve Detail (face, hand, eyes, etc.)": "Improve Detail (face, hand, eyes, etc.)",
|
62 |
-
"Modify Content (add objects, change background, etc.)": "Modify Content (add objects, change background, etc.)",
|
63 |
-
"Additional Prompt Quick List": "Additional Prompt Quick List",
|
64 |
-
"* Powered by Fooocus Inpaint Engine <a href=\"https://github.com/lllyasviel/Fooocus/discussions/414\" target=\"_blank\">\ud83d\udcd4 Document</a>": "* Powered by Fooocus Inpaint Engine <a href=\"https://github.com/lllyasviel/Fooocus/discussions/414\" target=\"_blank\">\ud83d\udcd4 Document</a>",
|
65 |
-
"Describe": "Describe",
|
66 |
-
"Drag any image to here": "Drag any image to here",
|
67 |
-
"Content Type": "Content Type",
|
68 |
-
"Photograph": "Photograph",
|
69 |
-
"Art/Anime": "Art/Anime",
|
70 |
-
"Describe this Image into Prompt": "Describe this Image into Prompt",
|
71 |
-
"<a href=\"https://github.com/lllyasviel/Fooocus/discussions/1363\" target=\"_blank\">\ud83d\udcd4 Document</a>": "<a href=\"https://github.com/lllyasviel/Fooocus/discussions/1363\" target=\"_blank\">\ud83d\udcd4 Document</a>",
|
72 |
-
"Metadata": "Metadata",
|
73 |
-
"Drag any image generated by Fooocus here": "Drag any image generated by Fooocus here",
|
74 |
-
"Apply Metadata": "Apply Metadata",
|
75 |
-
"uov": "uov",
|
76 |
"Setting": "Setting",
|
|
|
77 |
"Preset": "Preset",
|
78 |
-
"initial": "initial",
|
79 |
-
"realistic": "realistic",
|
80 |
-
"lightning": "lightning",
|
81 |
-
"anime": "anime",
|
82 |
-
"sai": "sai",
|
83 |
-
"default": "default",
|
84 |
-
"lcm": "lcm",
|
85 |
"Performance": "Performance",
|
86 |
"Speed": "Speed",
|
|
|
87 |
"Extreme Speed": "Extreme Speed",
|
88 |
"Lightning": "Lightning",
|
89 |
"Aspect Ratios": "Aspect Ratios",
|
90 |
-
"1152\u00d7896 <span style=\"color: grey;\"> \u2223 9:7</span>": "1152\u00d7896 <span style=\"color: grey;\"> \u2223 9:7</span>",
|
91 |
"width \u00d7 height": "width \u00d7 height",
|
92 |
-
"704\u00d71408 <span style=\"color: grey;\"> \u2223 1:2</span>": "704\u00d71408 <span style=\"color: grey;\"> \u2223 1:2</span>",
|
93 |
-
"704\u00d71344 <span style=\"color: grey;\"> \u2223 11:21</span>": "704\u00d71344 <span style=\"color: grey;\"> \u2223 11:21</span>",
|
94 |
-
"768\u00d71344 <span style=\"color: grey;\"> \u2223 4:7</span>": "768\u00d71344 <span style=\"color: grey;\"> \u2223 4:7</span>",
|
95 |
-
"768\u00d71280 <span style=\"color: grey;\"> \u2223 3:5</span>": "768\u00d71280 <span style=\"color: grey;\"> \u2223 3:5</span>",
|
96 |
-
"832\u00d71216 <span style=\"color: grey;\"> \u2223 13:19</span>": "832\u00d71216 <span style=\"color: grey;\"> \u2223 13:19</span>",
|
97 |
-
"832\u00d71152 <span style=\"color: grey;\"> \u2223 13:18</span>": "832\u00d71152 <span style=\"color: grey;\"> \u2223 13:18</span>",
|
98 |
-
"896\u00d71152 <span style=\"color: grey;\"> \u2223 7:9</span>": "896\u00d71152 <span style=\"color: grey;\"> \u2223 7:9</span>",
|
99 |
-
"896\u00d71088 <span style=\"color: grey;\"> \u2223 14:17</span>": "896\u00d71088 <span style=\"color: grey;\"> \u2223 14:17</span>",
|
100 |
-
"960\u00d71088 <span style=\"color: grey;\"> \u2223 15:17</span>": "960\u00d71088 <span style=\"color: grey;\"> \u2223 15:17</span>",
|
101 |
-
"960\u00d71024 <span style=\"color: grey;\"> \u2223 15:16</span>": "960\u00d71024 <span style=\"color: grey;\"> \u2223 15:16</span>",
|
102 |
-
"1024\u00d71024 <span style=\"color: grey;\"> \u2223 1:1</span>": "1024\u00d71024 <span style=\"color: grey;\"> \u2223 1:1</span>",
|
103 |
-
"1024\u00d7960 <span style=\"color: grey;\"> \u2223 16:15</span>": "1024\u00d7960 <span style=\"color: grey;\"> \u2223 16:15</span>",
|
104 |
-
"1088\u00d7960 <span style=\"color: grey;\"> \u2223 17:15</span>": "1088\u00d7960 <span style=\"color: grey;\"> \u2223 17:15</span>",
|
105 |
-
"1088\u00d7896 <span style=\"color: grey;\"> \u2223 17:14</span>": "1088\u00d7896 <span style=\"color: grey;\"> \u2223 17:14</span>",
|
106 |
-
"1152\u00d7832 <span style=\"color: grey;\"> \u2223 18:13</span>": "1152\u00d7832 <span style=\"color: grey;\"> \u2223 18:13</span>",
|
107 |
-
"1216\u00d7832 <span style=\"color: grey;\"> \u2223 19:13</span>": "1216\u00d7832 <span style=\"color: grey;\"> \u2223 19:13</span>",
|
108 |
-
"1280\u00d7768 <span style=\"color: grey;\"> \u2223 5:3</span>": "1280\u00d7768 <span style=\"color: grey;\"> \u2223 5:3</span>",
|
109 |
-
"1344\u00d7768 <span style=\"color: grey;\"> \u2223 7:4</span>": "1344\u00d7768 <span style=\"color: grey;\"> \u2223 7:4</span>",
|
110 |
-
"1344\u00d7704 <span style=\"color: grey;\"> \u2223 21:11</span>": "1344\u00d7704 <span style=\"color: grey;\"> \u2223 21:11</span>",
|
111 |
-
"1408\u00d7704 <span style=\"color: grey;\"> \u2223 2:1</span>": "1408\u00d7704 <span style=\"color: grey;\"> \u2223 2:1</span>",
|
112 |
-
"1472\u00d7704 <span style=\"color: grey;\"> \u2223 23:11</span>": "1472\u00d7704 <span style=\"color: grey;\"> \u2223 23:11</span>",
|
113 |
-
"1536\u00d7640 <span style=\"color: grey;\"> \u2223 12:5</span>": "1536\u00d7640 <span style=\"color: grey;\"> \u2223 12:5</span>",
|
114 |
-
"1600\u00d7640 <span style=\"color: grey;\"> \u2223 5:2</span>": "1600\u00d7640 <span style=\"color: grey;\"> \u2223 5:2</span>",
|
115 |
-
"1664\u00d7576 <span style=\"color: grey;\"> \u2223 26:9</span>": "1664\u00d7576 <span style=\"color: grey;\"> \u2223 26:9</span>",
|
116 |
-
"1728\u00d7576 <span style=\"color: grey;\"> \u2223 3:1</span>": "1728\u00d7576 <span style=\"color: grey;\"> \u2223 3:1</span>",
|
117 |
"Image Number": "Image Number",
|
118 |
-
"Output Format": "Output Format",
|
119 |
-
"png": "png",
|
120 |
-
"jpeg": "jpeg",
|
121 |
-
"webp": "webp",
|
122 |
"Negative Prompt": "Negative Prompt",
|
123 |
"Describing what you do not want to see.": "Describing what you do not want to see.",
|
124 |
"Random": "Random",
|
125 |
"Seed": "Seed",
|
126 |
-
"
|
127 |
-
"
|
128 |
-
"
|
129 |
-
"
|
|
|
130 |
"Fooocus V2": "Fooocus V2",
|
131 |
-
"
|
132 |
-
"Fooocus Sharp": "Fooocus Sharp",
|
133 |
-
"Fooocus Semi Realistic": "Fooocus Semi Realistic",
|
134 |
"Fooocus Masterpiece": "Fooocus Masterpiece",
|
135 |
"Fooocus Photograph": "Fooocus Photograph",
|
136 |
"Fooocus Negative": "Fooocus Negative",
|
137 |
-
"Fooocus Cinematic": "Fooocus Cinematic",
|
138 |
"SAI 3D Model": "SAI 3D Model",
|
139 |
"SAI Analog Film": "SAI Analog Film",
|
140 |
"SAI Anime": "SAI Anime",
|
@@ -342,90 +268,35 @@
|
|
342 |
"Volumetric Lighting": "Volumetric Lighting",
|
343 |
"Watercolor 2": "Watercolor 2",
|
344 |
"Whimsical And Playful": "Whimsical And Playful",
|
345 |
-
"
|
346 |
-
"Mk Cross Processing Print": "Mk Cross Processing Print",
|
347 |
-
"Mk Dufaycolor Photograph": "Mk Dufaycolor Photograph",
|
348 |
-
"Mk Herbarium": "Mk Herbarium",
|
349 |
-
"Mk Punk Collage": "Mk Punk Collage",
|
350 |
-
"Mk Mosaic": "Mk Mosaic",
|
351 |
-
"Mk Van Gogh": "Mk Van Gogh",
|
352 |
-
"Mk Coloring Book": "Mk Coloring Book",
|
353 |
-
"Mk Singer Sargent": "Mk Singer Sargent",
|
354 |
-
"Mk Pollock": "Mk Pollock",
|
355 |
-
"Mk Basquiat": "Mk Basquiat",
|
356 |
-
"Mk Andy Warhol": "Mk Andy Warhol",
|
357 |
-
"Mk Halftone Print": "Mk Halftone Print",
|
358 |
-
"Mk Gond Painting": "Mk Gond Painting",
|
359 |
-
"Mk Albumen Print": "Mk Albumen Print",
|
360 |
-
"Mk Aquatint Print": "Mk Aquatint Print",
|
361 |
-
"Mk Anthotype Print": "Mk Anthotype Print",
|
362 |
-
"Mk Inuit Carving": "Mk Inuit Carving",
|
363 |
-
"Mk Bromoil Print": "Mk Bromoil Print",
|
364 |
-
"Mk Calotype Print": "Mk Calotype Print",
|
365 |
-
"Mk Color Sketchnote": "Mk Color Sketchnote",
|
366 |
-
"Mk Cibulak Porcelain": "Mk Cibulak Porcelain",
|
367 |
-
"Mk Alcohol Ink Art": "Mk Alcohol Ink Art",
|
368 |
-
"Mk One Line Art": "Mk One Line Art",
|
369 |
-
"Mk Blacklight Paint": "Mk Blacklight Paint",
|
370 |
-
"Mk Carnival Glass": "Mk Carnival Glass",
|
371 |
-
"Mk Cyanotype Print": "Mk Cyanotype Print",
|
372 |
-
"Mk Cross Stitching": "Mk Cross Stitching",
|
373 |
-
"Mk Encaustic Paint": "Mk Encaustic Paint",
|
374 |
-
"Mk Embroidery": "Mk Embroidery",
|
375 |
-
"Mk Gyotaku": "Mk Gyotaku",
|
376 |
-
"Mk Luminogram": "Mk Luminogram",
|
377 |
-
"Mk Lite Brite Art": "Mk Lite Brite Art",
|
378 |
-
"Mk Mokume Gane": "Mk Mokume Gane",
|
379 |
-
"Pebble Art": "Pebble Art",
|
380 |
-
"Mk Palekh": "Mk Palekh",
|
381 |
-
"Mk Suminagashi": "Mk Suminagashi",
|
382 |
-
"Mk Scrimshaw": "Mk Scrimshaw",
|
383 |
-
"Mk Shibori": "Mk Shibori",
|
384 |
-
"Mk Vitreous Enamel": "Mk Vitreous Enamel",
|
385 |
-
"Mk Ukiyo E": "Mk Ukiyo E",
|
386 |
-
"Mk Vintage Airline Poster": "Mk Vintage Airline Poster",
|
387 |
-
"Mk Vintage Travel Poster": "Mk Vintage Travel Poster",
|
388 |
-
"Mk Bauhaus Style": "Mk Bauhaus Style",
|
389 |
-
"Mk Afrofuturism": "Mk Afrofuturism",
|
390 |
-
"Mk Atompunk": "Mk Atompunk",
|
391 |
-
"Mk Constructivism": "Mk Constructivism",
|
392 |
-
"Mk Chicano Art": "Mk Chicano Art",
|
393 |
-
"Mk De Stijl": "Mk De Stijl",
|
394 |
-
"Mk Dayak Art": "Mk Dayak Art",
|
395 |
-
"Mk Fayum Portrait": "Mk Fayum Portrait",
|
396 |
-
"Mk Illuminated Manuscript": "Mk Illuminated Manuscript",
|
397 |
-
"Mk Kalighat Painting": "Mk Kalighat Painting",
|
398 |
-
"Mk Madhubani Painting": "Mk Madhubani Painting",
|
399 |
-
"Mk Pictorialism": "Mk Pictorialism",
|
400 |
-
"Mk Pichwai Painting": "Mk Pichwai Painting",
|
401 |
-
"Mk Patachitra Painting": "Mk Patachitra Painting",
|
402 |
-
"Mk Samoan Art Inspired": "Mk Samoan Art Inspired",
|
403 |
-
"Mk Tlingit Art": "Mk Tlingit Art",
|
404 |
-
"Mk Adnate Style": "Mk Adnate Style",
|
405 |
-
"Mk Ron English Style": "Mk Ron English Style",
|
406 |
-
"Mk Shepard Fairey Style": "Mk Shepard Fairey Style",
|
407 |
"Base Model (SDXL only)": "Base Model (SDXL only)",
|
408 |
-
"
|
|
|
|
|
|
|
|
|
|
|
|
|
409 |
"Refiner (SDXL or SD 1.5)": "Refiner (SDXL or SD 1.5)",
|
410 |
"None": "None",
|
411 |
-
"
|
412 |
-
"
|
413 |
-
"Enable": "Enable",
|
414 |
-
"LoRA 1": "LoRA 1",
|
415 |
"sd_xl_offset_example-lora_1.0.safetensors": "sd_xl_offset_example-lora_1.0.safetensors",
|
416 |
-
"
|
417 |
-
"
|
418 |
-
"
|
419 |
-
"LoRA
|
|
|
|
|
|
|
420 |
"Refresh": "Refresh",
|
421 |
"\ud83d\udd04 Refresh All Files": "\ud83d\udd04 Refresh All Files",
|
|
|
|
|
422 |
"Guidance Scale": "Guidance Scale",
|
423 |
"Higher value means style is cleaner, vivider, and more artistic.": "Higher value means style is cleaner, vivider, and more artistic.",
|
424 |
-
"Image Sharpness": "Image Sharpness",
|
425 |
-
"Higher value means image and texture are sharper.": "Higher value means image and texture are sharper.",
|
426 |
-
"<a href=\"https://github.com/lllyasviel/Fooocus/discussions/117\" target=\"_blank\">\ud83d\udcd4 Document</a>": "<a href=\"https://github.com/lllyasviel/Fooocus/discussions/117\" target=\"_blank\">\ud83d\udcd4 Document</a>",
|
427 |
"Developer Debug Mode": "Developer Debug Mode",
|
428 |
-
"Debug Tools": "Debug Tools",
|
429 |
"Positive ADM Guidance Scaler": "Positive ADM Guidance Scaler",
|
430 |
"The scaler multiplied to positive ADM (use 1.0 to disable). ": "The scaler multiplied to positive ADM (use 1.0 to disable). ",
|
431 |
"Negative ADM Guidance Scaler": "Negative ADM Guidance Scaler",
|
@@ -440,10 +311,10 @@
|
|
440 |
"Enabling Fooocus's implementation of CFG mimicking for TSNR (effective when real CFG > mimicked CFG).": "Enabling Fooocus's implementation of CFG mimicking for TSNR (effective when real CFG > mimicked CFG).",
|
441 |
"Sampler": "Sampler",
|
442 |
"dpmpp_2m_sde_gpu": "dpmpp_2m_sde_gpu",
|
|
|
443 |
"euler": "euler",
|
444 |
"euler_ancestral": "euler_ancestral",
|
445 |
"heun": "heun",
|
446 |
-
"heunpp2": "heunpp2",
|
447 |
"dpm_2": "dpm_2",
|
448 |
"dpm_2_ancestral": "dpm_2_ancestral",
|
449 |
"lms": "lms",
|
@@ -462,14 +333,12 @@
|
|
462 |
"uni_pc_bh2": "uni_pc_bh2",
|
463 |
"Scheduler": "Scheduler",
|
464 |
"karras": "karras",
|
|
|
465 |
"normal": "normal",
|
466 |
"exponential": "exponential",
|
467 |
"sgm_uniform": "sgm_uniform",
|
468 |
"simple": "simple",
|
469 |
"ddim_uniform": "ddim_uniform",
|
470 |
-
"turbo": "turbo",
|
471 |
-
"Generate Image Grid for Each Batch": "Generate Image Grid for Each Batch",
|
472 |
-
"(Experimental) This may cause performance problems on some computers and certain internet conditions.": "(Experimental) This may cause performance problems on some computers and certain internet conditions.",
|
473 |
"Forced Overwrite of Sampling Step": "Forced Overwrite of Sampling Step",
|
474 |
"Set as -1 to disable. For developer debugging.": "Set as -1 to disable. For developer debugging.",
|
475 |
"Forced Overwrite of Refiner Switch Step": "Forced Overwrite of Refiner Switch Step",
|
@@ -483,22 +352,12 @@
|
|
483 |
"Disable preview during generation.": "Disable preview during generation.",
|
484 |
"Disable Intermediate Results": "Disable Intermediate Results",
|
485 |
"Disable intermediate results during generation, only show final gallery.": "Disable intermediate results during generation, only show final gallery.",
|
486 |
-
"
|
487 |
-
"
|
488 |
-
"
|
489 |
-
"
|
490 |
-
"
|
491 |
-
"Metadata Scheme": "Metadata Scheme",
|
492 |
-
"fooocus": "fooocus",
|
493 |
-
"Image Prompt parameters are not included. Use png and a1111 for compatibility with Civitai.": "Image Prompt parameters are not included. Use png and a1111 for compatibility with Civitai.",
|
494 |
-
"fooocus (json)": "fooocus (json)",
|
495 |
-
"a1111 (plain text)": "a1111 (plain text)",
|
496 |
-
"a1111": "a1111",
|
497 |
-
"Control": "Control",
|
498 |
"Debug Preprocessors": "Debug Preprocessors",
|
499 |
-
"See the results from preprocessors.": "See the results from preprocessors.",
|
500 |
-
"Skip Preprocessors": "Skip Preprocessors",
|
501 |
-
"Do not preprocess images. (Inputs are already canny/depth/cropped-face/etc.)": "Do not preprocess images. (Inputs are already canny/depth/cropped-face/etc.)",
|
502 |
"Mixing Image Prompt and Vary/Upscale": "Mixing Image Prompt and Vary/Upscale",
|
503 |
"Mixing Image Prompt and Inpaint": "Mixing Image Prompt and Inpaint",
|
504 |
"Softness of ControlNet": "Softness of ControlNet",
|
@@ -506,26 +365,25 @@
|
|
506 |
"Canny": "Canny",
|
507 |
"Canny Low Threshold": "Canny Low Threshold",
|
508 |
"Canny High Threshold": "Canny High Threshold",
|
509 |
-
"Inpaint": "Inpaint",
|
510 |
-
"Debug Inpaint Preprocessing": "Debug Inpaint Preprocessing",
|
511 |
-
"Disable initial latent in inpaint": "Disable initial latent in inpaint",
|
512 |
-
"Inpaint Engine": "Inpaint Engine",
|
513 |
-
"v2.6": "v2.6",
|
514 |
-
"Version of Fooocus inpaint model": "Version of Fooocus inpaint model",
|
515 |
-
"v1": "v1",
|
516 |
-
"v2.5": "v2.5",
|
517 |
-
"Inpaint Denoising Strength": "Inpaint Denoising Strength",
|
518 |
-
"Same as the denoising strength in A1111 inpaint. Only used in inpaint, not used in outpaint. (Outpaint always use 1.0)": "Same as the denoising strength in A1111 inpaint. Only used in inpaint, not used in outpaint. (Outpaint always use 1.0)",
|
519 |
-
"Inpaint Respective Field": "Inpaint Respective Field",
|
520 |
-
"The area to inpaint. Value 0 is same as \"Only Masked\" in A1111. Value 1 is same as \"Whole Image\" in A1111. Only used in inpaint, not used in outpaint. (Outpaint always use 1.0)": "The area to inpaint. Value 0 is same as \"Only Masked\" in A1111. Value 1 is same as \"Whole Image\" in A1111. Only used in inpaint, not used in outpaint. (Outpaint always use 1.0)",
|
521 |
-
"Mask Erode or Dilate": "Mask Erode or Dilate",
|
522 |
-
"Positive value will make white area in the mask larger, negative value will make white area smaller.(default is 0, always process before any mask invert)": "Positive value will make white area in the mask larger, negative value will make white area smaller.(default is 0, always process before any mask invert)",
|
523 |
-
"Enable Mask Upload": "Enable Mask Upload",
|
524 |
-
"Invert Mask": "Invert Mask",
|
525 |
"FreeU": "FreeU",
|
526 |
"Enabled": "Enabled",
|
527 |
"B1": "B1",
|
528 |
"B2": "B2",
|
529 |
"S1": "S1",
|
530 |
-
"S2": "S2"
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
531 |
}
|
|
|
1 |
{
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
2 |
"Preview": "Preview",
|
|
|
3 |
"Gallery": "Gallery",
|
4 |
"Generate": "Generate",
|
|
|
5 |
"Skip": "Skip",
|
6 |
"Stop": "Stop",
|
7 |
"Input Image": "Input Image",
|
8 |
"Advanced": "Advanced",
|
9 |
"Upscale or Variation": "Upscale or Variation",
|
10 |
+
"Image Prompt": "Image Prompt",
|
11 |
+
"Inpaint or Outpaint (beta)": "Inpaint or Outpaint (beta)",
|
12 |
"Drag above image to here": "Drag above image to here",
|
13 |
"Upscale or Variation:": "Upscale or Variation:",
|
14 |
"Disabled": "Disabled",
|
|
|
17 |
"Upscale (1.5x)": "Upscale (1.5x)",
|
18 |
"Upscale (2x)": "Upscale (2x)",
|
19 |
"Upscale (Fast 2x)": "Upscale (Fast 2x)",
|
20 |
+
"\ud83d\udcd4 Document": "\uD83D\uDCD4 Document",
|
|
|
21 |
"Image": "Image",
|
22 |
"Stop At": "Stop At",
|
23 |
"Weight": "Weight",
|
24 |
"Type": "Type",
|
|
|
25 |
"PyraCanny": "PyraCanny",
|
26 |
"CPDS": "CPDS",
|
27 |
+
"* \"Image Prompt\" is powered by Fooocus Image Mixture Engine (v1.0.1).": "* \"Image Prompt\" is powered by Fooocus Image Mixture Engine (v1.0.1).",
|
28 |
+
"The scaler multiplied to positive ADM (use 1.0 to disable).": "The scaler multiplied to positive ADM (use 1.0 to disable).",
|
29 |
+
"The scaler multiplied to negative ADM (use 1.0 to disable).": "The scaler multiplied to negative ADM (use 1.0 to disable).",
|
30 |
+
"When to end the guidance from positive/negative ADM.": "When to end the guidance from positive/negative ADM.",
|
31 |
+
"Similar to the Control Mode in A1111 (use 0.0 to disable).": "Similar to the Control Mode in A1111 (use 0.0 to disable).",
|
32 |
+
"Outpaint Expansion (": "Outpaint Expansion (",
|
33 |
+
"Outpaint": "Outpaint",
|
34 |
"Left": "Left",
|
35 |
"Right": "Right",
|
36 |
"Top": "Top",
|
37 |
"Bottom": "Bottom",
|
38 |
+
"* \"Inpaint or Outpaint\" is powered by the sampler \"DPMPP Fooocus Seamless 2M SDE Karras Inpaint Sampler\" (beta)": "* \"Inpaint or Outpaint\" is powered by the sampler \"DPMPP Fooocus Seamless 2M SDE Karras Inpaint Sampler\" (beta)",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
39 |
"Setting": "Setting",
|
40 |
+
"Style": "Style",
|
41 |
"Preset": "Preset",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
42 |
"Performance": "Performance",
|
43 |
"Speed": "Speed",
|
44 |
+
"Quality": "Quality",
|
45 |
"Extreme Speed": "Extreme Speed",
|
46 |
"Lightning": "Lightning",
|
47 |
"Aspect Ratios": "Aspect Ratios",
|
|
|
48 |
"width \u00d7 height": "width \u00d7 height",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
49 |
"Image Number": "Image Number",
|
|
|
|
|
|
|
|
|
50 |
"Negative Prompt": "Negative Prompt",
|
51 |
"Describing what you do not want to see.": "Describing what you do not want to see.",
|
52 |
"Random": "Random",
|
53 |
"Seed": "Seed",
|
54 |
+
"Disable seed increment": "Disable seed increment",
|
55 |
+
"Disable automatic seed increment when image number is > 1.": "Disable automatic seed increment when image number is > 1.",
|
56 |
+
"Read wildcards in order": "Read wildcards in order",
|
57 |
+
"\ud83d\udcda History Log": "\uD83D\uDCDA History Log",
|
58 |
+
"Image Style": "Image Style",
|
59 |
"Fooocus V2": "Fooocus V2",
|
60 |
+
"Default (Slightly Cinematic)": "Default (Slightly Cinematic)",
|
|
|
|
|
61 |
"Fooocus Masterpiece": "Fooocus Masterpiece",
|
62 |
"Fooocus Photograph": "Fooocus Photograph",
|
63 |
"Fooocus Negative": "Fooocus Negative",
|
|
|
64 |
"SAI 3D Model": "SAI 3D Model",
|
65 |
"SAI Analog Film": "SAI Analog Film",
|
66 |
"SAI Anime": "SAI Anime",
|
|
|
268 |
"Volumetric Lighting": "Volumetric Lighting",
|
269 |
"Watercolor 2": "Watercolor 2",
|
270 |
"Whimsical And Playful": "Whimsical And Playful",
|
271 |
+
"Model": "Model",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
272 |
"Base Model (SDXL only)": "Base Model (SDXL only)",
|
273 |
+
"sd_xl_base_1.0_0.9vae.safetensors": "sd_xl_base_1.0_0.9vae.safetensors",
|
274 |
+
"bluePencilXL_v009.safetensors": "bluePencilXL_v009.safetensors",
|
275 |
+
"bluePencilXL_v050.safetensors": "bluePencilXL_v050.safetensors",
|
276 |
+
"DreamShaper_8_pruned.safetensors": "DreamShaper_8_pruned.safetensors",
|
277 |
+
"realisticStockPhoto_v10.safetensors": "realisticStockPhoto_v10.safetensors",
|
278 |
+
"realisticVisionV51_v51VAE.safetensors": "realisticVisionV51_v51VAE.safetensors",
|
279 |
+
"sd_xl_refiner_1.0_0.9vae.safetensors": "sd_xl_refiner_1.0_0.9vae.safetensors",
|
280 |
"Refiner (SDXL or SD 1.5)": "Refiner (SDXL or SD 1.5)",
|
281 |
"None": "None",
|
282 |
+
"LoRAs": "LoRAs",
|
283 |
+
"SDXL LoRA 1": "SDXL LoRA 1",
|
|
|
|
|
284 |
"sd_xl_offset_example-lora_1.0.safetensors": "sd_xl_offset_example-lora_1.0.safetensors",
|
285 |
+
"3d_render_style_xl.safetensors": "3d_render_style_xl.safetensors",
|
286 |
+
"Bloodstained-XL-V1.safetensors": "Bloodstained-XL-V1.safetensors",
|
287 |
+
"SDXL_FILM_PHOTOGRAPHY_STYLE_BetaV0.4.safetensors": "SDXL_FILM_PHOTOGRAPHY_STYLE_BetaV0.4.safetensors",
|
288 |
+
"SDXL LoRA 2": "SDXL LoRA 2",
|
289 |
+
"SDXL LoRA 3": "SDXL LoRA 3",
|
290 |
+
"SDXL LoRA 4": "SDXL LoRA 4",
|
291 |
+
"SDXL LoRA 5": "SDXL LoRA 5",
|
292 |
"Refresh": "Refresh",
|
293 |
"\ud83d\udd04 Refresh All Files": "\ud83d\udd04 Refresh All Files",
|
294 |
+
"Sampling Sharpness": "Sampling Sharpness",
|
295 |
+
"Higher value means image and texture are sharper.": "Higher value means image and texture are sharper.",
|
296 |
"Guidance Scale": "Guidance Scale",
|
297 |
"Higher value means style is cleaner, vivider, and more artistic.": "Higher value means style is cleaner, vivider, and more artistic.",
|
|
|
|
|
|
|
298 |
"Developer Debug Mode": "Developer Debug Mode",
|
299 |
+
"Developer Debug Tools": "Developer Debug Tools",
|
300 |
"Positive ADM Guidance Scaler": "Positive ADM Guidance Scaler",
|
301 |
"The scaler multiplied to positive ADM (use 1.0 to disable). ": "The scaler multiplied to positive ADM (use 1.0 to disable). ",
|
302 |
"Negative ADM Guidance Scaler": "Negative ADM Guidance Scaler",
|
|
|
311 |
"Enabling Fooocus's implementation of CFG mimicking for TSNR (effective when real CFG > mimicked CFG).": "Enabling Fooocus's implementation of CFG mimicking for TSNR (effective when real CFG > mimicked CFG).",
|
312 |
"Sampler": "Sampler",
|
313 |
"dpmpp_2m_sde_gpu": "dpmpp_2m_sde_gpu",
|
314 |
+
"Only effective in non-inpaint mode.": "Only effective in non-inpaint mode.",
|
315 |
"euler": "euler",
|
316 |
"euler_ancestral": "euler_ancestral",
|
317 |
"heun": "heun",
|
|
|
318 |
"dpm_2": "dpm_2",
|
319 |
"dpm_2_ancestral": "dpm_2_ancestral",
|
320 |
"lms": "lms",
|
|
|
333 |
"uni_pc_bh2": "uni_pc_bh2",
|
334 |
"Scheduler": "Scheduler",
|
335 |
"karras": "karras",
|
336 |
+
"Scheduler of Sampler.": "Scheduler of Sampler.",
|
337 |
"normal": "normal",
|
338 |
"exponential": "exponential",
|
339 |
"sgm_uniform": "sgm_uniform",
|
340 |
"simple": "simple",
|
341 |
"ddim_uniform": "ddim_uniform",
|
|
|
|
|
|
|
342 |
"Forced Overwrite of Sampling Step": "Forced Overwrite of Sampling Step",
|
343 |
"Set as -1 to disable. For developer debugging.": "Set as -1 to disable. For developer debugging.",
|
344 |
"Forced Overwrite of Refiner Switch Step": "Forced Overwrite of Refiner Switch Step",
|
|
|
352 |
"Disable preview during generation.": "Disable preview during generation.",
|
353 |
"Disable Intermediate Results": "Disable Intermediate Results",
|
354 |
"Disable intermediate results during generation, only show final gallery.": "Disable intermediate results during generation, only show final gallery.",
|
355 |
+
"Inpaint Engine": "Inpaint Engine",
|
356 |
+
"v1": "v1",
|
357 |
+
"Version of Fooocus inpaint model": "Version of Fooocus inpaint model",
|
358 |
+
"v2.5": "v2.5",
|
359 |
+
"Control Debug": "Control Debug",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
360 |
"Debug Preprocessors": "Debug Preprocessors",
|
|
|
|
|
|
|
361 |
"Mixing Image Prompt and Vary/Upscale": "Mixing Image Prompt and Vary/Upscale",
|
362 |
"Mixing Image Prompt and Inpaint": "Mixing Image Prompt and Inpaint",
|
363 |
"Softness of ControlNet": "Softness of ControlNet",
|
|
|
365 |
"Canny": "Canny",
|
366 |
"Canny Low Threshold": "Canny Low Threshold",
|
367 |
"Canny High Threshold": "Canny High Threshold",
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
368 |
"FreeU": "FreeU",
|
369 |
"Enabled": "Enabled",
|
370 |
"B1": "B1",
|
371 |
"B2": "B2",
|
372 |
"S1": "S1",
|
373 |
+
"S2": "S2",
|
374 |
+
"\uD83D\uDD0E Type here to search styles ...": "\uD83D\uDD0E Type here to search styles ...",
|
375 |
+
"Type prompt here.": "Type prompt here.",
|
376 |
+
"Outpaint Expansion Direction:": "Outpaint Expansion Direction:",
|
377 |
+
"* Powered by Fooocus Inpaint Engine (beta)": "* Powered by Fooocus Inpaint Engine (beta)",
|
378 |
+
"Fooocus Enhance": "Fooocus Enhance",
|
379 |
+
"Fooocus Cinematic": "Fooocus Cinematic",
|
380 |
+
"Fooocus Sharp": "Fooocus Sharp",
|
381 |
+
"Drag any image generated by Fooocus here": "Drag any image generated by Fooocus here",
|
382 |
+
"Metadata": "Metadata",
|
383 |
+
"Apply Metadata": "Apply Metadata",
|
384 |
+
"Metadata Scheme": "Metadata Scheme",
|
385 |
+
"Image Prompt parameters are not included. Use png and a1111 for compatibility with Civitai.": "Image Prompt parameters are not included. Use png and a1111 for compatibility with Civitai.",
|
386 |
+
"fooocus (json)": "fooocus (json)",
|
387 |
+
"a1111 (plain text)": "a1111 (plain text)",
|
388 |
+
"Unsupported image type in input": "Unsupported image type in input"
|
389 |
}
|
launch.py
CHANGED
@@ -27,7 +27,6 @@ TRY_INSTALL_XFORMERS = False
|
|
27 |
|
28 |
|
29 |
def prepare_environment():
|
30 |
-
|
31 |
torch_index_url = os.environ.get('TORCH_INDEX_URL', "https://download.pytorch.org/whl/cu121")
|
32 |
torch_command = os.environ.get('TORCH_COMMAND',
|
33 |
f"pip install torch==2.1.0 torchvision==0.16.0 --extra-index-url {torch_index_url}")
|
@@ -72,12 +71,10 @@ def ini_args():
|
|
72 |
from args_manager import args
|
73 |
return args
|
74 |
|
75 |
-
args = ini_args()
|
76 |
-
if not args.api_mode:
|
77 |
-
prepare_environment()
|
78 |
-
build_launcher()
|
79 |
-
args = ini_args()
|
80 |
|
|
|
|
|
|
|
81 |
|
82 |
if args.gpu_device_id is not None:
|
83 |
os.environ['CUDA_VISIBLE_DEVICES'] = str(args.gpu_device_id)
|
@@ -131,9 +128,9 @@ def download_models(default_model, previous_default_models, checkpoint_downloads
|
|
131 |
|
132 |
return default_model, checkpoint_downloads
|
133 |
|
134 |
-
|
135 |
-
|
136 |
-
|
137 |
-
|
138 |
|
139 |
from webui import *
|
|
|
27 |
|
28 |
|
29 |
def prepare_environment():
|
|
|
30 |
torch_index_url = os.environ.get('TORCH_INDEX_URL', "https://download.pytorch.org/whl/cu121")
|
31 |
torch_command = os.environ.get('TORCH_COMMAND',
|
32 |
f"pip install torch==2.1.0 torchvision==0.16.0 --extra-index-url {torch_index_url}")
|
|
|
71 |
from args_manager import args
|
72 |
return args
|
73 |
|
|
|
|
|
|
|
|
|
|
|
74 |
|
75 |
+
prepare_environment()
|
76 |
+
build_launcher()
|
77 |
+
args = ini_args()
|
78 |
|
79 |
if args.gpu_device_id is not None:
|
80 |
os.environ['CUDA_VISIBLE_DEVICES'] = str(args.gpu_device_id)
|
|
|
128 |
|
129 |
return default_model, checkpoint_downloads
|
130 |
|
131 |
+
|
132 |
+
config.default_base_model_name, config.checkpoint_downloads = download_models(
|
133 |
+
config.default_base_model_name, config.previous_default_models, config.checkpoint_downloads,
|
134 |
+
config.embeddings_downloads, config.lora_downloads)
|
135 |
|
136 |
from webui import *
|
ldm_patched/ldm/__pycache__/util.cpython-310.pyc
DELETED
Binary file (6.22 kB)
|
|
ldm_patched/ldm/modules/__pycache__/attention.cpython-310.pyc
DELETED
Binary file (18.6 kB)
|
|
ldm_patched/ldm/modules/__pycache__/sub_quadratic_attention.cpython-310.pyc
DELETED
Binary file (8.09 kB)
|
|
ldm_patched/ldm/modules/diffusionmodules/__pycache__/__init__.cpython-310.pyc
DELETED
Binary file (203 Bytes)
|
|
ldm_patched/ldm/modules/diffusionmodules/__pycache__/openaimodel.cpython-310.pyc
DELETED
Binary file (19.4 kB)
|
|
ldm_patched/ldm/modules/diffusionmodules/__pycache__/util.cpython-310.pyc
DELETED
Binary file (10.4 kB)
|
|
ldm_patched/modules/__pycache__/args_parser.cpython-310.pyc
DELETED
Binary file (4.15 kB)
|
|
ldm_patched/modules/__pycache__/checkpoint_pickle.cpython-310.pyc
DELETED
Binary file (758 Bytes)
|
|
ldm_patched/modules/__pycache__/model_base.cpython-310.pyc
DELETED
Binary file (14.5 kB)
|
|
ldm_patched/modules/__pycache__/model_management.cpython-310.pyc
DELETED
Binary file (18.2 kB)
|
|
ldm_patched/modules/__pycache__/options.cpython-310.pyc
DELETED
Binary file (328 Bytes)
|
|
ldm_patched/modules/__pycache__/utils.cpython-310.pyc
DELETED
Binary file (15.2 kB)
|
|
ldm_patched/modules/args_parser.py
CHANGED
@@ -46,7 +46,6 @@ parser.add_argument("--in-browser", action="store_true")
|
|
46 |
parser.add_argument("--disable-in-browser", action="store_true")
|
47 |
parser.add_argument("--gpu-device-id", type=int, default=None, metavar="DEVICE_ID")
|
48 |
cm_group = parser.add_mutually_exclusive_group()
|
49 |
-
parser.add_argument("--api-mode", action="store_true")
|
50 |
cm_group.add_argument("--async-cuda-allocation", action="store_true")
|
51 |
cm_group.add_argument("--disable-async-cuda-allocation", action="store_true")
|
52 |
|
|
|
46 |
parser.add_argument("--disable-in-browser", action="store_true")
|
47 |
parser.add_argument("--gpu-device-id", type=int, default=None, metavar="DEVICE_ID")
|
48 |
cm_group = parser.add_mutually_exclusive_group()
|
|
|
49 |
cm_group.add_argument("--async-cuda-allocation", action="store_true")
|
50 |
cm_group.add_argument("--disable-async-cuda-allocation", action="store_true")
|
51 |
|
modules/__pycache__/async_worker.cpython-310.pyc
DELETED
Binary file (21.3 kB)
|
|
modules/__pycache__/auth.cpython-310.pyc
DELETED
Binary file (1.33 kB)
|
|
modules/__pycache__/config.cpython-310.pyc
DELETED
Binary file (20.9 kB)
|
|
modules/__pycache__/constants.cpython-310.pyc
DELETED
Binary file (250 Bytes)
|
|
modules/__pycache__/flags.cpython-310.pyc
DELETED
Binary file (4.33 kB)
|
|
modules/__pycache__/gradio_hijack.cpython-310.pyc
DELETED
Binary file (17.4 kB)
|
|
modules/__pycache__/html.cpython-310.pyc
DELETED
Binary file (549 Bytes)
|
|
modules/__pycache__/launch_util.cpython-310.pyc
DELETED
Binary file (3.56 kB)
|
|
modules/__pycache__/localization.cpython-310.pyc
DELETED
Binary file (1.81 kB)
|
|
modules/__pycache__/meta_parser.cpython-310.pyc
DELETED
Binary file (16.1 kB)
|
|
modules/__pycache__/model_loader.cpython-310.pyc
DELETED
Binary file (980 Bytes)
|
|
modules/__pycache__/patch.cpython-310.pyc
DELETED
Binary file (14.4 kB)
|
|
modules/__pycache__/private_logger.cpython-310.pyc
DELETED
Binary file (5.21 kB)
|
|
modules/__pycache__/sdxl_styles.cpython-310.pyc
DELETED
Binary file (3.81 kB)
|
|
modules/__pycache__/style_sorter.cpython-310.pyc
DELETED
Binary file (2.36 kB)
|
|
modules/__pycache__/ui_gradio_extensions.cpython-310.pyc
DELETED
Binary file (2.49 kB)
|
|
modules/__pycache__/util.cpython-310.pyc
DELETED
Binary file (12.2 kB)
|
|
modules/async_worker.py
CHANGED
@@ -1,5 +1,8 @@
|
|
1 |
import threading
|
2 |
import re
|
|
|
|
|
|
|
3 |
|
4 |
class AsyncTask:
|
5 |
def __init__(self, args):
|
@@ -12,18 +15,10 @@ class AsyncTask:
|
|
12 |
|
13 |
async_tasks = []
|
14 |
|
15 |
-
def ini_args():
|
16 |
-
from args_manager import args
|
17 |
-
return args
|
18 |
|
19 |
def worker():
|
20 |
global async_tasks
|
21 |
|
22 |
-
args = ini_args()
|
23 |
-
if args.api_mode:
|
24 |
-
return
|
25 |
-
|
26 |
-
from modules.patch import PatchSettings, patch_settings, patch_all
|
27 |
import os
|
28 |
import traceback
|
29 |
import math
|
@@ -57,8 +52,6 @@ def worker():
|
|
57 |
from modules.flags import Performance
|
58 |
from modules.meta_parser import get_metadata_parser, MetadataScheme
|
59 |
|
60 |
-
patch_all()
|
61 |
-
|
62 |
pid = os.getpid()
|
63 |
print(f'Started worker with PID {pid}')
|
64 |
|
|
|
1 |
import threading
|
2 |
import re
|
3 |
+
from modules.patch import PatchSettings, patch_settings, patch_all
|
4 |
+
|
5 |
+
patch_all()
|
6 |
|
7 |
class AsyncTask:
|
8 |
def __init__(self, args):
|
|
|
15 |
|
16 |
async_tasks = []
|
17 |
|
|
|
|
|
|
|
18 |
|
19 |
def worker():
|
20 |
global async_tasks
|
21 |
|
|
|
|
|
|
|
|
|
|
|
22 |
import os
|
23 |
import traceback
|
24 |
import math
|
|
|
52 |
from modules.flags import Performance
|
53 |
from modules.meta_parser import get_metadata_parser, MetadataScheme
|
54 |
|
|
|
|
|
55 |
pid = os.getpid()
|
56 |
print(f'Started worker with PID {pid}')
|
57 |
|
webui.py
CHANGED
@@ -17,13 +17,14 @@ import args_manager
|
|
17 |
import copy
|
18 |
import launch
|
19 |
import torch
|
|
|
20 |
|
21 |
from modules.sdxl_styles import legal_style_names
|
22 |
from modules.private_logger import get_current_html_path
|
23 |
from modules.ui_gradio_extensions import reload_javascript
|
24 |
from modules.auth import auth_enabled, check_auth
|
25 |
from modules.util import is_json
|
26 |
-
|
27 |
def ini_args():
|
28 |
from args_manager import args
|
29 |
return args
|
@@ -39,6 +40,9 @@ def get_task(*args):
|
|
39 |
|
40 |
return worker.AsyncTask(args=args)
|
41 |
|
|
|
|
|
|
|
42 |
def generate_clicked(task: worker.AsyncTask):
|
43 |
import ldm_patched.modules.model_management as model_management
|
44 |
|
@@ -98,14 +102,14 @@ def generate_clicked(task: worker.AsyncTask):
|
|
98 |
print(f'Total time: {execution_time:.2f} seconds')
|
99 |
return
|
100 |
|
101 |
-
|
102 |
reload_javascript()
|
103 |
|
104 |
-
title = f'
|
105 |
|
106 |
if isinstance(args_manager.args.preset, str):
|
107 |
title += ' ' + args_manager.args.preset
|
108 |
|
|
|
109 |
theme = gr.themes.Soft()
|
110 |
|
111 |
shared.gradio_root = gr.Blocks(title=title, theme=theme).queue()
|
@@ -115,6 +119,12 @@ if torch.cuda.is_available():
|
|
115 |
else:
|
116 |
power_device = "CPU"
|
117 |
|
|
|
|
|
|
|
|
|
|
|
|
|
118 |
with shared.gradio_root:
|
119 |
gr.Markdown(f"""# <center>zStudios Generative Media AI running on {power_device}</center>""")
|
120 |
with gr.Tab("DALL-E"):
|
@@ -133,10 +143,93 @@ with shared.gradio_root:
|
|
133 |
dalleText.submit(fn=inf.infer_dall_e, inputs=[dalleText, model, quality, size], outputs=output_image, api_name="infer_dall_e")
|
134 |
dalleBtn.click(fn=inf.infer_dall_e, inputs=[dalleText, model, quality, size], outputs=output_image, api_name=False)
|
135 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
136 |
with gr.Tab("Fooocus"):
|
137 |
args = ini_args()
|
138 |
if args.api_mode:
|
139 |
gr.Markdown("Deactivated")
|
|
|
140 |
currentTask = gr.State(worker.AsyncTask(args=[]))
|
141 |
with gr.Row():
|
142 |
with gr.Column(scale=2):
|
@@ -749,12 +842,9 @@ def dump_default_english_config():
|
|
749 |
dump_english_config(grh.all_components)
|
750 |
|
751 |
|
752 |
-
dump_default_english_config()
|
753 |
-
|
754 |
-
print(f'Starting Gradio... with {args_manager.args}')
|
755 |
|
756 |
-
shared.gradio_root.launch(
|
757 |
-
""" shared.gradio_root.launch(
|
758 |
inbrowser=args_manager.args.in_browser,
|
759 |
server_name=args_manager.args.listen,
|
760 |
server_port=args_manager.args.port,
|
@@ -763,4 +853,3 @@ shared.gradio_root.launch(debug=True)
|
|
763 |
allowed_paths=[modules.config.path_outputs],
|
764 |
blocked_paths=[constants.AUTH_FILENAME]
|
765 |
)
|
766 |
-
"""
|
|
|
17 |
import copy
|
18 |
import launch
|
19 |
import torch
|
20 |
+
import numpy as np
|
21 |
|
22 |
from modules.sdxl_styles import legal_style_names
|
23 |
from modules.private_logger import get_current_html_path
|
24 |
from modules.ui_gradio_extensions import reload_javascript
|
25 |
from modules.auth import auth_enabled, check_auth
|
26 |
from modules.util import is_json
|
27 |
+
|
28 |
def ini_args():
|
29 |
from args_manager import args
|
30 |
return args
|
|
|
40 |
|
41 |
return worker.AsyncTask(args=args)
|
42 |
|
43 |
+
MAX_SEED = np.iinfo(np.int32).max
|
44 |
+
MAX_IMAGE_SIZE = 1024
|
45 |
+
|
46 |
def generate_clicked(task: worker.AsyncTask):
|
47 |
import ldm_patched.modules.model_management as model_management
|
48 |
|
|
|
102 |
print(f'Total time: {execution_time:.2f} seconds')
|
103 |
return
|
104 |
|
|
|
105 |
reload_javascript()
|
106 |
|
107 |
+
title = f'Generative Media AI {fooocus_version.version}'
|
108 |
|
109 |
if isinstance(args_manager.args.preset, str):
|
110 |
title += ' ' + args_manager.args.preset
|
111 |
|
112 |
+
|
113 |
theme = gr.themes.Soft()
|
114 |
|
115 |
shared.gradio_root = gr.Blocks(title=title, theme=theme).queue()
|
|
|
119 |
else:
|
120 |
power_device = "CPU"
|
121 |
|
122 |
+
examples = [
|
123 |
+
"Astronaut in a jungle, cold color palette, muted colors, detailed, 8k",
|
124 |
+
"An astronaut riding a green horse",
|
125 |
+
"A delicious ceviche cheesecake slice",
|
126 |
+
]
|
127 |
+
|
128 |
with shared.gradio_root:
|
129 |
gr.Markdown(f"""# <center>zStudios Generative Media AI running on {power_device}</center>""")
|
130 |
with gr.Tab("DALL-E"):
|
|
|
143 |
dalleText.submit(fn=inf.infer_dall_e, inputs=[dalleText, model, quality, size], outputs=output_image, api_name="infer_dall_e")
|
144 |
dalleBtn.click(fn=inf.infer_dall_e, inputs=[dalleText, model, quality, size], outputs=output_image, api_name=False)
|
145 |
|
146 |
+
with gr.Tab("Stable Diffusion"):
|
147 |
+
with gr.Row():
|
148 |
+
|
149 |
+
sdText = gr.Textbox(label="Prompt",
|
150 |
+
placeholder="Enter your text and then click on the \"Run\" button, "
|
151 |
+
"or simply press the Enter key.")
|
152 |
+
|
153 |
+
sdBtn = gr.Button("Run", scale=0)
|
154 |
+
|
155 |
+
result = gr.Image(label="Image Output")
|
156 |
+
|
157 |
+
with gr.Accordion("Advanced Settings", open=False):
|
158 |
+
|
159 |
+
negative_prompt = gr.Text(
|
160 |
+
label="Negative prompt",
|
161 |
+
max_lines=1,
|
162 |
+
placeholder="Enter a negative prompt",
|
163 |
+
visible=False,
|
164 |
+
)
|
165 |
+
|
166 |
+
seed = gr.Slider(
|
167 |
+
label="Seed",
|
168 |
+
minimum=0,
|
169 |
+
maximum=MAX_SEED,
|
170 |
+
step=1,
|
171 |
+
value=0,
|
172 |
+
)
|
173 |
+
|
174 |
+
randomize_seed = gr.Checkbox(label="Randomize seed", value=True)
|
175 |
+
|
176 |
+
with gr.Row():
|
177 |
+
|
178 |
+
width = gr.Slider(
|
179 |
+
label="Width",
|
180 |
+
minimum=256,
|
181 |
+
maximum=MAX_IMAGE_SIZE,
|
182 |
+
step=32,
|
183 |
+
value=512,
|
184 |
+
)
|
185 |
+
|
186 |
+
height = gr.Slider(
|
187 |
+
label="Height",
|
188 |
+
minimum=256,
|
189 |
+
maximum=MAX_IMAGE_SIZE,
|
190 |
+
step=32,
|
191 |
+
value=512,
|
192 |
+
)
|
193 |
+
|
194 |
+
with gr.Row():
|
195 |
+
|
196 |
+
guidance_scale = gr.Slider(
|
197 |
+
label="Guidance scale",
|
198 |
+
minimum=0.0,
|
199 |
+
maximum=10.0,
|
200 |
+
step=0.1,
|
201 |
+
value=0.0,
|
202 |
+
)
|
203 |
+
|
204 |
+
num_inference_steps = gr.Slider(
|
205 |
+
label="Number of inference steps",
|
206 |
+
minimum=1,
|
207 |
+
maximum=12,
|
208 |
+
step=1,
|
209 |
+
value=2,
|
210 |
+
)
|
211 |
+
|
212 |
+
gr.Examples(
|
213 |
+
examples = examples,
|
214 |
+
inputs = [sdText]
|
215 |
+
)
|
216 |
+
|
217 |
+
sdText.submit(
|
218 |
+
fn=inf.infer_stable_diffusion,
|
219 |
+
inputs=[sdText, negative_prompt, seed, randomize_seed, width, height, guidance_scale, num_inference_steps],
|
220 |
+
outputs=result,
|
221 |
+
api_name="infer_stable_diffusion")
|
222 |
+
sdBtn.click(
|
223 |
+
fn = inf.infer_stable_diffusion,
|
224 |
+
inputs = [sdText, negative_prompt, seed, randomize_seed, width, height, guidance_scale, num_inference_steps],
|
225 |
+
outputs = [result]
|
226 |
+
)
|
227 |
+
|
228 |
with gr.Tab("Fooocus"):
|
229 |
args = ini_args()
|
230 |
if args.api_mode:
|
231 |
gr.Markdown("Deactivated")
|
232 |
+
|
233 |
currentTask = gr.State(worker.AsyncTask(args=[]))
|
234 |
with gr.Row():
|
235 |
with gr.Column(scale=2):
|
|
|
842 |
dump_english_config(grh.all_components)
|
843 |
|
844 |
|
845 |
+
# dump_default_english_config()
|
|
|
|
|
846 |
|
847 |
+
shared.gradio_root.launch(
|
|
|
848 |
inbrowser=args_manager.args.in_browser,
|
849 |
server_name=args_manager.args.listen,
|
850 |
server_port=args_manager.args.port,
|
|
|
853 |
allowed_paths=[modules.config.path_outputs],
|
854 |
blocked_paths=[constants.AUTH_FILENAME]
|
855 |
)
|
|