34 questions
0
votes
0
answers
53
views
How do I visualize the latent representation produced by the Stable Diffusion VAE?
I am trying to visualize the latent representation produced by the VAE inside a Stable Diffusion pipeline
from diffusers import StableDiffusionPipeline
import torch
# A CUDA ordinal is simply the ...
0
votes
0
answers
91
views
How to solve device mismatch issue when using offloading with QwenImageEditPlus pipeline and GGUF weights
After failing to make the QwenImageEditPlus run (https://huggingface.co/spaces/discord-community/README/discussions/9#68d260e32053323e6bfab30c), I tried a different approach (thanks to all the example ...
1
vote
0
answers
387
views
Encountering an AttibuteError: module 'torch' has no attribute 'xpu'
I'm encountering an error
AttibuteError: module 'torch' has no attribute 'xpu'
when running the diffusers library in a Google Colab environment with a CUDA GPU. I'm trying to use DiffusionPipleline....
2
votes
1
answer
109
views
How to stop hugging face pipeline operation
I need to stop hugging face pipeline operation. I tried to achieve this using a method from the following question, but it didn't work. I set the breakpoint on the line return flag and expected ...
0
votes
1
answer
162
views
Is HuggingFace Accelerate's init_empty_weights Context Manager (Properly) Implemented for a Diffuser?
Discussion
HuggingFace accelerate's init_empty_weights() properly loads all text encoders I tested to the PyTorch meta device and consumes no apparent memory or disk space while loaded.
However, it ...
0
votes
0
answers
212
views
IP-adapter plus face model not working as expected
I came from these two links,
https://huggingface.co/h94/IP-Adapter-FaceID
https://stable-diffusion-art.com/consistent-face/
They all mentioned I can preserve face id with the controlnet model.
So I ...
5
votes
1
answer
24k
views
ImportError: cannot import name 'cached_download' from 'huggingface_hub'
huggingface_hub==0.27.1
diffusers==0.28.0
I am getting this error:
Traceback (most recent call last): File "/data/om/Lotus/infer.py", line 11, in <module>
from diffusers.utils ...
0
votes
1
answer
2k
views
ModuleNotFoundError: No module named 'diffusers.models.unet_2d_blocks'
when I use the diffusers in the https://github.com/alvinliu0/HumanGaussian project, I got the error :
Traceback (most recent call last):
File "launch.py", line 239, in <module>
...
0
votes
0
answers
182
views
Diffusers pipeline Instant ID with Ipadapter
I want to use an implementation of InstantID with Ipadapter using Diffusers library.
So far I got :
import diffusers
from diffusers.utils import load_image
from diffusers.models import ControlNetModel
...
1
vote
1
answer
148
views
Differences in no of ResNet blocks in up blocks and no of channels for Unet2D model of diffusers
I have been reading about Unets and Stable diffusion and want to train one. I understand the original architecture for unets and how its channels, height and width evolve over down blocks and up ...
2
votes
1
answer
428
views
Huge memory consumption with SD3.5-medium
I have a g4dn.xlarge AWS GPU instance, it has 16GB memory + 48GB swap, and a Tesla T4 GPU Instance with 16GB vRAM.
According to the stability blog, it should be sufficient to run SD3.5 Medium model.
...
1
vote
1
answer
474
views
Cannot merge Lora weights back to the Flux Dev base model
I have a Flux-Dev base model which has been trained with the LoRA technique using the SimpleTuner framework (https://github.com/bghira/SimpleTuner/blob/main/documentation/quickstart/FLUX.md). The ...
0
votes
1
answer
823
views
Flux.1 Schnell image generator issue, GPU resources getting exhausted after 1 prompt
So, I tried to train a prompt based image generation model using FLUX.1-schnell. I used Lightning AI Studio (an alternate to Google Colab), that helped me to access to L40 GPU, that came with 48gb ...
4
votes
2
answers
2k
views
Issue loading FluxPipeline components
import torch
from diffusers import FluxPipeline
pipe = FluxPipeline.from_pretrained('C:\\Python\\Projects\\test1\\flux1dev', torch_dtype=torch.bfloat16)
pipe.enable_sequential_cpu_offload()
prompt = ...
1
vote
1
answer
325
views
Shapes mismatch while training diffusers/UNet2DConditionModel
I am trying to train diffusers/UNet2DConditionModel from scratch. Currently I have error on unet forwarding: mat1 and mat2 shapes cannot be multiplied (288x512 and 1280x512). I noticed that mat1 first ...