hcpdiff 0.9.1__py3-none-any.whl → 2.2__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.
Files changed (211) hide show
  1. hcpdiff/__init__.py +4 -4
  2. hcpdiff/ckpt_manager/__init__.py +4 -5
  3. hcpdiff/ckpt_manager/ckpt.py +24 -0
  4. hcpdiff/ckpt_manager/format/__init__.py +4 -0
  5. hcpdiff/ckpt_manager/format/diffusers.py +59 -0
  6. hcpdiff/ckpt_manager/format/emb.py +21 -0
  7. hcpdiff/ckpt_manager/format/lora_webui.py +252 -0
  8. hcpdiff/ckpt_manager/format/sd_single.py +41 -0
  9. hcpdiff/ckpt_manager/loader.py +64 -0
  10. hcpdiff/data/__init__.py +4 -28
  11. hcpdiff/data/cache/__init__.py +1 -0
  12. hcpdiff/data/cache/vae.py +102 -0
  13. hcpdiff/data/dataset.py +20 -0
  14. hcpdiff/data/handler/__init__.py +3 -0
  15. hcpdiff/data/handler/controlnet.py +18 -0
  16. hcpdiff/data/handler/diffusion.py +90 -0
  17. hcpdiff/data/handler/text.py +111 -0
  18. hcpdiff/data/source/__init__.py +3 -3
  19. hcpdiff/data/source/folder_class.py +12 -29
  20. hcpdiff/data/source/text.py +40 -0
  21. hcpdiff/data/source/text2img.py +36 -74
  22. hcpdiff/data/source/text2img_cond.py +9 -15
  23. hcpdiff/diffusion/__init__.py +0 -0
  24. hcpdiff/diffusion/noise/__init__.py +2 -0
  25. hcpdiff/diffusion/noise/pyramid_noise.py +42 -0
  26. hcpdiff/diffusion/noise/zero_terminal.py +39 -0
  27. hcpdiff/diffusion/sampler/__init__.py +5 -0
  28. hcpdiff/diffusion/sampler/base.py +72 -0
  29. hcpdiff/diffusion/sampler/ddpm.py +20 -0
  30. hcpdiff/diffusion/sampler/diffusers.py +66 -0
  31. hcpdiff/diffusion/sampler/edm.py +22 -0
  32. hcpdiff/diffusion/sampler/sigma_scheduler/__init__.py +3 -0
  33. hcpdiff/diffusion/sampler/sigma_scheduler/base.py +14 -0
  34. hcpdiff/diffusion/sampler/sigma_scheduler/ddpm.py +197 -0
  35. hcpdiff/diffusion/sampler/sigma_scheduler/edm.py +48 -0
  36. hcpdiff/easy/__init__.py +2 -0
  37. hcpdiff/easy/cfg/__init__.py +3 -0
  38. hcpdiff/easy/cfg/sd15_train.py +207 -0
  39. hcpdiff/easy/cfg/sdxl_train.py +147 -0
  40. hcpdiff/easy/cfg/t2i.py +228 -0
  41. hcpdiff/easy/model/__init__.py +2 -0
  42. hcpdiff/easy/model/cnet.py +31 -0
  43. hcpdiff/easy/model/loader.py +79 -0
  44. hcpdiff/easy/sampler.py +46 -0
  45. hcpdiff/evaluate/__init__.py +1 -0
  46. hcpdiff/evaluate/previewer.py +60 -0
  47. hcpdiff/loss/__init__.py +4 -1
  48. hcpdiff/loss/base.py +41 -0
  49. hcpdiff/loss/gw.py +35 -0
  50. hcpdiff/loss/ssim.py +37 -0
  51. hcpdiff/loss/vlb.py +79 -0
  52. hcpdiff/loss/weighting.py +66 -0
  53. hcpdiff/models/__init__.py +2 -2
  54. hcpdiff/models/cfg_context.py +17 -14
  55. hcpdiff/models/compose/compose_hook.py +44 -23
  56. hcpdiff/models/compose/compose_tokenizer.py +21 -8
  57. hcpdiff/models/compose/sdxl_composer.py +4 -4
  58. hcpdiff/models/controlnet.py +16 -16
  59. hcpdiff/models/lora_base_patch.py +14 -25
  60. hcpdiff/models/lora_layers.py +3 -9
  61. hcpdiff/models/lora_layers_patch.py +14 -24
  62. hcpdiff/models/text_emb_ex.py +84 -6
  63. hcpdiff/models/textencoder_ex.py +54 -18
  64. hcpdiff/models/wrapper/__init__.py +3 -0
  65. hcpdiff/models/wrapper/pixart.py +19 -0
  66. hcpdiff/models/wrapper/sd.py +218 -0
  67. hcpdiff/models/wrapper/utils.py +20 -0
  68. hcpdiff/parser/__init__.py +1 -0
  69. hcpdiff/parser/embpt.py +32 -0
  70. hcpdiff/tools/convert_caption_txt2json.py +1 -1
  71. hcpdiff/tools/dataset_generator.py +94 -0
  72. hcpdiff/tools/download_hf_model.py +24 -0
  73. hcpdiff/tools/init_proj.py +3 -21
  74. hcpdiff/tools/lora_convert.py +18 -17
  75. hcpdiff/tools/save_model.py +12 -0
  76. hcpdiff/tools/sd2diffusers.py +1 -1
  77. hcpdiff/train_colo.py +1 -1
  78. hcpdiff/train_deepspeed.py +1 -1
  79. hcpdiff/trainer_ac.py +79 -0
  80. hcpdiff/trainer_ac_single.py +31 -0
  81. hcpdiff/utils/__init__.py +0 -2
  82. hcpdiff/utils/inpaint_pipe.py +7 -2
  83. hcpdiff/utils/net_utils.py +29 -6
  84. hcpdiff/utils/pipe_hook.py +24 -7
  85. hcpdiff/utils/utils.py +21 -4
  86. hcpdiff/workflow/__init__.py +15 -10
  87. hcpdiff/workflow/daam/__init__.py +1 -0
  88. hcpdiff/workflow/daam/act.py +66 -0
  89. hcpdiff/workflow/daam/hook.py +109 -0
  90. hcpdiff/workflow/diffusion.py +118 -128
  91. hcpdiff/workflow/fast.py +31 -0
  92. hcpdiff/workflow/flow.py +67 -0
  93. hcpdiff/workflow/io.py +36 -130
  94. hcpdiff/workflow/model.py +46 -43
  95. hcpdiff/workflow/text.py +60 -47
  96. hcpdiff/workflow/utils.py +32 -12
  97. hcpdiff/workflow/vae.py +37 -38
  98. hcpdiff-2.2.dist-info/METADATA +299 -0
  99. hcpdiff-2.2.dist-info/RECORD +115 -0
  100. {hcpdiff-0.9.1.dist-info → hcpdiff-2.2.dist-info}/WHEEL +1 -1
  101. hcpdiff-2.2.dist-info/entry_points.txt +5 -0
  102. hcpdiff/ckpt_manager/base.py +0 -16
  103. hcpdiff/ckpt_manager/ckpt_diffusers.py +0 -45
  104. hcpdiff/ckpt_manager/ckpt_pkl.py +0 -138
  105. hcpdiff/ckpt_manager/ckpt_safetensor.py +0 -64
  106. hcpdiff/ckpt_manager/ckpt_webui.py +0 -54
  107. hcpdiff/data/bucket.py +0 -358
  108. hcpdiff/data/caption_loader.py +0 -80
  109. hcpdiff/data/cond_dataset.py +0 -40
  110. hcpdiff/data/crop_info_dataset.py +0 -40
  111. hcpdiff/data/data_processor.py +0 -33
  112. hcpdiff/data/pair_dataset.py +0 -146
  113. hcpdiff/data/sampler.py +0 -54
  114. hcpdiff/data/source/base.py +0 -30
  115. hcpdiff/data/utils.py +0 -80
  116. hcpdiff/deprecated/__init__.py +0 -1
  117. hcpdiff/deprecated/cfg_converter.py +0 -81
  118. hcpdiff/deprecated/lora_convert.py +0 -31
  119. hcpdiff/infer_workflow.py +0 -57
  120. hcpdiff/loggers/__init__.py +0 -13
  121. hcpdiff/loggers/base_logger.py +0 -76
  122. hcpdiff/loggers/cli_logger.py +0 -40
  123. hcpdiff/loggers/preview/__init__.py +0 -1
  124. hcpdiff/loggers/preview/image_previewer.py +0 -149
  125. hcpdiff/loggers/tensorboard_logger.py +0 -30
  126. hcpdiff/loggers/wandb_logger.py +0 -31
  127. hcpdiff/loggers/webui_logger.py +0 -9
  128. hcpdiff/loss/min_snr_loss.py +0 -52
  129. hcpdiff/models/layers.py +0 -81
  130. hcpdiff/models/plugin.py +0 -348
  131. hcpdiff/models/wrapper.py +0 -75
  132. hcpdiff/noise/__init__.py +0 -3
  133. hcpdiff/noise/noise_base.py +0 -16
  134. hcpdiff/noise/pyramid_noise.py +0 -50
  135. hcpdiff/noise/zero_terminal.py +0 -44
  136. hcpdiff/train_ac.py +0 -566
  137. hcpdiff/train_ac_single.py +0 -39
  138. hcpdiff/utils/caption_tools.py +0 -105
  139. hcpdiff/utils/cfg_net_tools.py +0 -321
  140. hcpdiff/utils/cfg_resolvers.py +0 -16
  141. hcpdiff/utils/ema.py +0 -52
  142. hcpdiff/utils/img_size_tool.py +0 -248
  143. hcpdiff/vis/__init__.py +0 -3
  144. hcpdiff/vis/base_interface.py +0 -12
  145. hcpdiff/vis/disk_interface.py +0 -48
  146. hcpdiff/vis/webui_interface.py +0 -17
  147. hcpdiff/viser_fast.py +0 -138
  148. hcpdiff/visualizer.py +0 -265
  149. hcpdiff/visualizer_reloadable.py +0 -237
  150. hcpdiff/workflow/base.py +0 -59
  151. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/anime/text2img_anime.yaml +0 -21
  152. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/anime/text2img_anime_lora.yaml +0 -58
  153. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/change_vae.yaml +0 -6
  154. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/euler_a.yaml +0 -8
  155. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/img2img.yaml +0 -10
  156. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/img2img_controlnet.yaml +0 -19
  157. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/inpaint.yaml +0 -11
  158. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/load_lora.yaml +0 -26
  159. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/load_unet_part.yaml +0 -18
  160. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/offload_2GB.yaml +0 -6
  161. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/save_model.yaml +0 -44
  162. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/text2img.yaml +0 -53
  163. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/text2img_DA++.yaml +0 -34
  164. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/text2img_sdxl.yaml +0 -9
  165. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/plugins/plugin_controlnet.yaml +0 -17
  166. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/te_struct.txt +0 -193
  167. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/dataset/base_dataset.yaml +0 -29
  168. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/dataset/regularization_dataset.yaml +0 -31
  169. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/CustomDiffusion.yaml +0 -74
  170. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/DreamArtist++.yaml +0 -135
  171. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/DreamArtist.yaml +0 -45
  172. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/DreamBooth.yaml +0 -62
  173. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/FT_sdxl.yaml +0 -33
  174. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/Lion_optimizer.yaml +0 -17
  175. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/TextualInversion.yaml +0 -41
  176. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/add_logger_tensorboard_wandb.yaml +0 -15
  177. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/controlnet.yaml +0 -53
  178. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/ema.yaml +0 -10
  179. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/fine-tuning.yaml +0 -53
  180. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/locon.yaml +0 -24
  181. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/lora_anime_character.yaml +0 -77
  182. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/lora_conventional.yaml +0 -56
  183. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/lora_sdxl.yaml +0 -41
  184. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/min_snr.yaml +0 -7
  185. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/preview_in_training.yaml +0 -6
  186. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/DreamBooth.yaml +0 -70
  187. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/TextualInversion.yaml +0 -45
  188. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/fine-tuning.yaml +0 -45
  189. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/lora.yaml +0 -63
  190. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/train_base.yaml +0 -81
  191. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/tuning_base.yaml +0 -42
  192. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/unet_struct.txt +0 -932
  193. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/highres_fix_latent.yaml +0 -86
  194. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/highres_fix_pixel.yaml +0 -99
  195. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/text2img.yaml +0 -59
  196. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/text2img_lora.yaml +0 -70
  197. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/zero2.json +0 -32
  198. hcpdiff-0.9.1.data/data/hcpdiff/cfgs/zero3.json +0 -39
  199. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/caption.txt +0 -1
  200. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/name.txt +0 -1
  201. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/name_2pt_caption.txt +0 -1
  202. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/name_caption.txt +0 -1
  203. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/object.txt +0 -27
  204. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/object_caption.txt +0 -27
  205. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/style.txt +0 -19
  206. hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/style_caption.txt +0 -19
  207. hcpdiff-0.9.1.dist-info/METADATA +0 -199
  208. hcpdiff-0.9.1.dist-info/RECORD +0 -160
  209. hcpdiff-0.9.1.dist-info/entry_points.txt +0 -2
  210. {hcpdiff-0.9.1.dist-info → hcpdiff-2.2.dist-info/licenses}/LICENSE +0 -0
  211. {hcpdiff-0.9.1.dist-info → hcpdiff-2.2.dist-info}/top_level.txt +0 -0
