diffusers 0.33.0__py3-none-any.whl → 0.33.1__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 CHANGED
@@ -1,4 +1,4 @@
1
- __version__ = "0.33.0"
1
+ __version__ = "0.33.1"
2
2
 
3
3
  from typing import TYPE_CHECKING
4
4
 
@@ -15,7 +15,6 @@
15
15
  import html
16
16
  from typing import Any, Callable, Dict, List, Optional, Union
17
17
 
18
- import ftfy
19
18
  import regex as re
20
19
  import torch
21
20
  from transformers import AutoTokenizer, UMT5EncoderModel
@@ -24,7 +23,7 @@ from ...callbacks import MultiPipelineCallbacks, PipelineCallback
24
23
  from ...loaders import WanLoraLoaderMixin
25
24
  from ...models import AutoencoderKLWan, WanTransformer3DModel
26
25
  from ...schedulers import FlowMatchEulerDiscreteScheduler
27
- from ...utils import is_torch_xla_available, logging, replace_example_docstring
26
+ from ...utils import is_ftfy_available, is_torch_xla_available, logging, replace_example_docstring
28
27
  from ...utils.torch_utils import randn_tensor
29
28
  from ...video_processor import VideoProcessor
30
29
  from ..pipeline_utils import DiffusionPipeline
@@ -40,6 +39,9 @@ else:
40
39
 
41
40
  logger = logging.get_logger(__name__) # pylint: disable=invalid-name
42
41
 
42
+ if is_ftfy_available():
43
+ import ftfy
44
+
43
45
 
44
46
  EXAMPLE_DOC_STRING = """
45
47
  Examples:
@@ -15,7 +15,6 @@
15
15
  import html
16
16
  from typing import Any, Callable, Dict, List, Optional, Tuple, Union
17
17
 
18
- import ftfy
19
18
  import PIL
20
19
  import regex as re
21
20
  import torch
@@ -26,7 +25,7 @@ from ...image_processor import PipelineImageInput
26
25
  from ...loaders import WanLoraLoaderMixin
27
26
  from ...models import AutoencoderKLWan, WanTransformer3DModel
28
27
  from ...schedulers import FlowMatchEulerDiscreteScheduler
29
- from ...utils import is_torch_xla_available, logging, replace_example_docstring
28
+ from ...utils import is_ftfy_available, is_torch_xla_available, logging, replace_example_docstring
30
29
  from ...utils.torch_utils import randn_tensor
31
30
  from ...video_processor import VideoProcessor
32
31
  from ..pipeline_utils import DiffusionPipeline
@@ -42,6 +41,9 @@ else:
42
41
 
43
42
  logger = logging.get_logger(__name__) # pylint: disable=invalid-name
44
43
 
44
+ if is_ftfy_available():
45
+ import ftfy
46
+
45
47
  EXAMPLE_DOC_STRING = """
46
48
  Examples:
