I got an error (im running it in google colab btw)

#22
by chang999 - opened

import torch
from diffusers import DiffusionPipeline, DPMSolverMultistepScheduler
from diffusers.utils import export_to_video

pipe = DiffusionPipeline.from_pretrained("cerspense/zeroscope_v2_576w", torch_dtype=torch.float16)
pipe.scheduler = DPMSolverMultistepScheduler.from_config(pipe.scheduler.config)
pipe.enable_model_cpu_offload()

prompt = "Darth Vader is surfing on waves"
video_frames = pipe(prompt, num_inference_steps=40, height=320, width=576, num_frames=24).frames
video_path = export_to_video(video_frames)
________________________________output
vae/diffusion_pytorch_model.safetensors not found

AttributeError Traceback (most recent call last)
in <cell line: 5>()
3 from diffusers.utils import export_to_video
4
----> 5 pipe = DiffusionPipeline.from_pretrained("cerspense/zeroscope_v2_576w", torch_dtype=torch.float16)
6 pipe.scheduler = DPMSolverMultistepScheduler.from_config(pipe.scheduler.config)
7 pipe.enable_model_cpu_offload()

2 frames
/usr/local/lib/python3.10/dist-packages/diffusers/pipelines/pipeline_utils.py in from_pretrained(cls, pretrained_model_name_or_path, **kwargs)
906 # use snapshot download here to get it working from from_pretrained
907 if not os.path.isdir(pretrained_model_name_or_path):
--> 908 cached_folder = cls.download(
909 pretrained_model_name_or_path,
910 cache_dir=cache_dir,

/usr/local/lib/python3.10/dist-packages/diffusers/pipelines/pipeline_utils.py in download(cls, pretrained_model_name, *kwargs)
1444 ignore_patterns = ["
.safetensors", ".msgpack"]
1445
-> 1446 use_onnx = use_onnx if use_onnx is not None else pipeline_class._is_onnx
1447 if not use_onnx:
1448 ignore_patterns += ["
.onnx", "*.pb"]

/usr/local/lib/python3.10/dist-packages/diffusers/utils/import_utils.py in getattr(cls, key)
573 def getattr(cls, key):
574 if key.startswith("_") and key != "_load_connected_pipes":
--> 575 return super().getattr(cls, key)
576 requires_backends(cls, cls._backends)
577

AttributeError: 'super' object has no attribute 'getattr'

im stuck here : / HELP

Sign up or log in to comment