from diffusers import AutoencoderKL, UNet2DConditionModel, StableDiffusionPipeline, StableDiffusionImg2ImgPipeline, DPMSolverMultistepScheduler import gradio as gr import torch from PIL import Image import utils import datetime import time import psutil import random start_time = time.time() is_colab = utils.is_google_colab() state = None current_steps = 25 class Model: def __init__(self, name, path=""): self.name = name self.path = path self.pipe_t2i = None self.pipe_i2i = None models = [ Model("2.2", "darkstorm2150/Protogen_v2.2_Official_Release"), Model("3.4", "darkstorm2150/Protogen_x3.4_Official_Release"), Model("5.3", "darkstorm2150/Protogen_v5.3_Official_Release"), Model("5.8", "darkstorm2150/Protogen_x5.8_Official_Release"), Model("Dragon", "darkstorm2150/Protogen_Dragon_Official_Release"), ] custom_model = None if is_colab: models.insert(0, Model("Custom model")) custom_model = models[0] last_mode = "txt2img" current_model = models[1] if is_colab else models[0] current_model_path = current_model.path if is_colab: pipe = StableDiffusionPipeline.from_pretrained( current_model.path, torch_dtype=torch.float16, scheduler=DPMSolverMultistepScheduler.from_pretrained(current_model.path, subfolder="scheduler"), safety_checker=lambda images, clip_input: (images, False) ) else: pipe = StableDiffusionPipeline.from_pretrained( current_model.path, torch_dtype=torch.float16, scheduler=DPMSolverMultistepScheduler.from_pretrained(current_model.path, subfolder="scheduler") ) if torch.cuda.is_available(): pipe = pipe.to("cuda") pipe.enable_xformers_memory_efficient_attention() device = "GPU 🔥" if torch.cuda.is_available() else "CPU 🥶" def error_str(error, title="Error"): return f"""#### {title} {error}""" if error else "" def update_state(new_state): global state state = new_state def update_state_info(old_state): if state and state != old_state: return gr.update(value=state) def custom_model_changed(path): models[0].path = path global current_model current_model = models[0] def on_model_change(model_name): prefix = "Enter prefix" return gr.update(visible = model_name == models[0].name), gr.update(placeholder=prefix) def on_steps_change(steps): global current_steps current_steps = steps def pipe_callback(step: int, timestep: int, latents: torch.FloatTensor): update_state(f"{step}/{current_steps} steps")#\nTime left, sec: {timestep/100:.0f}") def inference(model_name, prompt, guidance, steps, n_images=1, width=512, height=512, seed=0, img=None, strength=0.5, neg_prompt=""): update_state(" ") print(psutil.virtual_memory()) # print memory usage global current_model for model in models: if model.name == model_name: current_model = model model_path = current_model.path # generator = torch.Generator('cuda').manual_seed(seed) if seed != 0 else None if seed == 0: seed = random.randint(0, 2147483647) generator = torch.Generator('cuda').manual_seed(seed) try: if img is not None: return img_to_img(model_path, prompt, n_images, neg_prompt, img, strength, guidance, steps, width, height, generator, seed), f"Done. Seed: {seed}" else: return txt_to_img(model_path, prompt, n_images, neg_prompt, guidance, steps, width, height, generator, seed), f"Done. Seed: {seed}" except Exception as e: return None, error_str(e) def txt_to_img(model_path, prompt, n_images, neg_prompt, guidance, steps, width, height, generator, seed): print(f"{datetime.datetime.now()} txt_to_img, model: {current_model.name}") global last_mode global pipe global current_model_path if model_path != current_model_path or last_mode != "txt2img": current_model_path = model_path update_state(f"Loading {current_model.name} text-to-image model...") if is_colab or current_model == custom_model: pipe = StableDiffusionPipeline.from_pretrained( current_model_path, torch_dtype=torch.float16, scheduler=DPMSolverMultistepScheduler.from_pretrained(current_model.path, subfolder="scheduler"), safety_checker=lambda images, clip_input: (images, False) ) else: pipe = StableDiffusionPipeline.from_pretrained( current_model_path, torch_dtype=torch.float16, scheduler=DPMSolverMultistepScheduler.from_pretrained(current_model.path, subfolder="scheduler") ) # pipe = pipe.to("cpu") # pipe = current_model.pipe_t2i if torch.cuda.is_available(): pipe = pipe.to("cuda") pipe.enable_xformers_memory_efficient_attention() last_mode = "txt2img" result = pipe( prompt, negative_prompt = neg_prompt, num_images_per_prompt=n_images, num_inference_steps = int(steps), guidance_scale = guidance, width = width, height = height, generator = generator, callback=pipe_callback) # update_state(f"Done. Seed: {seed}") return replace_nsfw_images(result) def img_to_img(model_path, prompt, n_images, neg_prompt, img, strength, guidance, steps, width, height, generator, seed): print(f"{datetime.datetime.now()} img_to_img, model: {model_path}") global last_mode global pipe global current_model_path if model_path != current_model_path or last_mode != "img2img": current_model_path = model_path update_state(f"Loading {current_model.name} image-to-image model...") if is_colab or current_model == custom_model: pipe = StableDiffusionImg2ImgPipeline.from_pretrained( current_model_path, torch_dtype=torch.float16, scheduler=DPMSolverMultistepScheduler.from_pretrained(current_model.path, subfolder="scheduler"), safety_checker=lambda images, clip_input: (images, False) ) else: pipe = StableDiffusionImg2ImgPipeline.from_pretrained( current_model_path, torch_dtype=torch.float16, scheduler=DPMSolverMultistepScheduler.from_pretrained(current_model.path, subfolder="scheduler") ) # pipe = pipe.to("cpu") # pipe = current_model.pipe_i2i if torch.cuda.is_available(): pipe = pipe.to("cuda") pipe.enable_xformers_memory_efficient_attention() last_mode = "img2img" ratio = min(height / img.height, width / img.width) img = img.resize((int(img.width * ratio), int(img.height * ratio)), Image.LANCZOS) result = pipe( prompt, negative_prompt = neg_prompt, num_images_per_prompt=n_images, image = img, num_inference_steps = int(steps), strength = strength, guidance_scale = guidance, # width = width, # height = height, generator = generator, callback=pipe_callback) # update_state(f"Done. Seed: {seed}") return replace_nsfw_images(result) def replace_nsfw_images(results): if is_colab: return results.images for i in range(len(results.images)): if results.nsfw_content_detected[i]: results.images[i] = Image.open("nsfw.png") return results.images # css = """.finetuned-diffusion-div div{display:inline-flex;align-items:center;gap:.8rem;font-size:1.75rem}.finetuned-diffusion-div div h1{font-weight:900;margin-bottom:7px}.finetuned-diffusion-div p{margin-bottom:10px;font-size:94%}a{text-decoration:underline}.tabs{margin-top:0;margin-bottom:0}#gallery{min-height:20rem} # """ with gr.Blocks(css="style.css") as demo: gr.HTML( f"""
Demo for multiple fine-tuned Protogen Stable Diffusion models + in colab notebook you can load any other Diffusers 🧨 SD model hosted on HuggingFace 🤗.
You can skip the queue and load custom models in the colab: 
You can also duplicate this space and upgrade to gpu by going to settings:
              
Models by @darkstorm2150 and others. ❤️
This space uses the DPM-Solver++ sampler by Cheng Lu, et al..
Space by: Darkstorm (Victor Espinoza)
      Instagram