Pijush2023 commited on
Commit
572c4d2
·
verified ·
1 Parent(s): 7307a29

Update app.py

Browse files
Files changed (1) hide show
  1. app.py +9 -9
app.py CHANGED
@@ -13,7 +13,7 @@ from datetime import datetime
13
  from transformers import pipeline, AutoModelForSpeechSeq2Seq, AutoProcessor
14
  from googlemaps import Client as GoogleMapsClient
15
  from gtts import gTTS
16
- from diffusers import StableDiffusion3Pipeline
17
  from langchain_openai import OpenAIEmbeddings, ChatOpenAI
18
  from langchain_pinecone import PineconeVectorStore
19
  from langchain.prompts import PromptTemplate
@@ -509,16 +509,16 @@ def generate_audio_parler_tts(text):
509
  logging.debug(f"Audio saved to {temp_audio_path}")
510
  return temp_audio_path
511
 
512
- pipe = StableDiffusion3Pipeline.from_pretrained("stabilityai/stable-diffusion-3-medium-diffusers", torch_dtype=torch.float16)
513
- pipe = pipe.to("cuda")
514
 
515
  def generate_image(prompt):
516
- image = pipe(
517
- prompt,
518
- negative_prompt="",
519
- num_inference_steps=28,
520
- guidance_scale=3.0,
521
- ).images[0]
522
  return image
523
 
524
  hardcoded_prompt_1 = "Give a high quality photograph of a great looking red 2026 Bentley coupe against a skyline setting in the night, michael mann style in omaha enticing the consumer to buy this product"
 
13
  from transformers import pipeline, AutoModelForSpeechSeq2Seq, AutoProcessor
14
  from googlemaps import Client as GoogleMapsClient
15
  from gtts import gTTS
16
+ from diffusers import StableDiffusionPipeline
17
  from langchain_openai import OpenAIEmbeddings, ChatOpenAI
18
  from langchain_pinecone import PineconeVectorStore
19
  from langchain.prompts import PromptTemplate
 
509
  logging.debug(f"Audio saved to {temp_audio_path}")
510
  return temp_audio_path
511
 
512
+ pipe = StableDiffusionPipeline.from_pretrained("stabilityai/stable-diffusion-2", torch_dtype=torch.float16)
513
+ pipe.to(device)
514
 
515
  def generate_image(prompt):
516
+ with torch.cuda.amp.autocast():
517
+ image = pipe(
518
+ prompt,
519
+ num_inference_steps=28,
520
+ guidance_scale=3.0,
521
+ ).images[0]
522
  return image
523
 
524
  hardcoded_prompt_1 = "Give a high quality photograph of a great looking red 2026 Bentley coupe against a skyline setting in the night, michael mann style in omaha enticing the consumer to buy this product"