I am trying to run a hugging face AI model, which gives me an error when I try to import the Diffuser module. From here, I take this model, Huggingface Text to image generation model Error log:
cannot import name 'AutoPipelineForText2Imag' from 'diffusers
Code use to run this AI model,
import torch
from diffusers import LCMScheduler, AutoPipelineForText2Image
model_id = "stabilityai/stable-diffusion-xl-base-1.0"
adapter_id = "latent-consistency/lcm-lora-sdxl"
pipe = AutoPipelineForText2Image.from_pretrained(model_id, torch_dtype=torch.float16, variant="fp16")
pipe.scheduler = LCMScheduler.from_config(pipe.scheduler.config)
pipe.to("cuda")
# load and fuse lcm lora
pipe.load_lora_weights(adapter_id)
pipe.fuse_lora()
prompt = "Self-portrait oil painting, a beautiful cyborg with golden hair, 8k"
# disable guidance_scale by passing 0
image = pipe(prompt=prompt, num_inference_steps=4, guidance_scale=0).images[0]
i have found an alternative way to launch this model on google colab, here it is:
this whole script will load model for you, although, it is llm colab is not enough for it but it loads almost 90 percent weights on free GPU of google colab, so if you see any error like this so don't get confused (it will work beside of this error):
here is my google colab notebook for this model as reference.