No project description provided
Project description
StableDiffusionInpaintingFineTune
This project provides a toolkit for fine-tuning the Stable Diffusion model for inpainting tasks (image restoration based on a mask) using PyTorch and Hugging Face Diffusers libraries.
Requirements
Before starting, you need to install the following libraries: .. code-block:: python
pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu121
torch
diffusers
transformers
accelerate
huggingface_hub
PIL
numpy
tqdm
Description
StableDiffusionInpaintingFineTune
This class is responsible for fine-tuning the Stable Diffusion model for the inpainting task. It supports training both the text encoder and the UNet model and uses various settings to control the training process.
Constructor
^^^^^^^^^^^
.. code-block:: python
__init__(self, pretrained_model_name_or_path, resolution, center_crop, ...)
- **pretrained_model_name_or_path**: The path or name of the pre-trained model.
- **resolution**: The resolution of the images.
- **center_crop**: Whether to apply center cropping during data preparation.
- **train_text_encoder**: Whether to train the text encoder.
- **dataset**: The dataset object.
- **learning_rate**: The initial learning rate.
- **max_training_steps**: The maximum number of training steps.
- **save_steps**: The number of steps between saving checkpoints.
- **train_batch_size**: The batch size.
- **gradient_accumulation_steps**: The number of steps to accumulate gradients.
- **mixed_precision**: Use of mixed precision ("fp16", "bf16", or None).
- **gradient_checkpointing**: Use of gradient checkpointing.
- **use_8bit_adam**: Use of the 8-bit Adam optimizer.
- **seed**: The random seed for reproducibility.
- **output_dir**: The directory for saving results.
- **push_to_hub**: Whether to upload the results to the Hugging Face Hub.
- **repo_id**: The repository ID on Hugging Face Hub.
Methods
^^^^^^^
- **prepare_mask_and_masked_image(image, mask)**: Prepares the mask and masked image.
- **random_mask(im_shape, ratio=1, mask_full_image=False)**: Generates a random mask.
- **load_args_for_training()**: Loads the necessary components of the model for training.
- **collate_fn(examples)**: Forms a batch of data for the model.
- **__call__(self, *args, **kwargs)**: The main method for running the training process.
Usage
-----
To start training, you should create an instance of the ``StableDiffusionInpaintingFineTune`` class and call its ``__call__`` method, passing the necessary arguments.
.. code-block:: python
model = StableDiffusionInpaintingFineTune(
pretrained_model_name_or_path="path_to_model",
resolution=512,
center_crop=True,
...
)
model()
License
-------
The project is distributed under the MIT License.
Project details
Release history Release notifications | RSS feed
Download files
Download the file for your platform. If you're not sure which to choose, learn more about installing packages.
Source Distribution
dreamfinetune-1.1.tar.gz
(16.9 kB
view hashes)
Built Distribution
Close
Hashes for dreamfinetune-1.1-py3-none-any.whl
Algorithm | Hash digest | |
---|---|---|
SHA256 | 1daf3758b18fa6fde9d36ea1eefce2e9bc13b10069af3f64127eab8a00f992f0 |
|
MD5 | 6ae1e1b5f3248981d647543a36e2465f |
|
BLAKE2b-256 | 44c59c5b4a42df1ccd4a29084495c894e7228783492d26cd47fee78acadcfed5 |