Kokoro-API-5 / app.py
Yaron Koresh
Update app.py
7300f25 verified
raw
history blame
4.43 kB
import gradio as gr
import os
import re
#from tempfile import NamedTemporaryFile
import numpy as np
import spaces
import random
import string
from diffusers import StableDiffusion3Pipeline
import torch
from pathos.multiprocessing import ProcessingPool as ProcessPoolExecutor
import requests
from lxml.html import fromstring
pool = ProcessPoolExecutor(2000)
pool.__enter__()
#model_id = "runwayml/stable-diffusion-v1-5"
model_id = "stabilityai/stable-diffusion-3-medium-diffusers"
device = "cuda" if torch.cuda.is_available() else "cpu"
if torch.cuda.is_available():
torch.cuda.max_memory_allocated(device=device)
pipe = StableDiffusion3Pipeline.from_pretrained(model_id, torch_dtype=torch.float16, variant="fp16", use_safetensors=True, token=os.getenv('hf_token'))
pipe = pipe.to(device)
else:
pipe = StableDiffusion3Pipeline.from_pretrained(model_id, use_safetensors=True, token=os.getenv('hf_token'))
pipe = pipe.to(device)
def translate(text,lang):
user_agents = [
'Mozilla/5.0 (Windows NT 10.0; Win64; x64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/126.0.0.0 Safari/537.36',
'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_15_7) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/126.0.0.0 Safari/537.36',
'Mozilla/5.0 (Windows NT 10.0; Win64; x64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/126.0.0.0 Safari/537.36',
'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_15_7) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/126.0.0.0 Safari/537.36',
'Mozilla/5.0 (X11; Linux x86_64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/126.0.0.0 Safari/537.36',
'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_15_7) AppleWebKit/605.1.15 (KHTML, like Gecko) Version/16.1 Safari/605.1.15',
'Mozilla/5.0 (Macintosh; Intel Mac OS X 13_1) AppleWebKit/605.1.15 (KHTML, like Gecko) Version/16.1 Safari/605.1.15'
]
url = f'https://www.google.com/search?q=translate to {lang}: {text}'
print(url)
resp = requests.get(
url = url,
headers = {
'User-Agent': random.choice(user_agents)
}
)
print(resp)
content = resp.content
html = fromstring(content)
rslt = html.xpath('//pre[@aria-label="Translated text"]/span')
translated = rslt[0].text.strip()
ret = re.sub(f'[{string.punctuation}]', '', re.sub('[\s+]', ' ', translated)).lower().strip()
print(ret)
return ret
def generate_random_string(length):
characters = string.ascii_letters + string.digits
return ''.join(random.choice(characters) for _ in range(length))
@spaces.GPU
def Piper(_do, _dont):
return pipe(
_do,
height=512,
width=512,
negative_prompt=_dont,
num_inference_steps=400,
guidance_scale=10
)
def infer(prompt1,prompt2,prompt3):
name = generate_random_string(12)+".png"
_do = f'BACKGROUND: show an authentic {translate(prompt2,"english")}; FOREGROUND: be focused on a real {translate(prompt1,"english")}.'
_dont = f'ANY usage of {translate(prompt3,"english").upper()}...'
image = Piper(_do, _dont).images[0].save(name)
return name
css="""
#col-container {
margin: 0 auto;
max-width: 14cm;
}
#image-container {
aspect-ratio: 1 / 1;
}
"""
if torch.cuda.is_available():
power_device = "GPU"
else:
power_device = "CPU"
with gr.Blocks(css=css) as demo:
with gr.Column(elem_id="col-container"):
gr.Markdown(f"""
# Image Generator
Currently running on {power_device}.
""")
with gr.Row():
prompt2 = gr.Text(
show_label=False,
max_lines=1,
placeholder="(The Overall Scene)",
container=False,
)
prompt1 = gr.Text(
show_label=False,
max_lines=1,
placeholder="(The Main Content)",
container=False,
)
prompt3 = gr.Text(
show_label=False,
max_lines=1,
placeholder="(What Things Are Forbidden?)",
container=False,
)
run_button = gr.Button("Run", scale=0)
result = gr.Image(elem_id="image-container", label="Result", show_label=False, type='filepath')
run_button.click(
fn = infer,
inputs = [prompt1,prompt2,prompt3],
outputs = [result]
)
demo.queue().launch()