47
49
  ```python
@@ -16,7 +16,6 @@ import html
16
16
  import inspect
17
17
  from typing import Any, Callable, Dict, List, Optional, Union
18
18
 
19
- import ftfy
20
19
  import regex as re
21
20
  import torch
22
21
  from PIL import Image
@@ -26,7 +25,7 @@ from ...callbacks import MultiPipelineCallbacks, PipelineCallback
26
25
  from ...loaders import WanLoraLoaderMixin
27
26
  from ...models import AutoencoderKLWan, WanTransformer3DModel
28
27
  from ...schedulers import FlowMatchEulerDiscreteScheduler
29
- from ...utils import is_torch_xla_available, logging, replace_example_docstring
28
+ from ...utils import is_ftfy_available, is_torch_xla_available, logging, replace_example_docstring
30
29
  from ...utils.torch_utils import randn_tensor
31
30
  from ...video_processor import VideoProcessor
32
31
  from ..pipeline_utils import DiffusionPipeline
@@ -42,6 +41,9 @@ else:
42
41
 
43
42
  logger = logging.get_logger(__name__) # pylint: disable=invalid-name
44
43
 
44
+ if is_ftfy_available():
45
+ import ftfy
46
+
45
47
 
46
48
  EXAMPLE_DOC_STRING = """
47
49
  Examples:
@@ -1,6 +1,6 @@
1
- Metadata-Version: 2.2
1
+ Metadata-Version: 2.1
2
2
  Name: diffusers
3
- Version: 0.33.0
3
+ Version: 0.33.1
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)
@@ -18,10 +18,11 @@ Classifier: Programming Language :: Python :: 3
18
18
  Classifier: Programming Language :: Python :: 3.8
19
19
  Classifier: Programming Language :: Python :: 3.9
20
20
  Classifier: Programming Language :: Python :: 3.10
21
+ Classifier: Programming Language :: Python :: 3.11
21
22
  Requires-Python: >=3.8.0
22
23
  Description-Content-Type: text/markdown
23
24
  License-File: LICENSE
24
- Requires-Dist: importlib_metadata
25
+ Requires-Dist: importlib-metadata
25
26
  Requires-Dist: filelock
26
27
  Requires-Dist: huggingface-hub>=0.27.0
27
28
  Requires-Dist: numpy
@@ -29,59 +30,9 @@ Requires-Dist: regex!=2019.12.17
29
30
  Requires-Dist: requests
30
31
  Requires-Dist: safetensors>=0.3.1
31
32
  Requires-Dist: Pillow
32
- Provides-Extra: quality
33
- Requires-Dist: urllib3<=2.0.0; extra == "quality"
34
- Requires-Dist: isort>=5.5.4; extra == "quality"
35
- Requires-Dist: ruff==0.9.10; extra == "quality"
36
- Requires-Dist: hf-doc-builder>=0.3.0; extra == "quality"
37
- Provides-Extra: docs
38
- Requires-Dist: hf-doc-builder>=0.3.0; extra == "docs"
39
- Provides-Extra: training
40
- Requires-Dist: accelerate>=0.31.0; extra == "training"
41
- Requires-Dist: datasets; extra == "training"
42
- Requires-Dist: protobuf<4,>=3.20.3; extra == "training"
43
- Requires-Dist: tensorboard; extra == "training"
44
- Requires-Dist: Jinja2; extra == "training"
45
- Requires-Dist: peft>=0.6.0; extra == "training"
46
- Provides-Extra: test
47
- Requires-Dist: compel==0.1.8; extra == "test"
48
- Requires-Dist: GitPython<3.1.19; extra == "test"
49
- Requires-Dist: datasets; extra == "test"
50
- Requires-Dist: Jinja2; extra == "test"
51
- Requires-Dist: invisible-watermark>=0.2.0; extra == "test"
52
- Requires-Dist: k-diffusion>=0.0.12; extra == "test"
53
- Requires-Dist: librosa; extra == "test"
54
- Requires-Dist: parameterized; extra == "test"
55
- Requires-Dist: pytest; extra == "test"
56
- Requires-Dist: pytest-timeout; extra == "test"
57
- Requires-Dist: pytest-xdist; extra == "test"
58
- Requires-Dist: requests-mock==1.10.0; extra == "test"
59
- Requires-Dist: safetensors>=0.3.1; extra == "test"
60
- Requires-Dist: sentencepiece!=0.1.92,>=0.1.91; extra == "test"
61
- Requires-Dist: scipy; extra == "test"
62
- Requires-Dist: tiktoken>=0.7.0; extra == "test"
63
- Requires-Dist: torchvision; extra == "test"
64
- Requires-Dist: transformers>=4.41.2; extra == "test"
65
- Requires-Dist: phonemizer; extra == "test"
66
- Provides-Extra: torch
67
- Requires-Dist: torch>=1.4; extra == "torch"
68
- Requires-Dist: accelerate>=0.31.0; extra == "torch"
69
33
  Provides-Extra: bitsandbytes
70
34
  Requires-Dist: bitsandbytes>=0.43.3; extra == "bitsandbytes"
71
35
  Requires-Dist: accelerate>=0.31.0; extra == "bitsandbytes"
72
- Provides-Extra: gguf
73
- Requires-Dist: gguf>=0.10.0; extra == "gguf"
74
- Requires-Dist: accelerate>=0.31.0; extra == "gguf"
75
- Provides-Extra: optimum-quanto
76
- Requires-Dist: optimum_quanto>=0.2.6; extra == "optimum-quanto"
77
- Requires-Dist: accelerate>=0.31.0; extra == "optimum-quanto"
78
- Provides-Extra: torchao
79
- Requires-Dist: torchao>=0.7.0; extra == "torchao"
80
- Requires-Dist: accelerate>=0.31.0; extra == "torchao"
81
- Provides-Extra: flax
82
- Requires-Dist: jax>=0.4.1; extra == "flax"
83
- Requires-Dist: jaxlib>=0.4.1; extra == "flax"
84
- Requires-Dist: flax>=0.4.1; extra == "flax"
85
36
  Provides-Extra: dev
86
37
  Requires-Dist: urllib3<=2.0.0; extra == "dev"
87
38
  Requires-Dist: isort>=5.5.4; extra == "dev"
@@ -107,29 +58,63 @@ Requires-Dist: torchvision; extra == "dev"
107
58
  Requires-Dist: transformers>=4.41.2; extra == "dev"
108
59
  Requires-Dist: phonemizer; extra == "dev"
109
60
  Requires-Dist: accelerate>=0.31.0; extra == "dev"
110
- Requires-Dist: datasets; extra == "dev"
111
61
  Requires-Dist: protobuf<4,>=3.20.3; extra == "dev"
112
62
  Requires-Dist: tensorboard; extra == "dev"
113
- Requires-Dist: Jinja2; extra == "dev"
114
63
  Requires-Dist: peft>=0.6.0; extra == "dev"
115
- Requires-Dist: hf-doc-builder>=0.3.0; extra == "dev"
116
64
  Requires-Dist: torch>=1.4; extra == "dev"
117
- Requires-Dist: accelerate>=0.31.0; extra == "dev"
118
65
  Requires-Dist: jax>=0.4.1; extra == "dev"
119
66
  Requires-Dist: jaxlib>=0.4.1; extra == "dev"
120
67
  Requires-Dist: flax>=0.4.1; extra == "dev"
121
- Dynamic: author
122
- Dynamic: author-email
123
- Dynamic: classifier
124
- Dynamic: description
125
- Dynamic: description-content-type
126
- Dynamic: home-page
127
- Dynamic: keywords
128
- Dynamic: license
129
- Dynamic: provides-extra
130
- Dynamic: requires-dist
131
- Dynamic: requires-python
132
- Dynamic: summary
68
+ Provides-Extra: docs
69
+ Requires-Dist: hf-doc-builder>=0.3.0; extra == "docs"
70
+ Provides-Extra: flax
71
+ Requires-Dist: jax>=0.4.1; extra == "flax"
72
+ Requires-Dist: jaxlib>=0.4.1; extra == "flax"
73
+ Requires-Dist: flax>=0.4.1; extra == "flax"
74
+ Provides-Extra: gguf
75
+ Requires-Dist: gguf>=0.10.0; extra == "gguf"
76
+ Requires-Dist: accelerate>=0.31.0; extra == "gguf"
77
+ Provides-Extra: optimum_quanto
78
+ Requires-Dist: optimum-quanto>=0.2.6; extra == "optimum-quanto"
79
+ Requires-Dist: accelerate>=0.31.0; extra == "optimum-quanto"
80
+ Provides-Extra: quality
81
+ Requires-Dist: urllib3<=2.0.0; extra == "quality"
82
+ Requires-Dist: isort>=5.5.4; extra == "quality"
83
+ Requires-Dist: ruff==0.9.10; extra == "quality"
84
+ Requires-Dist: hf-doc-builder>=0.3.0; extra == "quality"
85
+ Provides-Extra: test
86
+ Requires-Dist: compel==0.1.8; extra == "test"
87
+ Requires-Dist: GitPython<3.1.19; extra == "test"
88
+ Requires-Dist: datasets; extra == "test"
89
+ Requires-Dist: Jinja2; extra == "test"
90
+ Requires-Dist: invisible-watermark>=0.2.0; extra == "test"
91
+ Requires-Dist: k-diffusion>=0.0.12; extra == "test"
92
+ Requires-Dist: librosa; extra == "test"
93
+ Requires-Dist: parameterized; extra == "test"
94
+ Requires-Dist: pytest; extra == "test"
95
+ Requires-Dist: pytest-timeout; extra == "test"
96
+ Requires-Dist: pytest-xdist; extra == "test"
97
+ Requires-Dist: requests-mock==1.10.0; extra == "test"
98
+ Requires-Dist: safetensors>=0.3.1; extra == "test"
99
+ Requires-Dist: sentencepiece!=0.1.92,>=0.1.91; extra == "test"
100
+ Requires-Dist: scipy; extra == "test"
101
+ Requires-Dist: tiktoken>=0.7.0; extra == "test"
102
+ Requires-Dist: torchvision; extra == "test"
103
+ Requires-Dist: transformers>=4.41.2; extra == "test"
104
+ Requires-Dist: phonemizer; extra == "test"
105
+ Provides-Extra: torch
106
+ Requires-Dist: torch>=1.4; extra == "torch"
107
+ Requires-Dist: accelerate>=0.31.0; extra == "torch"
108
+ Provides-Extra: torchao
109
+ Requires-Dist: torchao>=0.7.0; extra == "torchao"
110
+ Requires-Dist: accelerate>=0.31.0; extra == "torchao"
111
+ Provides-Extra: training
112
+ Requires-Dist: accelerate>=0.31.0; extra == "training"
113
+ Requires-Dist: datasets; extra == "training"
114
+ Requires-Dist: protobuf<4,>=3.20.3; extra == "training"
115
+ Requires-Dist: tensorboard; extra == "training"
116
+ Requires-Dist: Jinja2; extra == "training"
117
+ Requires-Dist: peft>=0.6.0; extra == "training"
133
118
 
134
119
  <!---
135
120
  Copyright 2022 - The HuggingFace Team. All rights reserved.
@@ -1,4 +1,4 @@
1
- diffusers/__init__.py,sha256=mQCFTSSPFMly97rQt6KcQi9ySb1gwwXmY40AcV4CeLk,44794
1
+ diffusers/__init__.py,sha256=McsZgOmlztCf3BQwDkFK3rTXULmrELWae9w1RuDi3DA,44794
2
2
  diffusers/callbacks.py,sha256=wmLFSUrnEZ9gz6gay2pRWfha5cErTSAbB9PK482_KGY,8749
3
3
  diffusers/configuration_utils.py,sha256=bPpagE2tmsaQjoksYORdOaSiMaSgaxoCx7i4iDwlA-g,34480
4
4
  diffusers/dependency_versions_check.py,sha256=J_ZAEhVN6uLWAOUZCJrcGJ7PYxUek4f_nwGTFM7LTk8,1271
@@ -482,9 +482,9 @@ diffusers/pipelines/unidiffuser/modeling_uvit.py,sha256=BD59mwBIIQ1JZaY4V9O846yh
482
482
  diffusers/pipelines/unidiffuser/pipeline_unidiffuser.py,sha256=RWQd7J3lYiMaQ-oT2eHM7tkO-DYzaHtRX5hFjuJeswk,68782
483
483
  diffusers/pipelines/wan/__init__.py,sha256=GTrgKXHigGOXLBsTNpBjLrp_BlbYLpD7M0bhLMW48kY,1557
484
484
  diffusers/pipelines/wan/pipeline_output.py,sha256=EjM_BX0gQD1hQ78lbUM40OtvwPqTtncuQdvP5YMBjvE,605
485
- diffusers/pipelines/wan/pipeline_wan.py,sha256=IUrYYQVtysOxVgg38DGWM7jMsnFG8i1cRWjIvDkAq40,26869
486
- diffusers/pipelines/wan/pipeline_wan_i2v.py,sha256=n82uvmbA9ql4rnjfiDIJyiQdhBhek_gqJPjHBRRK82I,33973
487
- diffusers/pipelines/wan/pipeline_wan_video2video.py,sha256=COtw7nKL2UJCh9m0_NeKHJqkHHvD7gjFUP4zU4JFOn8,33233
485
+ diffusers/pipelines/wan/pipeline_wan.py,sha256=1LFw8712c8J-m5AhMp50Xb0p0hym8csvB23LuZWI7C0,26917
486
+ diffusers/pipelines/wan/pipeline_wan_i2v.py,sha256=93-4K1TTffOZd71Yf9eBwibGaVkhs7LBAUcHm0lhM_I,34021
487
+ diffusers/pipelines/wan/pipeline_wan_video2video.py,sha256=HlFY9TS7AH5WUBqNbvzcVIvFHIs7YtHRGJjYnaiHghI,33281
488
488
  diffusers/pipelines/wuerstchen/__init__.py,sha256=JSCoPCwV_rBJiCy4jbILRoAgQSITS4-j77qOPmzy284,2100
489
489
  diffusers/pipelines/wuerstchen/modeling_paella_vq_model.py,sha256=S4GFRHpq5ws5j4m5MEwPE4Ze5G568Qj1-zhA9bc4MZY,6925
490
490
  diffusers/pipelines/wuerstchen/modeling_wuerstchen_common.py,sha256=mx0bj5b87g590UQhoFWY_L0ht_RTIynaPQa9DLk9MTU,2713
@@ -600,9 +600,9 @@ diffusers/utils/testing_utils.py,sha256=4dB4axHWhpycCAAYiHadWxnKNO1DLTNKFZGtxkke
600
600
  diffusers/utils/torch_utils.py,sha256=DEhtkLqDjWS0QRDOBf_2vSWz4Fqr6SDGW9JKgORNTIE,6680
601
601
  diffusers/utils/typing_utils.py,sha256=yeuCJmb1t5n5rG1JRPJo33KO7tg_m9ZwSXQcPKiKyFA,3400
602
602
  diffusers/utils/versions.py,sha256=-e7XW1TzZ-tsRo9PMQHp-hNGYHuVDFzLtwg3uAJzqdI,4333
603
- diffusers-0.33.0.dist-info/LICENSE,sha256=xx0jnfkXJvxRnG63LTGOxlggYnIysveWIZ6H3PNdCrQ,11357
604
- diffusers-0.33.0.dist-info/METADATA,sha256=9vxaCAG39ouuBIeCtOJKmLM0Sgnvm4ZznXB9YpA6ACs,20118
605
- diffusers-0.33.0.dist-info/WHEEL,sha256=In9FTNxeP60KnTkGw7wk6mJPYd_dQSjEZmXdBdMCI-8,91
606
- diffusers-0.33.0.dist-info/entry_points.txt,sha256=_1bvshKV_6_b63_FAkcUs9W6tUKGeIoQ3SHEZsovEWs,72
607
- diffusers-0.33.0.dist-info/top_level.txt,sha256=axJl2884vMSvhzrFrSoht36QXA_6gZN9cKtg4xOO72o,10
608
- diffusers-0.33.0.dist-info/RECORD,,
603
+ diffusers-0.33.1.dist-info/LICENSE,sha256=xx0jnfkXJvxRnG63LTGOxlggYnIysveWIZ6H3PNdCrQ,11357
604
+ diffusers-0.33.1.dist-info/METADATA,sha256=1pte2CX3_lpTmPVsbFJbP4VajUgYwOJkgrubigiZSiM,19732
605
+ diffusers-0.33.1.dist-info/WHEEL,sha256=tZoeGjtWxWRfdplE7E3d45VPlLNQnvbKiYnx7gwAy8A,92
606
+ diffusers-0.33.1.dist-info/entry_points.txt,sha256=_1bvshKV_6_b63_FAkcUs9W6tUKGeIoQ3SHEZsovEWs,72
607
+ diffusers-0.33.1.dist-info/top_level.txt,sha256=axJl2884vMSvhzrFrSoht36QXA_6gZN9cKtg4xOO72o,10
608
+ diffusers-0.33.1.dist-info/RECORD,,
@@ -1,5 +1,5 @@
1
1
  Wheel-Version: 1.0
2
- Generator: setuptools (75.8.0)
2
+ Generator: bdist_wheel (0.45.1)
3
3
  Root-Is-Purelib: true
4
4
  Tag: py3-none-any
5
5