ariG23498 HF Staff commited on
Commit
31e5e4b
·
verified ·
1 Parent(s): 2a68608

Upload Owen777_UltraFlux-v1_0.txt with huggingface_hub

Browse files
Files changed (1) hide show
  1. Owen777_UltraFlux-v1_0.txt +43 -0
Owen777_UltraFlux-v1_0.txt ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ```CODE:
2
+ import torch
3
+ from diffusers import DiffusionPipeline
4
+
5
+ # switch to "mps" for apple devices
6
+ pipe = DiffusionPipeline.from_pretrained("Owen777/UltraFlux-v1", dtype=torch.bfloat16, device_map="cuda")
7
+
8
+ prompt = " "
9
+ image = pipe(prompt).images[0]
10
+ ```
11
+
12
+ ERROR:
13
+ Traceback (most recent call last):
14
+ File "/tmp/Owen777_UltraFlux-v1_0XXroWZ.py", line 27, in <module>
15
+ pipe = DiffusionPipeline.from_pretrained("Owen777/UltraFlux-v1", dtype=torch.bfloat16, device_map="cuda")
16
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/huggingface_hub/utils/_validators.py", line 114, in _inner_fn
17
+ return fn(*args, **kwargs)
18
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/diffusers/pipelines/pipeline_utils.py", line 1025, in from_pretrained
19
+ loaded_sub_model = load_sub_model(
20
+ library_name=library_name,
21
+ ...<21 lines>...
22
+ quantization_config=quantization_config,
23
+ )
24
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/diffusers/pipelines/pipeline_loading_utils.py", line 860, in load_sub_model
25
+ loaded_sub_model = load_method(os.path.join(cached_folder, name), **loading_kwargs)
26
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/huggingface_hub/utils/_validators.py", line 114, in _inner_fn
27
+ return fn(*args, **kwargs)
28
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/diffusers/models/modeling_utils.py", line 1288, in from_pretrained
29
+ ) = cls._load_pretrained_model(
30
+ ~~~~~~~~~~~~~~~~~~~~~~~~~~^
31
+ model,
32
+ ^^^^^^
33
+ ...<13 lines>...
34
+ is_parallel_loading_enabled=is_parallel_loading_enabled,
35
+ ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
36
+ )
37
+ ^
38
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/diffusers/models/modeling_utils.py", line 1537, in _load_pretrained_model
39
+ _caching_allocator_warmup(model, expanded_device_map, dtype, hf_quantizer)
40
+ ~~~~~~~~~~~~~~~~~~~~~~~~~^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
41
+ File "/tmp/.cache/uv/environments-v2/81c55485d0bc44db/lib/python3.13/site-packages/diffusers/models/model_loading_utils.py", line 754, in _caching_allocator_warmup
42
+ _ = torch.empty(warmup_elems, dtype=dtype, device=device, requires_grad=False)
43
+ torch.OutOfMemoryError: CUDA out of memory. Tried to allocate 22.17 GiB. GPU 0 has a total capacity of 22.03 GiB of which 21.84 GiB is free. Including non-PyTorch memory, this process has 186.00 MiB memory in use. Of the allocated memory 0 bytes is allocated by PyTorch, and 0 bytes is reserved by PyTorch but unallocated. If reserved but unallocated memory is large try setting PYTORCH_CUDA_ALLOC_CONF=expandable_segments:True to avoid fragmentation. See documentation for Memory Management (https://pytorch.org/docs/stable/notes/cuda.html#environment-variables)