I compared TheLastBen's Fast DreamBooth with my "Improved" DreamBooth training - you be the judge!

This page summarizes the projects mentioned and recommended in the original post on /r/DreamBooth

Our great sponsors
  • InfluxDB - Power Real-Time Data Analytics at Scale
  • WorkOS - The modern identity platform for B2B SaaS
  • SaaSHub - Software Alternatives and Reviews
  • fast-stable-diffusion

    fast-stable-diffusion + DreamBooth

  • For the training of ("Improved" DreamBooth training)[https://github.com/InB4DevOps/diffusers/tree/main/examples/dreambooth] I used these (200 class images)[https://github.com/TheLastBen/fast-stable-diffusion/blob/main/Dreambooth/Regularization/Women] from TheLastBen's repo.

  • diffusers

    🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch (by InB4DevOps)

  • For the training of ("Improved" DreamBooth training)[https://github.com/InB4DevOps/diffusers/tree/main/examples/dreambooth] I used these (200 class images)[https://github.com/TheLastBen/fast-stable-diffusion/blob/main/Dreambooth/Regularization/Women] from TheLastBen's repo.

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • bitsandbytes

    Accessible large language models via k-bit quantization for PyTorch.

  • /github/otherdiffusers/examples/dreambooth$ ./launch.sh The following values were not passed to `accelerate launch` and had defaults used instead: `--num_cpu_threads_per_process` was set to `8` to improve out-of-box performance To avoid this warning pass in values for each of the problematic parameters or run `accelerate config`. ===================================BUG REPORT=================================== Welcome to bitsandbytes. For bug reports, please submit your error trace to: https://github.com/TimDettmers/bitsandbytes/issues For effortless bug reporting copy-paste your error into this form: https://docs.google.com/forms/d/e/1FAIpQLScPB8emS3Thkp66nvqwmjTEgxp8Y9ufuWTzFyr9kJ5AoI47dQ/viewform?usp=sf_link ================================================================================ /home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cuda_setup/paths.py:86: UserWarning: /home/malcolm/anaconda3/envs/diffusers did not contain libcudart.so as expected! Searching further paths... warn( /home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cuda_setup/paths.py:20: UserWarning: WARNING: The following directories listed in your path were found to be non-existent: {PosixPath('runwayml/stable-diffusion-v1-5')} warn( CUDA_SETUP: WARNING! libcudart.so not found in any environmental path. Searching /usr/local/cuda/lib64... CUDA SETUP: CUDA runtime path found: /usr/local/cuda/lib64/libcudart.so CUDA SETUP: WARNING! libcuda.so not found! Do you have a CUDA driver installed? If you are on a cluster, make sure you are on a CUDA machine! Traceback (most recent call last): File "/home/malcolm/github/otherdiffusers/examples/dreambooth/train_dreambooth.py", line 870, in main(args) File "/home/malcolm/github/otherdiffusers/examples/dreambooth/train_dreambooth.py", line 574, in main import bitsandbytes as bnb File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/__init__.py", line 6, in from .autograd._functions import ( File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/autograd/_functions.py", line 5, in import bitsandbytes.functional as F File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/functional.py", line 13, in from .cextension import COMPILED_WITH_CUDA, lib File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cextension.py", line 41, in lib = CUDALibrary_Singleton.get_instance().lib File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cextension.py", line 37, in get_instance cls._instance.initialize() File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cextension.py", line 15, in initialize binary_name = evaluate_cuda_setup() File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cuda_setup/main.py", line 132, in evaluate_cuda_setup cc = get_compute_capability(cuda) File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cuda_setup/main.py", line 105, in get_compute_capability ccs = get_compute_capabilities(cuda) File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/bitsandbytes/cuda_setup/main.py", line 83, in get_compute_capabilities check_cuda_result(cuda, cuda.cuDeviceGetCount(ctypes.byref(nGpus))) AttributeError: 'NoneType' object has no attribute 'cuDeviceGetCount' Traceback (most recent call last): File "/home/malcolm/anaconda3/envs/diffusers/bin/accelerate", line 8, in sys.exit(main()) File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/accelerate/commands/accelerate_cli.py", line 43, in main args.func(args) File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/accelerate/commands/launch.py", line 837, in launch_command simple_launcher(args) File "/home/malcolm/anaconda3/envs/diffusers/lib/python3.9/site-packages/accelerate/commands/launch.py", line 354, in simple_launcher raise subprocess.CalledProcessError(returncode=process.returncode, cmd=cmd) subprocess.CalledProcessError: Command '['/home/malcolm/anaconda3/envs/diffusers/bin/python', 'train_dreambooth.py', '--pretrained_model_name_or_path=runwayml/stable-diffusion-v1-5', '--pretrained_vae_name_or_path=stabilityai/sd-vae-ft-mse', '--instance_data_dir=/home/malcolm/dreambooth/data/training_gosia', '--output_dir=/home/malcolm/dreambooth/models/gosia2', '--instance_prompt=a photo of sks woman', '--with_prior_preservation', '--prior_loss_weight=1.0', '--seed=3434554', '--resolution=512', '--train_batch_size=1', '--shuffle_after_epoch', '--use_8bit_adam', '--gradient_checkpointing', '--gradient_accumulation_steps=1', '--learning_rate=1e-6', '--lr_scheduler=constant', '--lr_warmup_steps=0', '--num_class_images=50', '--max_train_steps=800', '--save_interval=400', '--save_sample_prompt=photo of zwx woman', '--concepts_list=concepts_list.json']' returned non-zero exit status 1.

  • DeepFaceLab

    Discontinued DeepFaceLab is the leading software for creating deepfakes.

  • At the moment it's still part of DeepFaceLab (https://github.com/iperov/DeepFaceLab) but I'm planning on removing unneeded dependencies and on releasing it as a "standalone" for DreamBooth usage..

NOTE: The number of mentions on this list indicates mentions on common posts plus user suggested alternatives. Hence, a higher number means a more popular project.

Suggest a related project

Related posts