seokochin commited on
Commit
ea3893e
·
1 Parent(s): 0434852

Update app.py

Browse files
Files changed (1) hide show
  1. app.py +16 -11
app.py CHANGED
@@ -1,15 +1,20 @@
1
  import gradio as gr
2
- from transformers import pipeline
 
 
3
 
4
- pipeline = pipeline(task="image-classification", model="julien-c/hotdog-not-hotdog")
5
 
6
- def predict(image):
7
- predictions = pipeline(image)
8
- return {p["label"]: p["score"] for p in predictions}
 
9
 
10
- gr.Interface(
11
- predict,
12
- inputs=gr.inputs.Image(label="Upload hot dog candidate", type="filepath"),
13
- outputs=gr.outputs.Label(num_top_classes=2),
14
- title="Hot Dog? Or Not?",
15
- ).launch()
 
 
 
1
  import gradio as gr
2
+ import torch
3
+ import torchvision
4
+ from diffusers import StableDiffusionPipeline, EulerDiscreteScheduler
5
 
6
+ model_id = "stabilityai/stable-diffusion-2"
7
 
8
+ # Use the Euler scheduler here instead
9
+ scheduler = EulerDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
10
+ pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
11
+ pipe = pipe.to("cuda")
12
 
13
+ @gr.inputs(text="Enter a sentence to classify its sentiment (type 'exit' to quit)")
14
+ @gr.outputs(image="Output image")
15
+ def classify_sentiment(prompt):
16
+ image = pipe(prompt).images[0]
17
+ image.save("output/" + prompt + ".png")
18
+ image.show()
19
+
20
+ gr.Interface(classify_sentiment).launch()