@@ -1,199 +0,0 @@
1
- Metadata-Version: 2.1
2
- Name: hcpdiff
3
- Version: 0.9.1
4
- Summary: A universal Stable-Diffusion toolbox
5
- Home-page: https://github.com/7eu7d7/HCP-Diffusion
6
- Author: Ziyi Dong
7
- Author-email: dzy7eu7d7@gmail.com
8
- Classifier: License :: OSI Approved :: Apache Software License
9
- Classifier: Operating System :: OS Independent
10
- Classifier: Programming Language :: Python :: 3
11
- Classifier: Programming Language :: Python :: 3.7
12
- Classifier: Programming Language :: Python :: 3.8
13
- Classifier: Programming Language :: Python :: 3.9
14
- Classifier: Programming Language :: Python :: 3.10
15
- Classifier: Topic :: Scientific/Engineering :: Artificial Intelligence
16
- Requires-Python: >=3.7
17
- Description-Content-Type: text/markdown
18
- License-File: LICENSE
19
- Requires-Dist: torch >=1.12.0
20
- Requires-Dist: torchvision >=0.13.0
21
- Requires-Dist: accelerate >=0.15.0
22
- Requires-Dist: diffusers <=0.26.1
23
- Requires-Dist: safetensors
24
- Requires-Dist: einops >=0.6.0
25
- Requires-Dist: hydra-core
26
- Requires-Dist: loguru
27
- Requires-Dist: matplotlib
28
- Requires-Dist: numpy
29
- Requires-Dist: omegaconf
30
- Requires-Dist: opencv-python
31
- Requires-Dist: Pillow <10,>=9
32
- Requires-Dist: pyarrow
33
- Requires-Dist: PyYAML
34
- Requires-Dist: scikit-learn
35
- Requires-Dist: tqdm
36
- Requires-Dist: transformers >=4.25.1
37
- Requires-Dist: xformers
38
- Requires-Dist: pytorch-lightning
39
- Requires-Dist: easydict
40
- Requires-Dist: bitsandbytes
41
-
42
- # HCP-Diffusion
43
-
44
- [![PyPI](https://img.shields.io/pypi/v/hcpdiff)](https://pypi.org/project/hcpdiff/)
45
- [![GitHub stars](https://img.shields.io/github/stars/7eu7d7/HCP-Diffusion)](https://github.com/7eu7d7/HCP-Diffusion/stargazers)
46
- [![GitHub license](https://img.shields.io/github/license/7eu7d7/HCP-Diffusion)](https://github.com/7eu7d7/HCP-Diffusion/blob/master/LICENSE)
47
- [![codecov](https://codecov.io/gh/7eu7d7/HCP-Diffusion/branch/main/graph/badge.svg)](https://codecov.io/gh/7eu7d7/HCP-Diffusion)
48
- [![open issues](https://isitmaintained.com/badge/open/7eu7d7/HCP-Diffusion.svg)](https://github.com/7eu7d7/HCP-Diffusion/issues)
49
-
50
- [📘中文说明](./README_cn.md)
51
-
52
- [📘English document](https://hcpdiff.readthedocs.io/en/latest/)
53
- [📘中文文档](https://hcpdiff.readthedocs.io/zh_CN/latest/)
54
-
55
- ## Introduction
56
- HCP-Diffusion is a toolbox for Stable Diffusion models based on [🤗 Diffusers](https://github.com/huggingface/diffusers).
57
- It facilitates flexiable configurations and component support for training, in comparison with [webui](https://github.com/AUTOMATIC1111/stable-diffusion-webui) and [sd-scripts](https://github.com/kohya-ss/sd-scripts).
58
-
59
- This toolbox supports [**Colossal-AI**](https://github.com/hpcaitech/ColossalAI), which can significantly reduce GPU memory usage.
60
-
61
- HCP-Diffusion can unify existing training methods for text-to-image generation (e.g., Prompt-tuning, Textual Inversion, DreamArtist, Fine-tuning, DreamBooth, LoRA, ControlNet, etc) and model structures through a single ```.yaml``` configuration file.
62
-
63
- The toolbox has also implemented an upgraded version of DreamArtist with LoRA, named DreamArtist++, for one-shot text-to-image generation.
64
- Compared to DreamArtist, DreamArtist++ is more stable with higher image quality and generation controllability, and faster training speed.
65
-
66
- ## Features
67
-
68
- * Layer-wise LoRA (with Conv2d)
69
- * Layer-wise fine-tuning
70
- * Layer-wise model ensemble
71
- * Prompt-tuning with multiple words
72
- * DreamArtist and DreamArtist++
73
- * Aspect Ratio Bucket (ARB) with automatic clustering
74
- * Multiple datasets with multiple data sources
75
- * Image attention mask
76
- * Word attention multiplier
77
- * Custom words that occupy multiple words
78
- * Maximum sentence length expansion
79
- * [🤗 Accelerate](https://github.com/huggingface/accelerate)
80
- * [Colossal-AI](https://github.com/hpcaitech/ColossalAI)
81
- * [xFormers](https://github.com/facebookresearch/xformers) for UNet and text-encoder
82
- * CLIP skip
83
- * Tag shuffle and dropout
84
- * [Safetensors](https://github.com/huggingface/safetensors) support
85
- * [Controlnet](https://github.com/lllyasviel/ControlNet) (support training)
86
- * Min-SNR loss
87
- * Custom optimizer (Lion, DAdaptation, pytorch-optimizer, ...)
88
- * Custom lr scheduler
89
- * SDXL support
90
-
91
- ## Install
92
-
93
- Install with pip:
94
- ```bash
95
- pip install hcpdiff
96
- # Start a new project and make initialization
97
- hcpinit
98
- ```
99
-
100
- Install from source:
101
- ```bash
102
- git clone https://github.com/7eu7d7/HCP-Diffusion.git
103
- cd HCP-Diffusion
104
- pip install -e .
105
- # Modified based on this project or start a new project and make initialization
106
- ## hcpinit
107
- ```
108
-
109
- To use xFormers to reduce VRAM usage and accelerate training:
110
- ```bash
111
- # use conda
112
- conda install xformers -c xformers
113
-
114
- # use pip
115
- pip install xformers>=0.0.17
116
- ```
117
-
118
- ## User guidance
119
-
120
- ### Training
121
-
122
- Training scripts based on 🤗 Accelerate or Colossal-AI are provided.
123
- + For 🤗 Accelerate, you may need to [configure the environment](https://github.com/huggingface/accelerate/tree/main#launching-script) before launching the scripts.
124
- + For Colossal-AI, you can use [torchrun](https://pytorch.org/docs/stable/elastic/run.html) to launch the scripts.
125
-
126
- ```yaml
127
- # with Accelerate
128
- accelerate launch -m hcpdiff.train_ac --cfg cfgs/train/cfg_file.yaml
129
- # with Accelerate and only one GPU
130
- accelerate launch -m hcpdiff.train_ac_single --cfg cfgs/train/cfg_file.yaml
131
- # with Colossal-AI
132
- # pip install colossalai
133
- torchrun --nproc_per_node 1 -m hcpdiff.train_colo --cfg cfgs/train/cfg_file.yaml
134
- ```
135
-
136
- ### Inference
137
- ```yaml
138
- python -m hcpdiff.visualizer --cfg cfgs/infer/cfg.yaml pretrained_model=pretrained_model_path \
139
- prompt='positive_prompt' \
140
- neg_prompt='negative_prompt' \
141
- seed=42
142
- ```
143
-
144
- ### Conversion of Stable Diffusion models
145
- The framework is based on 🤗 Diffusers. So it needs to convert the original Stable Diffusion model into a supported format using the [scripts provided by 🤗 Diffusers](https://github.com/huggingface/diffusers/blob/main/scripts/convert_original_stable_diffusion_to_diffusers.py).
146
- + Download the [config file](https://huggingface.co/runwayml/stable-diffusion-v1-5/blob/main/v1-inference.yaml)
147
- + Convert models based on config file
148
-
149
- ```bash
150
- python -m hcpdiff.tools.sd2diffusers \
151
- --checkpoint_path "path_to_stable_diffusion_model" \
152
- --original_config_file "path_to_config_file" \
153
- --dump_path "save_directory" \
154
- [--extract_ema] # Extract EMA model
155
- [--from_safetensors] # Whether the original model is in safetensors format
156
- [--to_safetensors] # Whether to save to safetensors format
157
- ```
158
-
159
- Convert VAE:
160
- ```bash
161
- python -m hcpdiff.tools.sd2diffusers \
162
- --vae_pt_path "path_to_VAE_model" \
163
- --original_config_file "path_to_config_file" \
164
- --dump_path "save_directory"
165
- [--from_safetensors]
166
- ```
167
-
168
- ### Tutorials
169
- + [Model Training Tutorial](doc/guide_train.md)
170
- + [DreamArtist++ Tutorial](doc/guide_DA.md)
171
- + [Model Inference Tutorial](doc/guide_infer.md)
172
- + [Configuration File Explanation](doc/guide_cfg.md)
173
- + [webui Model Conversion Tutorial](doc/guide_webui_lora.md)
174
-
175
- ## Contributing
176
-
177
- You are welcome to contribute more models and features to this toolbox!
178
-
179
- ## Team
180
-
181
- This toolbox is maintained by [HCP-Lab, SYSU](https://www.sysu-hcp.net/).
182
-
183
- ## Citation
184
-
185
- ```
186
- @article{DBLP:journals/corr/abs-2211-11337,
187
- author = {Ziyi Dong and
188
- Pengxu Wei and
189
- Liang Lin},
190
- title = {DreamArtist: Towards Controllable One-Shot Text-to-Image Generation
191
- via Positive-Negative Prompt-Tuning},
192
- journal = {CoRR},
193
- volume = {abs/2211.11337},
194
- year = {2022},
195
- doi = {10.48550/arXiv.2211.11337},
196
- eprinttype = {arXiv},
197
- eprint = {2211.11337},
198
- }
199
- ```
@@ -1,160 +0,0 @@
1
- hcpdiff/__init__.py,sha256=XsxJj_8SjziTIj8X4fbUY46cjFDU39f2rM-lc9QTCbw,167
2
- hcpdiff/infer_workflow.py,sha256=lNc5NqQMMcs81EZtQg6dMGg9RPudt8g0fR1SSnOR4jE,2058
3
- hcpdiff/train_ac.py,sha256=ukUYfVmq05oPDbXM5XfR07RIEvIAmDTvCANLJHX1CaU,28214
4
- hcpdiff/train_ac_single.py,sha256=MtTgKwAZ5SUzytLLYJmAqxNeuH-isggq4tDpeXnAbYw,1178
5
- hcpdiff/train_colo.py,sha256=_6h_ATU-LrqSI028yRdZLc-axX_S0XGwMbk1p4mjTU8,9246
6
- hcpdiff/train_deepspeed.py,sha256=swnKpOlF8fPYeYHDNJJDfChX0IXY3xttpU4qvfZFaM8,2984
7
- hcpdiff/viser_fast.py,sha256=Xy3WjtXSTn7451VLBWFCJQZfrXByAhpYnF3wVkX4uJE,5828
8
- hcpdiff/visualizer.py,sha256=Cn5z2BFSPjZxDIVFVEIFJJoVLgMjN9sZdfskFU_yuKE,12489
9
- hcpdiff/visualizer_reloadable.py,sha256=6cUWP7p2LPKutdbZE7As_IEGOYOur5nms3TGfgVOzq0,10093
10
- hcpdiff/ckpt_manager/__init__.py,sha256=_qK6TwM-kEaUnNdAjyBMhSiDxOKw2kisDGAYHX_RRSM,204
11
- hcpdiff/ckpt_manager/base.py,sha256=p1C6u0mylPH_AkoKtPQmRj5nmevjiJsVIxehwBfoC0g,559
12
- hcpdiff/ckpt_manager/ckpt_diffusers.py,sha256=ZRjsUrhA9oLpp6N2WhVVeFV9RiSDWKM_DrtgLUdqE7g,1800
13
- hcpdiff/ckpt_manager/ckpt_pkl.py,sha256=mkM_0-TMJ9KYl7VVXejq_jomeMUym6Xe1FmNU5HFiZM,5753
14
- hcpdiff/ckpt_manager/ckpt_safetensor.py,sha256=v80UdYL6u4ONzuJVrI7LHylNgUhPC498U-j-BPF5CHo,1971
15
- hcpdiff/ckpt_manager/ckpt_webui.py,sha256=6f6gSih0mX2M7upEcar42PaDuCRqj7AKReLjudL6A9c,2169
16
- hcpdiff/data/__init__.py,sha256=oZ56KlcEfLhztT2thdQdB4f1I9POsmtbxKJmguNAd_E,992
17
- hcpdiff/data/bucket.py,sha256=QQ0JEx_TZKOKai-scVY3rfd5WvRsfjwpYFeztTyVbxs,14764
18
- hcpdiff/data/caption_loader.py,sha256=wIBXXxfHBk9Pcex8Wa6ea8JFpz672HfN6DggdqGbyLw,2530
19
- hcpdiff/data/cond_dataset.py,sha256=9jeyjgjPKkacdfrKSd7EqnL8snJowTRa9TXJd3LEOsU,1635
20
- hcpdiff/data/crop_info_dataset.py,sha256=t8abh_7qMhaUsnl8JjAwPneR-VD9BwZHowjAUbdfpkI,1542
21
- hcpdiff/data/data_processor.py,sha256=3_ADSQJwNT69WMRxN-7w4BfJJnRQQuht9eAYj10cNXY,1270
22
- hcpdiff/data/pair_dataset.py,sha256=ZKW8chhmF_8xV5OE5wAkBeEsS5LRnWqlEIrJFvYeQag,5512
23
- hcpdiff/data/sampler.py,sha256=ismVVfhTcgFOMG35gnwkHSq3IubaMRFTwD-r7kzGL4k,1960
24
- hcpdiff/data/utils.py,sha256=hYVqfNgKaOnks9IEDwdKejq_GR_LecOqoLtNwKtxL24,2847
25
- hcpdiff/data/source/__init__.py,sha256=W-Zxnn2jNWqAA2sCqfmhWDFvpBdL2PIDaQI_KmCGNh4,205
26
- hcpdiff/data/source/base.py,sha256=cw0-fSQo8nJ2LUYju-SSSlzuCiiLaf8zM7h5CUwc6pY,933
27
- hcpdiff/data/source/folder_class.py,sha256=XlDJps6sXhdTC7cTagnnMYag76tNQ_8-G3uu1ar-13Y,1871
28
- hcpdiff/data/source/text2img.py,sha256=mcU33rmx07Ez4e_t6-_c-C42hKY6vVgrLc2Q0hKS_S8,3863
29
- hcpdiff/data/source/text2img_cond.py,sha256=Pov4l77EGppKLSr7f1lqXGXWD4bFTnUpGrFzpU41w68,998
30
- hcpdiff/deprecated/__init__.py,sha256=nzz_he4idqIJ8bxvXhsfH5hLshfZPk-G9yhc6QFTAB8,83
31
- hcpdiff/deprecated/cfg_converter.py,sha256=Yqcwh-tGjcESL8E81_UPB6UZIi_2-eUkZK_OVSlElCw,2645
32
- hcpdiff/deprecated/lora_convert.py,sha256=BjTyiDABRgQBif0ov-Af_oHK5brTxl_4irYiGGOLmps,1246
33
- hcpdiff/loggers/__init__.py,sha256=ihvtqSH6SfXdVyufwgzGG9PK9tzDSPJ6q43ur4RHGx0,313
34
- hcpdiff/loggers/base_logger.py,sha256=U_hhARDuZEFrh-M07PeWmnUoTt1siu-wQmod8-9YfVI,2270
35
- hcpdiff/loggers/cli_logger.py,sha256=J3xDGPUcayhyLJO70FCobTAZLmPJIwxWf2Hk6fKUzxw,1518
36
- hcpdiff/loggers/tensorboard_logger.py,sha256=UXn-wR3ORVx9qh4LXzKIgMcCFS99QP8hX0K3u87o_mo,1071
37
- hcpdiff/loggers/wandb_logger.py,sha256=LLb5SVL99DzQUKhFaWNft7X1KqTB2ehCs5fhRoYWW6s,1092
38
- hcpdiff/loggers/webui_logger.py,sha256=dlJ_22U9L9KhU_4HyV0jL8wIy1oeAmCiiStUlqoqKnc,305
39
- hcpdiff/loggers/preview/__init__.py,sha256=tTyHDRHS43HdYNmQEyfnzGfekzrXCx4JmMe5SPzXHxQ,43
40
- hcpdiff/loggers/preview/image_previewer.py,sha256=n4FQIwrucuj-tmA4rdhRyGnS658FCbF82FgwqfBDfT0,6599
41
- hcpdiff/loss/__init__.py,sha256=EJwEl77EY2uNFEtBFPTn6rYvi_3TOTlO-8lHSJCzFL0,78
42
- hcpdiff/loss/min_snr_loss.py,sha256=ECSwZ6TVNctPbVJo5Qy0SkQqWtYyIMAp5mBu_YfkgMY,2405
43
- hcpdiff/models/__init__.py,sha256=rclaiwvHQ_920HljhooRWsUwVRwrU0NadySWqpunlUs,513
44
- hcpdiff/models/cfg_context.py,sha256=mLuApKi7lPTrjuSJpGGWOLkaNaXnZmZ0UWXxIpW1cEs,1384
45
- hcpdiff/models/container.py,sha256=z3p5TmQhxdzXSIfofz55_bmEhSsgUJsy1o9EcDs8Oeo,696
46
- hcpdiff/models/controlnet.py,sha256=3mJQ7GUkcV4l0KFUsV-ZNThnZ3kubmPs6ZhnAG4TOFA,7744
47
- hcpdiff/models/layers.py,sha256=gBJE21WLEIUZHHDWcCK-3PV5Z2rCsrYvIE-tvy996z4,3171
48
- hcpdiff/models/lora_base.py,sha256=LGwBD9KP6qf4pgTx24i5-JLo4rDBQ6jFfterQKBjTbE,6758
49
- hcpdiff/models/lora_base_patch.py,sha256=3pMFnrxFJZFZ_vLOZ5jXkKY_SITBbhyGaqtkoIY2kII,7035
50
- hcpdiff/models/lora_layers.py,sha256=uLmgH9hJwmyg8CorY9j1OykkDyfzc8kU0eFvkeoSioQ,7859
51
- hcpdiff/models/lora_layers_patch.py,sha256=M95JtHUMUmby1qaqp9CLc-joeVm6VA4iwaaLcXnkyYY,8628
52
- hcpdiff/models/plugin.py,sha256=6z9tDV_kqQ_yyNZGK5622hFoGNvZVntnEY860AwrQ54,14060
53
- hcpdiff/models/text_emb_ex.py,sha256=NWGOjKDp-onzzZhYWZk-GxooeFIyO8T-94M-7OgI5dY,3939
54
- hcpdiff/models/textencoder_ex.py,sha256=Ze5qqfzUkicPh2tVW-8o1hHRUeFn77TT79Ut8Mni-Lw,6953
55
- hcpdiff/models/tokenizer_ex.py,sha256=zKUn4BY7b3yXwK9PWkZtQKJPyKYwUc07E-hwB9NQybs,2446
56
- hcpdiff/models/wrapper.py,sha256=CBV48jYUb2PcWXA3rwTeSQgvGcqYcl4lLr3A3t0Pjc0,3488
57
- hcpdiff/models/compose/__init__.py,sha256=lTNFTGg5csqvUuys22RqgjmWlk_7Okw6ZTsnTi1pqCg,217
58
- hcpdiff/models/compose/compose_hook.py,sha256=TNcHA_1cYjYiYAVmEAxjLX-KeS9YaFI8bL39y7lxVBg,5503
59
- hcpdiff/models/compose/compose_textencoder.py,sha256=tiFoStKOIEH9YzsZQrLki4gra18kMy3wSzSUrVQG1sk,6607
60
- hcpdiff/models/compose/compose_tokenizer.py,sha256=uUS3qLluSBuZAeg82bRqvS9TrLa4gZy_BBIxQW44JUE,2394
61
- hcpdiff/models/compose/sdxl_composer.py,sha256=AMIljECtODtRsF5j8_x-jm4lU9lL49lMRagMDfHpXYk,2164
62
- hcpdiff/noise/__init__.py,sha256=KBgG9nbbyReq19WzWs7YTCB45bR12yvJPffPWslEvfI,131
63
- hcpdiff/noise/noise_base.py,sha256=rGWgAUXhMOLK93PEqYeyNPRXE5F9ApvIhV_yvLDVG_c,532
64
- hcpdiff/noise/pyramid_noise.py,sha256=K-FsvkG7oV0cEQDw-vsG5Z6l5jrO29Ecpwp65QIu4_Y,1819
65
- hcpdiff/noise/zero_terminal.py,sha256=5ZKCFAz0s9vGFKrC1DWWvF1jIgrmTg-8y31NTaQILGg,1664
66
- hcpdiff/tools/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
67
- hcpdiff/tools/convert_caption_txt2json.py,sha256=ToKhrfAcN4Vzxc2gTwQOr8RQwKkPBgvpRndUlHzJOOE,955
68
- hcpdiff/tools/convert_old_lora.py,sha256=yIP9RGcyQbwT2NNAZtTLgBXs6XJOHRvoHQep0SdqDho,453
69
- hcpdiff/tools/create_embedding.py,sha256=qbBx3mFPeVcVSeMWn5_-3Dq7EqWn0UTOQg6OurIwDeo,4577
70
- hcpdiff/tools/diffusers2sd.py,sha256=MdZirlyztaaO4UAYU_AJa25eTFKfJa08nbHbdcqOdhs,13300
71
- hcpdiff/tools/embedding_convert.py,sha256=JN56dVFcMng8kq9YGS02_Umco71UjDYvwQGeqbhsJXU,1498
72
- hcpdiff/tools/gen_from_ptlist.py,sha256=j4_wNd9JmsWUOcgkP4q4P1gB1SVnzy0VxY4pJqXM07Q,3105
73
- hcpdiff/tools/init_proj.py,sha256=isA5Y3G_ZuvLPjg_APBG41Il5ipjYin49pcy_qg-0V4,1064
74
- hcpdiff/tools/lora_convert.py,sha256=0l-7v9rXX6ppGFrAp-bY2n8kWlC3U30Q8tzWGDFIvUE,10146
75
- hcpdiff/tools/sd2diffusers.py,sha256=ZEBLwSTNYKx49rJOoY7MPc8iPgqBZz_V2WnY55qlrKM,16855
76
- hcpdiff/utils/__init__.py,sha256=wXtrSyP-ccsXDZdj4_Ui3FIb0kyCBDCOFfw-ZLKOsGk,116
77
- hcpdiff/utils/caption_tools.py,sha256=QvHOUlkvnW8vqLzyIrpwYK36SkMxMqXqV_NxJF8aLxQ,3459
78
- hcpdiff/utils/cfg_net_tools.py,sha256=hU-ZUsNsJ9uLNzuMXBMFdzrV0bkBsAauiVXvtfX0U38,14923
79
- hcpdiff/utils/cfg_resolvers.py,sha256=XMlba-k2B-EbMz9kRStpXu_tu5qrzULVGR4j0wuni1k,607
80
- hcpdiff/utils/colo_utils.py,sha256=JyLUvVnISa48CnryNLrgVxMo-jxu2UhBq70eYPrkjuI,837
81
- hcpdiff/utils/ema.py,sha256=H3WWntlSKxgeRgX2sDsZ3x_Tk6rJ3S1Ke0LhQuRWOtQ,2027
82
- hcpdiff/utils/img_size_tool.py,sha256=Yh3_jZnGyXjb_5fKc-GkCVbotWarTrr5B90A0GETv5I,8433
83
- hcpdiff/utils/inpaint_pipe.py,sha256=wcwjmRyPJQ3NjXaysQi2mWdkBwiNNQgbOhv62QnKvHc,42714
84
- hcpdiff/utils/net_utils.py,sha256=_VfwfgqBFFJQsoFqSfZsTOTS0Uo9YmVYfmK_HVjCjTU,9044
85
- hcpdiff/utils/pipe_hook.py,sha256=Gxjhxe3lKDNx3uMKZ83JVi0LwcypEqGutP80qUefaUA,30595
86
- hcpdiff/utils/utils.py,sha256=8MP2EjbQ0Z-ZgEbxB40hMVvp4AhTc1hvNCjGvfn3RwE,4679
87
- hcpdiff/vis/__init__.py,sha256=HIxir3_K0C7BHvTl2K-0wrhtRQsFX1prXFYYJdmt43k,127
88
- hcpdiff/vis/base_interface.py,sha256=2CBHvwfwv2S8-KaAAf8yY1u0EXG7zLlwf4XavxtaLUU,309
89
- hcpdiff/vis/disk_interface.py,sha256=kUJ_XeKdI4PGb4yXM8W31VvGhHnM5CK6tFeB-zp56H8,2150
90
- hcpdiff/vis/webui_interface.py,sha256=zhidMVTGNWgG6TW3jzsarMenVAmQ3FpvkfJaE-ftNcs,753
91
- hcpdiff/workflow/__init__.py,sha256=CpBHZKNwgjR2cEZ4tePIQxCQ7NRlifPl764quRZ_WzA,909
92
- hcpdiff/workflow/base.py,sha256=wLKwB9Md3v7J2DJiFksDMIAP8v_B-OQ5GKBRwmUDnbY,1878
93
- hcpdiff/workflow/diffusion.py,sha256=EwK800z0Ug1XlaS24L3LEpYCfnFfyly8sjhtvdhxaEg,9149
94
- hcpdiff/workflow/io.py,sha256=ZFLPfhtlQVNIPkWd26u3InE6YBagKgNkshh4zq3TU-c,6095
95
- hcpdiff/workflow/model.py,sha256=dRaGRIJIcgcDnkBW5P4AQ9tb2h5sp3fFTAGfFayYOBM,2405
96
- hcpdiff/workflow/text.py,sha256=qKmNoC90GaodSIoUTJc4rE9rCsseKATvm6b3JFWdUSA,3677
97
- hcpdiff/workflow/utils.py,sha256=OstljF1NryOJrb9uOQlMID0DUmIFFHgVwgSVPaRW8dc,1286
98
- hcpdiff/workflow/vae.py,sha256=DHZ-YmpbTqphPzYGZNIGXKYED5RsTUt_4Er97-38vF8,3245
99
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/te_struct.txt,sha256=yL4_mZ1MFVYsXgZc2amL3HcfHhVU97huy0Kufd4Nm3c,9778
100
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/unet_struct.txt,sha256=tsyLnBNkBvOCgz9BguOkaD_WDgzDUSAOTREUh3lF1Ns,45190
101
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/zero2.json,sha256=PTrJSYS7T0rXGUaDHtt-ezQgKU7-CTihcnk6qc-_Ku8,825
102
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/zero3.json,sha256=YG6WhCoone_DZL1y4UjWdwXT1dbn9L8bpDjeszj3fnc,1082
103
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/change_vae.yaml,sha256=0ZNruKoFCbGT2L3l_E9ti9yUXCMhBdrQKbezOfmNLEc,180
104
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/euler_a.yaml,sha256=t0RfKM4m8iGq1osOX3LrDMCCrpfLRvS9Br7Ad-62WiQ,216
105
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/img2img.yaml,sha256=OdHMGjWVqQh1al7vSpcGagt8iRuk7-cly3DWK2LRT3Y,160
106
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/img2img_controlnet.yaml,sha256=3OC24LJzajZL6hO0unSNraJXN6sjRRRmZ4uIApT9jUM,421
107
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/inpaint.yaml,sha256=9KgntcRmwW3e2KIYaL0jI38XNeqOait3p4xLGYnCpVU,183
108
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/load_lora.yaml,sha256=cyhaLgnKOxyzQ8QuyL43GygVuHXh3VuHoftmyjAL6Dw,609
109
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/load_unet_part.yaml,sha256=IGE9TjG4-6AHK0R8f8oZNH84xJmri0-vJomvhLNvlYY,498
110
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/offload_2GB.yaml,sha256=3JdiSgc2JR2Ob_SezyttY2lqEdHPUe4mC52G6f9rS7M,95
111
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/save_model.yaml,sha256=OGF3DFITkRlsrfj-VSFprffA2ronC8ZF26MKaCTvO0c,1109
112
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/text2img.yaml,sha256=wDlGnp3WuTvrppm-0cH1ij-zeVFgyWwtzqo-ks8UjM8,1068
113
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/text2img_DA++.yaml,sha256=1YTmfq06MwMCg9S1liVfWPiRCmrylJ0voZoESPw4fUE,958
114
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/text2img_sdxl.yaml,sha256=bJ3ksknSIOZn-jqpX6BoPiXpf3lNgA7rkrAA02BCCwc,118
115
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/anime/text2img_anime.yaml,sha256=omdxNmeGRr75ke2kkIQhTVXbS2oQFgn-6xOVXY_ghVg,837
116
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/infer/anime/text2img_anime_lora.yaml,sha256=dfr4fX-jCu2uU5oJWOyEku5Ef0oLEDntN1LFtfPKWM8,2400
117
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/plugins/plugin_controlnet.yaml,sha256=paoKVoYqxmMc4P65qVWTIBnPAcKvaWtWQSD9b6WrnTg,426
118
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/train_base.yaml,sha256=LdWO3cy55UKgxjI6t6QkxyrZlQZkpjIg_weisK2dyPg,1564
119
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/tuning_base.yaml,sha256=3sDKNvwe1ztqpQnE5kTvVXDNARdzz9_v7dhhyRZU6-E,984
120
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/dataset/base_dataset.yaml,sha256=9tMQemurAiV4YIhfHW_QRAMRyAjA1Jx12l_APonUDgM,988
121
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/dataset/regularization_dataset.yaml,sha256=rlcJitbTD8S9lJbSEoQZ1BLpC5zUtmgDWok_N2mfbyE,865
122
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/CustomDiffusion.yaml,sha256=VcLgzQVRnQidcU9OJvSz-nU0Hc8B5jEiuJu6HW9d8_0,1616
123
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/DreamArtist++.yaml,sha256=n-df3w1HLmoLMcXgwauk67HQu_nLdGjMqDImrhFaE3U,3480
124
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/DreamArtist.yaml,sha256=embuan5PMz1GGwvM9mjRZZyVjobUMDz7HXIvNSHIhbw,1183
125
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/DreamBooth.yaml,sha256=E_YAWkIYfZNyrXjJ0kzxLaEANuOAThVO1sm5H8kp8-o,1423
126
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/FT_sdxl.yaml,sha256=5O1BAiQ9VByihnAK_Vr70IXBsdsVfCyM9JoAGl-rGso,813
127
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/Lion_optimizer.yaml,sha256=DdvHOVs3kp_eURc_zPs9Yj1c3mkwwWBMO9YQnB8LSPQ,410
128
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/TextualInversion.yaml,sha256=Fhv_yvOU8qPwGzGvIF2otZTR__6ddwsuHHTzPMRZwmc,974
129
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/add_logger_tensorboard_wandb.yaml,sha256=xZD7ixbXpHt3rwv6BsiFTvQWAuf5I5oHNTJz1lMxF48,328
130
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/controlnet.yaml,sha256=vptqjR0Kla3_f9eKQGY3xM3zQ9iEEQYQCEBvxfbnqTs,1559
131
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/ema.yaml,sha256=DSdpG-wuvLRTSufd2LQBJdkw2qBZrTyAVn3MS1R7_Ro,164
132
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/fine-tuning.yaml,sha256=v2WIY2to6rB183U8ww0erdssWqgMhUBaiJUoFkok6wI,1145
133
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/locon.yaml,sha256=Twmyt5iZmYoRVzWOigbZFfXz_y_f7xrQD5NiwBruXZg,415
134
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/lora_anime_character.yaml,sha256=UDXZecgfD44vRSf81csFGbzNsloJph5cvMoIRYXS_AM,1797
135
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/lora_conventional.yaml,sha256=Z8nSMG0-deF65-raTUKOZUYJ685XbeTRbirT6qXGNGY,1079
136
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/lora_sdxl.yaml,sha256=YGgKfWqvF0WZ82EiA30CITvPnfa1t28f1VLcMHjo_oQ,852
137
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/min_snr.yaml,sha256=ZftPXDHzkHOQ_6NtvZ1dbSdHw0-RGyr4B7uE8TAcdOE,149
138
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples/preview_in_training.yaml,sha256=FKWhmZ70JD32U64FSWYlkejg3lr7-UXv7l8bXF4FIiI,155
139
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/DreamBooth.yaml,sha256=o6rp96ZOzXLA9Ars6HjMlmS6WfwwjLALHeQHn2kogpY,1655
140
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/TextualInversion.yaml,sha256=2KDyIdHP3ejubyukBoJAXKOr7HrkdjCtXctem02o2g4,1007
141
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/fine-tuning.yaml,sha256=5M3MGnBd-jrAFxWjQm2b617IRCa9_dzJStKpPeiKaKM,956
142
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/train/examples_noob/lora.yaml,sha256=Kq3GZ1oD8GS4TP1pTRPcYqeHYs8aGsUsQIb3ew5xaxo,1292
143
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/highres_fix_latent.yaml,sha256=PRhoB_UAhqXLhVR193T8Jyflwcv9dgKJ6rqdnqvweo0,2715
144
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/highres_fix_pixel.yaml,sha256=a8JM2fGiqn2vnWWw7kOK4O8lSvhq3HV-fOxYO6xA22w,3142
145
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/text2img.yaml,sha256=qUEN-3IEn4eFv3lu5qnRn7D4Ow_nCa1rA21nO7cvAnI,1866
146
- hcpdiff-0.9.1.data/data/hcpdiff/cfgs/workflow/text2img_lora.yaml,sha256=57Rtj6zq7uaP_9QSVC5W5F8LED2aZHnhDEFjjcvwSBw,2176
147
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/caption.txt,sha256=BFF5IJffv3lvSo6Axoc9tNLeby0T84zYSFN49wHqgWc,14
148
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/name.txt,sha256=M5ZazRDxHC0Tj4HDe8iZ2BDklywaiRRk1UG0G_Sf01g,14
149
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/name_2pt_caption.txt,sha256=3hP46lbjvV480jkaHyjJ6kOh-RBuBt-qJ56XkdfFUts,55
150
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/name_caption.txt,sha256=r0J196gVkTGguSrkClVdQVrOi0m7UYHmjE-JPNS1eWg,25
151
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/object.txt,sha256=AAQFaMPewZpoCbz_GLqqb3G3BR9pKAXCSj3PBec2iNU,889
152
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/object_caption.txt,sha256=KykccgokzxIxIvJqUcqKZLNlmuWFQ2m__7eeTGRAeCo,1186
153
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/style.txt,sha256=JiYeLSWrDlDZ1xCiyFaoQUNDYsVXJwUPNCcW4VDlj2w,872
154
- hcpdiff-0.9.1.data/data/hcpdiff/prompt_tuning_template/style_caption.txt,sha256=p3LUkXf_AxO9U5fsdNxDoSYjvTkF1LxPwUX3KRio8P0,1081
155
- hcpdiff-0.9.1.dist-info/LICENSE,sha256=xx0jnfkXJvxRnG63LTGOxlggYnIysveWIZ6H3PNdCrQ,11357
156
- hcpdiff-0.9.1.dist-info/METADATA,sha256=Tkrf0VUB_VSOi3KYA1XfPcS8f7-u1zfQa3TVWhWiEZA,7442
157
- hcpdiff-0.9.1.dist-info/WHEEL,sha256=oiQVh_5PnQM0E3gPdiz09WCNmwiHDMaGer_elqB3coM,92
158
- hcpdiff-0.9.1.dist-info/entry_points.txt,sha256=TZu3cbc9T3KmoNHx6JfTdHV_Ff89yn4XD7DoluIjZWk,57
159
- hcpdiff-0.9.1.dist-info/top_level.txt,sha256=shyf78x-HVgykYpsmY22mKG0xIc7Qk30fDMdavdYWQ8,8
160
- hcpdiff-0.9.1.dist-info/RECORD,,
@@ -1,2 +0,0 @@
1
- [console_scripts]
2
- hcpinit = hcpdiff.tools.init_proj:main