1 Star 0 Fork 8

ithaqishi/SDXL-Turbo2

forked from 衣沾不足惜/SDXL-Turbo 
加入 Gitee
与超过 1200万 开发者一起发现、参与优秀开源项目,私有仓库也完全免费 :)
免费加入
文件
该仓库未声明开源许可证文件(LICENSE),使用请关注具体项目描述及其代码上游依赖。
克隆/下载
app.py 1.69 KB
一键复制 编辑 原始数据 按行查看 历史
衣沾不足惜 提交于 2024-03-14 15:51 . update
import gradio as gr
import torch
import modin.pandas as pd
import numpy as np
from diffusers import DiffusionPipeline
import subprocess
device = "cuda" if torch.cuda.is_available() else "cpu"
ret, out = subprocess.getstatusoutput('cd /home && git -c lfs.url="http://lfs-internal.gitee.com/hf-models/sdxl-turbo.git/info/lfs" clone https://oauth2:ba5873331afef8656c65ea8a9b3ab929@gitee.com/hf-models/sdxl-turbo.git')
print("ret:", ret)
print("out:", out)
if torch.cuda.is_available():
print("cuda")
torch.cuda.max_memory_allocated(device=device)
torch.cuda.empty_cache()
pipe = DiffusionPipeline.from_pretrained("/home/sdxl-turbo", torch_dtype=torch.float16, variant="fp16", use_safetensors=True)
pipe.enable_xformers_memory_efficient_attention()
pipe = pipe.to(device)
torch.cuda.empty_cache()
else:
print("cpu")
pipe = DiffusionPipeline.from_pretrained("/home/sdxl-turbo", use_safetensors=True)
pipe = pipe.to(device)
def genie (prompt, steps, seed):
generator = np.random.seed(0) if seed == 0 else torch.manual_seed(seed)
int_image = pipe(prompt=prompt, generator=generator, num_inference_steps=steps, guidance_scale=0.0).images[0]
return int_image
gr.Interface(fn=genie, inputs=[gr.Textbox(label='What you want the AI to generate. 77 Token Limit.'),
gr.Slider(1, maximum=5, value=2, step=1, label='Number of Iterations'),
gr.Slider(minimum=0, step=1, maximum=999999999999999999, randomize=True),
],
outputs='image',
title="Stable Diffusion Turbo",
description="SDXL Turbo. <br><br><b>WARNING: This model is capable of producing NSFW (Softcore) images.</b>",
article = "Hosted on gitee-ai").launch(debug=True, max_threads=80)
Loading...
马建仓 AI 助手
尝试更多
代码解读
代码找茬
代码优化
1
https://gitee.com/ithaqishi/SDXL-Turbo2.git
git@gitee.com:ithaqishi/SDXL-Turbo2.git
ithaqishi
SDXL-Turbo2
SDXL-Turbo2
master

搜索帮助

0d507c66 1850385 C8b1a773 1850385