diffusers 0.30.1__py3-none-any.whl → 0.30.3__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- diffusers/__init__.py +5 -1
- diffusers/loaders/ip_adapter.py +2 -0
- diffusers/loaders/single_file_utils.py +2 -2
- diffusers/models/autoencoders/autoencoder_kl_cogvideox.py +109 -6
- diffusers/models/embeddings.py +68 -0
- diffusers/models/transformers/cogvideox_transformer_3d.py +35 -34
- diffusers/pipelines/__init__.py +6 -2
- diffusers/pipelines/cogvideo/__init__.py +4 -0
- diffusers/pipelines/cogvideo/pipeline_cogvideox.py +2 -17
- diffusers/pipelines/cogvideo/pipeline_cogvideox_image2video.py +827 -0
- diffusers/pipelines/cogvideo/pipeline_cogvideox_video2video.py +812 -0
- diffusers/pipelines/cogvideo/pipeline_output.py +20 -0
- diffusers/pipelines/flux/pipeline_flux.py +1 -1
- diffusers/utils/dummy_torch_and_transformers_objects.py +30 -0
- {diffusers-0.30.1.dist-info → diffusers-0.30.3.dist-info}/METADATA +1 -1
- {diffusers-0.30.1.dist-info → diffusers-0.30.3.dist-info}/RECORD +20 -17
- {diffusers-0.30.1.dist-info → diffusers-0.30.3.dist-info}/WHEEL +1 -1
- {diffusers-0.30.1.dist-info → diffusers-0.30.3.dist-info}/LICENSE +0 -0
- {diffusers-0.30.1.dist-info → diffusers-0.30.3.dist-info}/entry_points.txt +0 -0
- {diffusers-0.30.1.dist-info → diffusers-0.30.3.dist-info}/top_level.txt +0 -0
@@ -0,0 +1,20 @@
|
|
1
|
+
from dataclasses import dataclass
|
2
|
+
|
3
|
+
import torch
|
4
|
+
|
5
|
+
from diffusers.utils import BaseOutput
|
6
|
+
|
7
|
+
|
8
|
+
@dataclass
|
9
|
+
class CogVideoXPipelineOutput(BaseOutput):
|
10
|
+
r"""
|
11
|
+
Output class for CogVideo pipelines.
|
12
|
+
|
13
|
+
Args:
|
14
|
+
frames (`torch.Tensor`, `np.ndarray`, or List[List[PIL.Image.Image]]):
|
15
|
+
List of video outputs - It can be a nested list of length `batch_size,` with each sub-list containing
|
16
|
+
denoised PIL image sequences of length `num_frames.` It can also be a NumPy array or Torch tensor of shape
|
17
|
+
`(batch_size, num_frames, channels, height, width)`.
|
18
|
+
"""
|
19
|
+
|
20
|
+
frames: torch.Tensor
|
@@ -280,7 +280,7 @@ class FluxPipeline(DiffusionPipeline, FluxLoraLoaderMixin):
|
|
280
280
|
prompt_embeds = prompt_embeds.to(dtype=self.text_encoder.dtype, device=device)
|
281
281
|
|
282
282
|
# duplicate text embeddings for each generation per prompt, using mps friendly method
|
283
|
-
prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt
|
283
|
+
prompt_embeds = prompt_embeds.repeat(1, num_images_per_prompt)
|
284
284
|
prompt_embeds = prompt_embeds.view(batch_size * num_images_per_prompt, -1)
|
285
285
|
|
286
286
|
return prompt_embeds
|
@@ -257,6 +257,21 @@ class CLIPImageProjection(metaclass=DummyObject):
|
|
257
257
|
requires_backends(cls, ["torch", "transformers"])
|
258
258
|
|
259
259
|
|
260
|
+
class CogVideoXImageToVideoPipeline(metaclass=DummyObject):
|
261
|
+
_backends = ["torch", "transformers"]
|
262
|
+
|
263
|
+
def __init__(self, *args, **kwargs):
|
264
|
+
requires_backends(self, ["torch", "transformers"])
|
265
|
+
|
266
|
+
@classmethod
|
267
|
+
def from_config(cls, *args, **kwargs):
|
268
|
+
requires_backends(cls, ["torch", "transformers"])
|
269
|
+
|
270
|
+
@classmethod
|
271
|
+
def from_pretrained(cls, *args, **kwargs):
|
272
|
+
requires_backends(cls, ["torch", "transformers"])
|
273
|
+
|
274
|
+
|
260
275
|
class CogVideoXPipeline(metaclass=DummyObject):
|
261
276
|
_backends = ["torch", "transformers"]
|
262
277
|
|
@@ -272,6 +287,21 @@ class CogVideoXPipeline(metaclass=DummyObject):
|
|
272
287
|
requires_backends(cls, ["torch", "transformers"])
|
273
288
|
|
274
289
|
|
290
|
+
class CogVideoXVideoToVideoPipeline(metaclass=DummyObject):
|
291
|
+
_backends = ["torch", "transformers"]
|
292
|
+
|
293
|
+
def __init__(self, *args, **kwargs):
|
294
|
+
requires_backends(self, ["torch", "transformers"])
|
295
|
+
|
296
|
+
@classmethod
|
297
|
+
def from_config(cls, *args, **kwargs):
|
298
|
+
requires_backends(cls, ["torch", "transformers"])
|
299
|
+
|
300
|
+
@classmethod
|
301
|
+
def from_pretrained(cls, *args, **kwargs):
|
302
|
+
requires_backends(cls, ["torch", "transformers"])
|
303
|
+
|
304
|
+
|
275
305
|
class CycleDiffusionPipeline(metaclass=DummyObject):
|
276
306
|
_backends = ["torch", "transformers"]
|
277
307
|
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: diffusers
|
3
|
-
Version: 0.30.
|
3
|
+
Version: 0.30.3
|
4
4
|
Summary: State-of-the-art diffusion in PyTorch and JAX.
|
5
5
|
Home-page: https://github.com/huggingface/diffusers
|
6
6
|
Author: The Hugging Face team (past and future) with the help of all our contributors (https://github.com/huggingface/diffusers/graphs/contributors)
|
@@ -1,4 +1,4 @@
|
|
1
|
-
diffusers/__init__.py,sha256=
|
1
|
+
diffusers/__init__.py,sha256=mu_I_GQP5XcMUTigIBb9c7EpP1y83tZYS5JiInjvgxg,34281
|
2
2
|
diffusers/callbacks.py,sha256=m8ariuJC-WaPHMZn1zUyXG8hlAvaOvEW_6YWdKo--eo,6717
|
3
3
|
diffusers/configuration_utils.py,sha256=yJiYuhgyHRK3AgjL15mevGzBJg7GsXZOYVjWVgy4AIs,32484
|
4
4
|
diffusers/dependency_versions_check.py,sha256=J_ZAEhVN6uLWAOUZCJrcGJ7PYxUek4f_nwGTFM7LTk8,1271
|
@@ -16,14 +16,14 @@ diffusers/experimental/__init__.py,sha256=0C9ExG0XYiGZuzFJkZuJ53K6Ix5ylF2kWe4PGA
|
|
16
16
|
diffusers/experimental/rl/__init__.py,sha256=Gcoznw9rYjfMvswH0seXekKYDAAN1YXXxZ-RWMdzvrE,57
|
17
17
|
diffusers/experimental/rl/value_guided_sampling.py,sha256=gnUDVNx5nIVJDWxhHBlga4j7VQTxSTkUI1QaCnpiWAM,6033
|
18
18
|
diffusers/loaders/__init__.py,sha256=J3fmn2UoRVDh_QaeNMH-Zwn7ejwVBmTWofla6Tp6Rek,4005
|
19
|
-
diffusers/loaders/ip_adapter.py,sha256=
|
19
|
+
diffusers/loaders/ip_adapter.py,sha256=cdQGSWcJECas_Pz1nNMhoSBceA9zOXFEvkAvVdq251o,17078
|
20
20
|
diffusers/loaders/lora_base.py,sha256=ni68uQ1apLAjiwNodXv-teSgVlQFmKIiMhU3nAHoYyo,31716
|
21
21
|
diffusers/loaders/lora_conversion_utils.py,sha256=tbiyxd9ByjGDBv2fSBOo8uPUh0uProjZBbXFH3zoG7A,14322
|
22
22
|
diffusers/loaders/lora_pipeline.py,sha256=3ZREkA-aVGLZyVaDoP_HzlRVYYU4C-7-uNgG5EFtfcM,106023
|
23
23
|
diffusers/loaders/peft.py,sha256=EtOFz7ezjBVwQrwIZ0z-bwWGIWKAroWh0oCpa_mu2pw,16127
|
24
24
|
diffusers/loaders/single_file.py,sha256=HD5p15rgNx6Ao3G8ply3Uq7sS7SaKl0j8wKj2vHIJPA,24222
|
25
25
|
diffusers/loaders/single_file_model.py,sha256=CiAXlpS3S9EzN6X8tDE4hzjN5fxu53wS_e-BLSmZ6U8,14330
|
26
|
-
diffusers/loaders/single_file_utils.py,sha256=
|
26
|
+
diffusers/loaders/single_file_utils.py,sha256=F4WO_d9RKY6Dcqn6LqNGvziahZr4A6RJzGeM_2tEAkU,89987
|
27
27
|
diffusers/loaders/textual_inversion.py,sha256=QjRUJZfyUJFY-sYAIVLUZgNuuk65xlbiIwJ3CD_0rAo,26655
|
28
28
|
diffusers/loaders/unet.py,sha256=thoMcf4Q2F5yn1UJVFEAf64F5TgZTULrmrcFHkZeJ4I,43709
|
29
29
|
diffusers/loaders/unet_loader_utils.py,sha256=9IHd_RlKqMstSO8G7btUdL1-Y3-fGX7Kbc4frEbRVVM,6220
|
@@ -41,7 +41,7 @@ diffusers/models/controlnet_sd3.py,sha256=NO7w6FT3r_JINbzojUcModp4oukZGzjV6a0n0s
|
|
41
41
|
diffusers/models/controlnet_sparsectrl.py,sha256=V5wnisfoQQS4-9GVWb3E5DSaPjVXoJd-gAgwu_7vPEg,38539
|
42
42
|
diffusers/models/controlnet_xs.py,sha256=zhz1O1ARvm1VhxHtVpZap7_I_8xq21RdsGGvraU9NJI,86865
|
43
43
|
diffusers/models/downsampling.py,sha256=Li03bTffSRQVJtN41W7gPamEEkgymwX9fP_kICzGTO4,15828
|
44
|
-
diffusers/models/embeddings.py,sha256=
|
44
|
+
diffusers/models/embeddings.py,sha256=JV3jrFlbFT3iszJvrZOwCbrBMj9eAEzlfP6kHBg5C6M,67920
|
45
45
|
diffusers/models/embeddings_flax.py,sha256=hNN63qtv9Ht6VEeidrIJdrdKWm0o8mumcgzxMNaR2H0,3445
|
46
46
|
diffusers/models/lora.py,sha256=7LbI7bj8yk9GptoOnOLrhzarFcVSQX47LuGoZ1MBK0A,18829
|
47
47
|
diffusers/models/model_loading_utils.py,sha256=YPp7aPymfOJ1Yd6oLgN3zVEmCPhqx3k6pMi9-1Hftnc,8534
|
@@ -59,7 +59,7 @@ diffusers/models/vq_model.py,sha256=ZUGlHjd0mhhfy2mtOIsMg4hIvUUL9j8MB2gQDVWEkQU,
|
|
59
59
|
diffusers/models/autoencoders/__init__.py,sha256=1S4H1g51svAn9RfivWEmctE5d95Sr99cSZQlLggmzHQ,421
|
60
60
|
diffusers/models/autoencoders/autoencoder_asym_kl.py,sha256=BQcgLKgQY3D9dBoqcb6G1Syvh02mE548z2PBSNbOKTI,7720
|
61
61
|
diffusers/models/autoencoders/autoencoder_kl.py,sha256=3sjWEQuNDN_yeGJBEoEt_VCHwYBvcgD6LWBcPLL3L7c,22305
|
62
|
-
diffusers/models/autoencoders/autoencoder_kl_cogvideox.py,sha256
|
62
|
+
diffusers/models/autoencoders/autoencoder_kl_cogvideox.py,sha256=Qdhw0P5mgBtqsDPInlsWzV97TT8VsAaZ2Fcl6zmI07o,56987
|
63
63
|
diffusers/models/autoencoders/autoencoder_kl_temporal_decoder.py,sha256=ZiQyVdCrxG2deXe7hdU9CAJ4Y6uAWAkWCXiOsDsagHQ,16248
|
64
64
|
diffusers/models/autoencoders/autoencoder_oobleck.py,sha256=gDEs-MUaCvuJqPs9upiRg8cs2vWFY7wOTvUHfFC2TEU,17046
|
65
65
|
diffusers/models/autoencoders/autoencoder_tiny.py,sha256=7wglKu1FYGgnWHdHeVu8N_OxerqImQWCoyaVwlQzrZ8,15992
|
@@ -68,7 +68,7 @@ diffusers/models/autoencoders/vae.py,sha256=Xzj7pt2H2D5AnILpzjwCyx29B70RqK-muZZB
|
|
68
68
|
diffusers/models/autoencoders/vq_model.py,sha256=VXU4jgIIH-60mIeZB6t8oa1F9AvMSCLo-nv-Ee2Ec4Q,7812
|
69
69
|
diffusers/models/transformers/__init__.py,sha256=DPueInTLFJNWNLnRxt4119QrDusQlEVC2QV3IUwIJ_o,953
|
70
70
|
diffusers/models/transformers/auraflow_transformer_2d.py,sha256=-Rk6U95hQC6EgVzRhH_33JmjODcj4Jfng6AG7n9Hm6U,22754
|
71
|
-
diffusers/models/transformers/cogvideox_transformer_3d.py,sha256=
|
71
|
+
diffusers/models/transformers/cogvideox_transformer_3d.py,sha256=BCMu4awq_L2uybUfDgG2sAw6D3wtBevsWsZqjp3asDU,21074
|
72
72
|
diffusers/models/transformers/dit_transformer_2d.py,sha256=o3MT0w2m4BrdGp0KUonm9QqhVpNVzYzRyKuuPnH02Nc,11158
|
73
73
|
diffusers/models/transformers/dual_transformer_2d.py,sha256=TEgdpVW9itJ97YgslzKnYWg-2V4Oq7AMHipMxON-72Y,7711
|
74
74
|
diffusers/models/transformers/hunyuan_transformer_2d.py,sha256=CUzxabgvxLrJ0aOzgd7JEKwP9nK7TbZ3SJ-LHkDZ6Q4,24234
|
@@ -98,7 +98,7 @@ diffusers/models/unets/unet_motion_model.py,sha256=ShaOk8HxZTk5oXMtwIZtFVcersBC1
|
|
98
98
|
diffusers/models/unets/unet_spatio_temporal_condition.py,sha256=39OdWssVdxegagKAopaBDZuIFZYqV4QG_Pl0xeQUhFk,22072
|
99
99
|
diffusers/models/unets/unet_stable_cascade.py,sha256=zcUitieqeq3Tz6Qz28p3Po53iGqKj25JsYqqDc82GB8,28324
|
100
100
|
diffusers/models/unets/uvit_2d.py,sha256=xnkNdC1jAvPBIgGA3vOULoWxVC0gOd-TG_eEmmfD3HU,17311
|
101
|
-
diffusers/pipelines/__init__.py,sha256=
|
101
|
+
diffusers/pipelines/__init__.py,sha256=WwC_6E-wuWn_VAD2zhoBWVta2gHeSRRMTKbNWmz0ffo,27122
|
102
102
|
diffusers/pipelines/auto_pipeline.py,sha256=5bUSQWNHMuKHvItO-r3WuLxJVvwCHVhJ_UvDkrmFxT0,53810
|
103
103
|
diffusers/pipelines/free_init_utils.py,sha256=YbH7Y4Weh1coQWM6rwS4KxTql5EYUvpW8IbDJy_0fMU,7691
|
104
104
|
diffusers/pipelines/free_noise_utils.py,sha256=tRUyJN2Qe0ReEPtfK8526Vt8GZCDyK7p76mVJfEpRWQ,11966
|
@@ -129,8 +129,11 @@ diffusers/pipelines/blip_diffusion/blip_image_processing.py,sha256=OjyxeejKDGFdm
|
|
129
129
|
diffusers/pipelines/blip_diffusion/modeling_blip2.py,sha256=IvMpb_5bl8PKmxL11-l4MmDpTVcRK2pwARNzEqshJ7Y,27283
|
130
130
|
diffusers/pipelines/blip_diffusion/modeling_ctx_clip.py,sha256=7T17m5qR9m6XUEVuOlbptERKR_b4a5lt8PvslJPUy-c,9002
|
131
131
|
diffusers/pipelines/blip_diffusion/pipeline_blip_diffusion.py,sha256=kBof-UrMvpKaANzu_5pPYOgr56ZajgJA-XdzY9AAcHo,15001
|
132
|
-
diffusers/pipelines/cogvideo/__init__.py,sha256=
|
133
|
-
diffusers/pipelines/cogvideo/pipeline_cogvideox.py,sha256=
|
132
|
+
diffusers/pipelines/cogvideo/__init__.py,sha256=kINo3_zjQfjSqqBxwcS3-CcmePsaaZw0cln8L5XpzXs,1646
|
133
|
+
diffusers/pipelines/cogvideo/pipeline_cogvideox.py,sha256=O8SmluDOW6sr6AzjPDJCtlM7c0Nv3DZbXCktRC2X4hg,35409
|
134
|
+
diffusers/pipelines/cogvideo/pipeline_cogvideox_image2video.py,sha256=Z_3jscPAo8HtHSY4bXwZZhAl4-wcsGzh-rB_R934Kok,39375
|
135
|
+
diffusers/pipelines/cogvideo/pipeline_cogvideox_video2video.py,sha256=vs29aG-bFebzXprq0X814ItEFYAEI1Xs9PTHEyc9RBY,39050
|
136
|
+
diffusers/pipelines/cogvideo/pipeline_output.py,sha256=QOyumhJJERjm7moyxnYzU_X27hvN9p99MIkjT_Vf1x0,616
|
134
137
|
diffusers/pipelines/consistency_models/__init__.py,sha256=q_nrLK9DH0_kLcLmRIvgvLP-vDVwloC3lBus776596c,484
|
135
138
|
diffusers/pipelines/consistency_models/pipeline_consistency_models.py,sha256=EDnYrtJ-CGVgr1bjRSaCzAx2h_tIGdF47BSZt3HvYtQ,12368
|
136
139
|
diffusers/pipelines/controlnet/__init__.py,sha256=V5lvvD6DALNY3InsdwVmRz65_ZlWM-mPoATmu-yxCtk,3483
|
@@ -209,7 +212,7 @@ diffusers/pipelines/deprecated/vq_diffusion/pipeline_vq_diffusion.py,sha256=YSYu
|
|
209
212
|
diffusers/pipelines/dit/__init__.py,sha256=w6yUFMbGzaUGPKpLfEfvHlYmrKD0UErczwsHDaDtLuQ,408
|
210
213
|
diffusers/pipelines/dit/pipeline_dit.py,sha256=hrLURHV8-ujtNF6t-nrYXVfARyVKh-_OfO9jAtaWUS0,9949
|
211
214
|
diffusers/pipelines/flux/__init__.py,sha256=hiwnaba-laO3e2Wgh9dyzMWowHDGhghuQc5ZJKjCg3U,1457
|
212
|
-
diffusers/pipelines/flux/pipeline_flux.py,sha256=
|
215
|
+
diffusers/pipelines/flux/pipeline_flux.py,sha256=rvUztMJh55AQYzrIDPOdbic6asc9da3HJ_iZBYoI-Mg,34417
|
213
216
|
diffusers/pipelines/flux/pipeline_output.py,sha256=zKVpr6EHsvT7ADxNkvdZLv9519JPMThZEwxj9bvx-8g,598
|
214
217
|
diffusers/pipelines/hunyuandit/__init__.py,sha256=Zby0yEsLNAoa4cf6W92QXIzyGoijI54xXRVhmrHGHsc,1302
|
215
218
|
diffusers/pipelines/hunyuandit/pipeline_hunyuandit.py,sha256=eq5LVU3J22-f4ahz3Erij63DZf7bSjh6uhIlCXtzx5Y,42835
|
@@ -448,7 +451,7 @@ diffusers/utils/dummy_torch_and_torchsde_objects.py,sha256=EJiExfXva8tnRJEn-VaCk
|
|
448
451
|
diffusers/utils/dummy_torch_and_transformers_and_k_diffusion_objects.py,sha256=IMw6Qs9tTdRrMUXyM_Bc_BuJBvw0OVVHNZMOk3suF7g,1151
|
449
452
|
diffusers/utils/dummy_torch_and_transformers_and_onnx_objects.py,sha256=SiKni7YZ-pmZrurHU3-lhbDGKOGCCVxSK3GJbrARqgU,3023
|
450
453
|
diffusers/utils/dummy_torch_and_transformers_and_sentencepiece_objects.py,sha256=rauUQkG4sLSyBVeEbfp5fhJFJUGqw273oXbN_KC8NIM,1637
|
451
|
-
diffusers/utils/dummy_torch_and_transformers_objects.py,sha256=
|
454
|
+
diffusers/utils/dummy_torch_and_transformers_objects.py,sha256=U1dxSyK4SYoa8pXv4EkXbKbCuR5AlG5rpmY2rq1Hfys,62412
|
452
455
|
diffusers/utils/dummy_transformers_and_torch_and_note_seq_objects.py,sha256=z-JrPgPo2dWv-buMytUqBd6QqEx8Uha6M1cKa6gR4Dc,621
|
453
456
|
diffusers/utils/dynamic_modules_utils.py,sha256=WIsja-XIYgTXQ9-KK85uEU0l3rd_6yelUQCmb4nt0wU,19601
|
454
457
|
diffusers/utils/export_utils.py,sha256=2WSyPTf8oBmjx9cVI50AHe5LL72cvVYhPf_HpOIn_mU,6299
|
@@ -464,9 +467,9 @@ diffusers/utils/state_dict_utils.py,sha256=NsWzyX4eqKCfjLjgChQnFSf7nSQz1XFHgINYB
|
|
464
467
|
diffusers/utils/testing_utils.py,sha256=16BNdTHQp9bJRkDi2iJa61i4ANC4875fjloTVmDIZ1w,36954
|
465
468
|
diffusers/utils/torch_utils.py,sha256=6e6cJmPMbkEqXXJLlcKuVz0zZF8fIc7dF-azq-_6-Xw,6234
|
466
469
|
diffusers/utils/versions.py,sha256=-e7XW1TzZ-tsRo9PMQHp-hNGYHuVDFzLtwg3uAJzqdI,4333
|
467
|
-
diffusers-0.30.
|
468
|
-
diffusers-0.30.
|
469
|
-
diffusers-0.30.
|
470
|
-
diffusers-0.30.
|
471
|
-
diffusers-0.30.
|
472
|
-
diffusers-0.30.
|
470
|
+
diffusers-0.30.3.dist-info/LICENSE,sha256=xx0jnfkXJvxRnG63LTGOxlggYnIysveWIZ6H3PNdCrQ,11357
|
471
|
+
diffusers-0.30.3.dist-info/METADATA,sha256=cxPpZ5iW9sUzd5ITss14m3xC6aH1BTyLG0L55PKTdvg,18858
|
472
|
+
diffusers-0.30.3.dist-info/WHEEL,sha256=GV9aMThwP_4oNCtvEC2ec3qUYutgWeAzklro_0m4WJQ,91
|
473
|
+
diffusers-0.30.3.dist-info/entry_points.txt,sha256=_1bvshKV_6_b63_FAkcUs9W6tUKGeIoQ3SHEZsovEWs,72
|
474
|
+
diffusers-0.30.3.dist-info/top_level.txt,sha256=axJl2884vMSvhzrFrSoht36QXA_6gZN9cKtg4xOO72o,10
|
475
|
+
diffusers-0.30.3.dist-info/RECORD,,
|
File without changes
|
File without changes
|
File without changes
|