pranjalipathre
commited on
Commit
•
5e26600
1
Parent(s):
a3a52a8
End of training
Browse files- feature_extractor/preprocessor_config.json +0 -1
- logs/instruct-pix2pix/1706986537.8150692/events.out.tfevents.1706986537.gnode117.17703.1 +3 -0
- logs/instruct-pix2pix/1706986537.8188417/hparams.yml +51 -0
- logs/instruct-pix2pix/events.out.tfevents.1706986537.gnode117.17703.0 +3 -0
- model_index.json +5 -1
- scheduler/scheduler_config.json +2 -1
- text_encoder/config.json +1 -1
- unet/config.json +1 -1
- unet/diffusion_pytorch_model.safetensors +1 -1
- vae/config.json +1 -1
feature_extractor/preprocessor_config.json
CHANGED
@@ -8,7 +8,6 @@
|
|
8 |
"do_normalize": true,
|
9 |
"do_rescale": true,
|
10 |
"do_resize": true,
|
11 |
-
"feature_extractor_type": "CLIPFeatureExtractor",
|
12 |
"image_mean": [
|
13 |
0.48145466,
|
14 |
0.4578275,
|
|
|
8 |
"do_normalize": true,
|
9 |
"do_rescale": true,
|
10 |
"do_resize": true,
|
|
|
11 |
"image_mean": [
|
12 |
0.48145466,
|
13 |
0.4578275,
|
logs/instruct-pix2pix/1706986537.8150692/events.out.tfevents.1706986537.gnode117.17703.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:858e2168b4f308ac855c5fc53637eff4765c1ec6fa3e66114d74c5cd947109e3
|
3 |
+
size 2424
|
logs/instruct-pix2pix/1706986537.8188417/hparams.yml
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
cache_dir: null
|
7 |
+
center_crop: false
|
8 |
+
checkpointing_steps: 51000
|
9 |
+
checkpoints_total_limit: 1
|
10 |
+
conditioning_dropout_prob: 0.05
|
11 |
+
dataloader_num_workers: 0
|
12 |
+
dataset_config_name: null
|
13 |
+
dataset_name: pranjalipathre/pybullet_img2img
|
14 |
+
edit_prompt_column: edit_prompt
|
15 |
+
edited_image_column: edited_image
|
16 |
+
enable_xformers_memory_efficient_attention: false
|
17 |
+
gradient_accumulation_steps: 4
|
18 |
+
gradient_checkpointing: true
|
19 |
+
hub_model_id: null
|
20 |
+
hub_token: null
|
21 |
+
learning_rate: 0.0001
|
22 |
+
local_rank: -1
|
23 |
+
logging_dir: logs
|
24 |
+
lr_scheduler: constant
|
25 |
+
lr_warmup_steps: 500
|
26 |
+
max_grad_norm: 1.0
|
27 |
+
max_train_samples: null
|
28 |
+
max_train_steps: 45000
|
29 |
+
mixed_precision: fp16
|
30 |
+
non_ema_revision: null
|
31 |
+
num_train_epochs: 33
|
32 |
+
num_validation_images: 4
|
33 |
+
original_image_column: original_image
|
34 |
+
output_dir: instruct-pix2pix-model
|
35 |
+
pretrained_model_name_or_path: timbrooks/instruct-pix2pix
|
36 |
+
push_to_hub: true
|
37 |
+
random_flip: true
|
38 |
+
report_to: tensorboard
|
39 |
+
resolution: 256
|
40 |
+
resume_from_checkpoint: null
|
41 |
+
revision: null
|
42 |
+
scale_lr: false
|
43 |
+
seed: 40
|
44 |
+
test_image_url: null
|
45 |
+
train_batch_size: 4
|
46 |
+
train_data_dir: null
|
47 |
+
use_8bit_adam: false
|
48 |
+
use_ema: false
|
49 |
+
val_image_url: null
|
50 |
+
validation_epochs: 1
|
51 |
+
validation_prompt: null
|
logs/instruct-pix2pix/events.out.tfevents.1706986537.gnode117.17703.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:92ac99c7b9bed3bd4d74fb0076d780dbd66707637c3f41e9a3667a92db0dca99
|
3 |
+
size 2233578
|
model_index.json
CHANGED
@@ -1,11 +1,15 @@
|
|
1 |
{
|
2 |
"_class_name": "StableDiffusionInstructPix2PixPipeline",
|
3 |
-
"_diffusers_version": "0.
|
4 |
"_name_or_path": "timbrooks/instruct-pix2pix",
|
5 |
"feature_extractor": [
|
6 |
"transformers",
|
7 |
"CLIPImageProcessor"
|
8 |
],
|
|
|
|
|
|
|
|
|
9 |
"requires_safety_checker": false,
|
10 |
"safety_checker": [
|
11 |
null,
|
|
|
1 |
{
|
2 |
"_class_name": "StableDiffusionInstructPix2PixPipeline",
|
3 |
+
"_diffusers_version": "0.26.1",
|
4 |
"_name_or_path": "timbrooks/instruct-pix2pix",
|
5 |
"feature_extractor": [
|
6 |
"transformers",
|
7 |
"CLIPImageProcessor"
|
8 |
],
|
9 |
+
"image_encoder": [
|
10 |
+
null,
|
11 |
+
null
|
12 |
+
],
|
13 |
"requires_safety_checker": false,
|
14 |
"safety_checker": [
|
15 |
null,
|
scheduler/scheduler_config.json
CHANGED
@@ -1,6 +1,6 @@
|
|
1 |
{
|
2 |
"_class_name": "EulerAncestralDiscreteScheduler",
|
3 |
-
"_diffusers_version": "0.
|
4 |
"algorithm_type": "dpmsolver++",
|
5 |
"beta_end": 0.012,
|
6 |
"beta_schedule": "scaled_linear",
|
@@ -10,6 +10,7 @@
|
|
10 |
"lower_order_final": true,
|
11 |
"num_train_timesteps": 1000,
|
12 |
"prediction_type": "epsilon",
|
|
|
13 |
"sample_max_value": 1.0,
|
14 |
"set_alpha_to_one": false,
|
15 |
"skip_prk_steps": true,
|
|
|
1 |
{
|
2 |
"_class_name": "EulerAncestralDiscreteScheduler",
|
3 |
+
"_diffusers_version": "0.26.1",
|
4 |
"algorithm_type": "dpmsolver++",
|
5 |
"beta_end": 0.012,
|
6 |
"beta_schedule": "scaled_linear",
|
|
|
10 |
"lower_order_final": true,
|
11 |
"num_train_timesteps": 1000,
|
12 |
"prediction_type": "epsilon",
|
13 |
+
"rescale_betas_zero_snr": false,
|
14 |
"sample_max_value": 1.0,
|
15 |
"set_alpha_to_one": false,
|
16 |
"skip_prk_steps": true,
|
text_encoder/config.json
CHANGED
@@ -20,6 +20,6 @@
|
|
20 |
"pad_token_id": 1,
|
21 |
"projection_dim": 768,
|
22 |
"torch_dtype": "float16",
|
23 |
-
"transformers_version": "4.
|
24 |
"vocab_size": 49408
|
25 |
}
|
|
|
20 |
"pad_token_id": 1,
|
21 |
"projection_dim": 768,
|
22 |
"torch_dtype": "float16",
|
23 |
+
"transformers_version": "4.37.2",
|
24 |
"vocab_size": 49408
|
25 |
}
|
unet/config.json
CHANGED
@@ -1,6 +1,6 @@
|
|
1 |
{
|
2 |
"_class_name": "UNet2DConditionModel",
|
3 |
-
"_diffusers_version": "0.
|
4 |
"_name_or_path": "timbrooks/instruct-pix2pix",
|
5 |
"act_fn": "silu",
|
6 |
"addition_embed_type": null,
|
|
|
1 |
{
|
2 |
"_class_name": "UNet2DConditionModel",
|
3 |
+
"_diffusers_version": "0.26.1",
|
4 |
"_name_or_path": "timbrooks/instruct-pix2pix",
|
5 |
"act_fn": "silu",
|
6 |
"addition_embed_type": null,
|
unet/diffusion_pytorch_model.safetensors
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 3438213624
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a5ae4a0cea32f8ff55eb375b0167a1c890dc0ca0f7c7499a108bfa3840cf1a04
|
3 |
size 3438213624
|
vae/config.json
CHANGED
@@ -1,6 +1,6 @@
|
|
1 |
{
|
2 |
"_class_name": "AutoencoderKL",
|
3 |
-
"_diffusers_version": "0.
|
4 |
"_name_or_path": "timbrooks/instruct-pix2pix",
|
5 |
"act_fn": "silu",
|
6 |
"block_out_channels": [
|
|
|
1 |
{
|
2 |
"_class_name": "AutoencoderKL",
|
3 |
+
"_diffusers_version": "0.26.1",
|
4 |
"_name_or_path": "timbrooks/instruct-pix2pix",
|
5 |
"act_fn": "silu",
|
6 |
"block_out_channels": [
|