ClaireOzzz commited on
Commit
065410d
1 Parent(s): 21c4b07

saving checkpoint-50

Browse files
README.md ADDED
@@ -0,0 +1,62 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ ---
3
+ base_model: stabilityai/stable-diffusion-xl-base-1.0
4
+ instance_prompt: prcln
5
+ tags:
6
+ - stable-diffusion-xl
7
+ - stable-diffusion-xl-diffusers
8
+ - text-to-image
9
+ - diffusers
10
+ - lora
11
+ inference: false
12
+ datasets:
13
+ - ClaireOzzz/Porcelain
14
+ ---
15
+
16
+ # LoRA DreamBooth - ClaireOzzz/PorcelainModel
17
+ ## MODEL IS CURRENTLY TRAINING ...
18
+ Last checkpoint saved: checkpoint-50
19
+ These are LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0 trained on @fffiloni's SD-XL trainer.
20
+ The weights were trained on the concept prompt:
21
+ ```
22
+ prcln
23
+ ```
24
+ Use this keyword to trigger your custom model in your prompts.
25
+ LoRA for the text encoder was enabled: False.
26
+ Special VAE used for training: madebyollin/sdxl-vae-fp16-fix.
27
+ ## Usage
28
+ Make sure to upgrade diffusers to >= 0.19.0:
29
+ ```
30
+ pip install diffusers --upgrade
31
+ ```
32
+ In addition make sure to install transformers, safetensors, accelerate as well as the invisible watermark:
33
+ ```
34
+ pip install invisible_watermark transformers accelerate safetensors
35
+ ```
36
+ To just use the base model, you can run:
37
+ ```python
38
+ import torch
39
+ from diffusers import DiffusionPipeline, AutoencoderKL
40
+ device = "cuda" if torch.cuda.is_available() else "cpu"
41
+ vae = AutoencoderKL.from_pretrained('madebyollin/sdxl-vae-fp16-fix', torch_dtype=torch.float16)
42
+ pipe = DiffusionPipeline.from_pretrained(
43
+ "stabilityai/stable-diffusion-xl-base-1.0",
44
+ vae=vae, torch_dtype=torch.float16, variant="fp16",
45
+ use_safetensors=True
46
+ )
47
+ pipe.to(device)
48
+ # This is where you load your trained weights
49
+ specific_safetensors = "pytorch_lora_weights.safetensors"
50
+ lora_scale = 0.9
51
+ pipe.load_lora_weights(
52
+ 'ClaireOzzz/PorcelainModel',
53
+ weight_name = specific_safetensors,
54
+ # use_auth_token = True
55
+ )
56
+ prompt = "A majestic prcln jumping from a big stone at night"
57
+ image = pipe(
58
+ prompt=prompt,
59
+ num_inference_steps=50,
60
+ cross_attention_kwargs={"scale": lora_scale}
61
+ ).images[0]
62
+ ```
checkpoint-50/optimizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e79d3c721f5df088e69c19d2cd8acad658fddd534f6ca2e1615e8b562fe45b5b
3
+ size 14989511
checkpoint-50/pytorch_lora_weights.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:82f03ee8e952388f76784f6a2a1e8ca0d7d86258f966d7bf138e1a652f11cd12
3
+ size 23401064
checkpoint-50/random_states_0.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:156723d94c5ae0ce0910df2c277a3ad5073998527121eead7fd1b0f19c07146d
3
+ size 14599
checkpoint-50/scaler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dfa3bcfad6548e955614aa66924075e0bfa36d4a9baf6cf6190c3fd577b6da91
3
+ size 557
checkpoint-50/scheduler.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5c2e049bf71442b17d7266b91453f38dc02f570cd1263fee85651cac708c56ab
3
+ size 563
logs/dreambooth-lora-sd-xl/1698246095.9398384/events.out.tfevents.1698246095.ff90a73b3f16.5452.1 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:160c6ccfd41ee37b1619423475863d90b619fdefd89c76d485856da1f7381894
3
+ size 2822
logs/dreambooth-lora-sd-xl/1698246095.9419672/hparams.yml ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ adam_beta1: 0.9
2
+ adam_beta2: 0.999
3
+ adam_epsilon: 1.0e-08
4
+ adam_weight_decay: 0.01
5
+ allow_tf32: false
6
+ center_crop: false
7
+ checkpointing_steps: 50
8
+ checkpoints_total_limit: null
9
+ class_data_dir: null
10
+ class_prompt: null
11
+ crops_coords_top_left_h: 0
12
+ crops_coords_top_left_w: 0
13
+ dataloader_num_workers: 0
14
+ dataset_id: ClaireOzzz/Porcelain
15
+ enable_xformers_memory_efficient_attention: true
16
+ gradient_accumulation_steps: 2
17
+ gradient_checkpointing: true
18
+ hub_model_id: null
19
+ hub_token: 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
20
+ instance_data_dir: Porcelain
21
+ instance_prompt: prcln
22
+ learning_rate: 0.0001
23
+ local_rank: -1
24
+ logging_dir: logs
25
+ lr_num_cycles: 1
26
+ lr_power: 1.0
27
+ lr_scheduler: constant
28
+ lr_warmup_steps: 0
29
+ max_grad_norm: 1.0
30
+ max_train_steps: 200
31
+ mixed_precision: fp16
32
+ num_class_images: 100
33
+ num_train_epochs: 11
34
+ num_validation_images: 4
35
+ output_dir: PorcelainModel
36
+ pretrained_model_name_or_path: stabilityai/stable-diffusion-xl-base-1.0
37
+ pretrained_vae_model_name_or_path: madebyollin/sdxl-vae-fp16-fix
38
+ prior_generation_precision: null
39
+ prior_loss_weight: 1.0
40
+ push_to_hub: true
41
+ rank: 4
42
+ report_to: tensorboard
43
+ resolution: 1024
44
+ resume_from_checkpoint: null
45
+ revision: null
46
+ sample_batch_size: 4
47
+ scale_lr: false
48
+ seed: 0
49
+ train_batch_size: 2
50
+ train_text_encoder: false
51
+ use_8bit_adam: true
52
+ validation_epochs: 50
53
+ validation_prompt: null
54
+ with_prior_preservation: false
logs/dreambooth-lora-sd-xl/events.out.tfevents.1698246095.ff90a73b3f16.5452.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:92605ab212b7be3c9ea55d8b4b0b3a5b59e564978d086c14bacd2edcc7537f1d
3
+ size 8202