Skip to content

Commit

Permalink
Update gradio release
Browse files Browse the repository at this point in the history
  • Loading branch information
bmaltais committed Jul 8, 2023
1 parent 078aa4d commit 429d2f2
Show file tree
Hide file tree
Showing 3 changed files with 47 additions and 42 deletions.
2 changes: 1 addition & 1 deletion lora_gui.py
Original file line number Diff line number Diff line change
Expand Up @@ -1116,7 +1116,7 @@ def list_presets(path):
)
network_alpha = gr.Slider(
minimum=0.1,
maximum=1024,
maximum=20000,
label='Network Alpha',
value=1,
step=0.1,
Expand Down
2 changes: 1 addition & 1 deletion requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@ easygui==0.98.3
einops==0.6.0
fairscale==0.4.13
ftfy==6.1.1
gradio==3.33.1
gradio==3.36.1
huggingface-hub>=0.14.1
lion-pytorch==0.0.6
lycoris_lora==1.8.0.dev6
Expand Down
85 changes: 45 additions & 40 deletions test/config/loha-Prodigy.json
Original file line number Diff line number Diff line change
@@ -1,96 +1,101 @@
{
"LoRA_type": "LyCORIS/LoHa",
"adaptive_noise_scale": 0,
"additional_parameters": "",
"additional_parameters": "--log_prefix=xl-loha",
"block_alphas": "",
"block_dims": "",
"block_lr_zero_threshold": "",
"bucket_no_upscale": true,
"bucket_reso_steps": 1,
"bucket_no_upscale": false,
"bucket_reso_steps": 64,
"cache_latents": true,
"cache_latents_to_disk": false,
"cache_latents_to_disk": true,
"caption_dropout_every_n_epochs": 0.0,
"caption_dropout_rate": 0,
"caption_extension": "",
"clip_skip": 2,
"caption_extension": ".txt",
"clip_skip": "1",
"color_aug": false,
"conv_alpha": 8,
"conv_alpha": 4,
"conv_alphas": "",
"conv_dim": 16,
"conv_dim": 4,
"conv_dims": "",
"decompose_both": false,
"dim_from_weights": false,
"down_lr_weight": "",
"enable_bucket": true,
"epoch": 1,
"epoch": 10,
"factor": -1,
"flip_aug": false,
"full_fp16": false,
"gradient_accumulation_steps": 1,
"gradient_checkpointing": false,
"gradient_accumulation_steps": 1.0,
"gradient_checkpointing": true,
"keep_tokens": "0",
"learning_rate": 1.0,
"logging_dir": "./test/logs",
"learning_rate": 0.002,
"logging_dir": "E:\\froggy\\loha\\logs",
"lora_network_weights": "",
"lr_scheduler": "cosine",
"lr_scheduler_num_cycles": "",
"lr_scheduler_num_cycles": "1",
"lr_scheduler_power": "",
"lr_warmup": 0,
"max_data_loader_n_workers": "0",
"max_resolution": "512,512",
"max_resolution": "1024,1024",
"max_timestep": 1000,
"max_token_length": "75",
"max_train_epochs": "",
"mem_eff_attn": false,
"mid_lr_weight": "",
"min_snr_gamma": 10,
"min_snr_gamma": 5,
"min_timestep": 0,
"mixed_precision": "bf16",
"model_list": "runwayml/stable-diffusion-v1-5",
"module_dropout": 0.1,
"multires_noise_discount": 0.2,
"multires_noise_iterations": 8,
"model_list": "custom",
"module_dropout": 0,
"multires_noise_discount": 0,
"multires_noise_iterations": 0,
"network_alpha": 8,
"network_dim": 16,
"network_dropout": 0.1,
"network_dim": 8,
"network_dropout": 0,
"no_token_padding": false,
"noise_offset": "0.05",
"noise_offset_type": "Multires",
"noise_offset": 0.0357,
"noise_offset_type": "Original",
"num_cpu_threads_per_process": 2,
"optimizer": "Prodigy",
"optimizer_args": "decouple=True weight_decay=0.6 betas=0.9,0.99 use_bias_correction=True",
"output_dir": "./test/output",
"output_name": "loha-Prodigy",
"optimizer": "AdamW8bit",
"optimizer_args": "weight_decay=0.05 betas=0.9,0.98",
"output_dir": "d:\\lycoris\\sdxl",
"output_name": "froddy-loha-sx_v1.0a",
"persistent_data_loader_workers": false,
"pretrained_model_name_or_path": "runwayml/stable-diffusion-v1-5",
"pretrained_model_name_or_path": "D:/models/sdxl/sd_xl_base_0.9.safetensors",
"prior_loss_weight": 1.0,
"random_crop": false,
"rank_dropout": 0.1,
"rank_dropout": 0,
"reg_data_dir": "",
"resume": "",
"sample_every_n_epochs": 0,
"sample_every_n_steps": 25,
"sample_prompts": "a painting of a gas mask , by darius kawasaki",
"sample_every_n_steps": 0,
"sample_prompts": "",
"sample_sampler": "euler_a",
"save_every_n_epochs": 1,
"save_every_n_steps": 0,
"save_last_n_steps": 0,
"save_last_n_steps_state": 0,
"save_model_as": "safetensors",
"save_precision": "fp16",
"save_precision": "bf16",
"save_state": false,
"scale_v_pred_loss_like_noise_pred": false,
"scale_weight_norms": 1,
"seed": "1234",
"scale_weight_norms": 0,
"sdxl": true,
"sdxl_cache_text_encoder_outputs": true,
"sdxl_no_half_vae": true,
"seed": "17415",
"shuffle_caption": false,
"stop_text_encoder_training": 0,
"text_encoder_lr": 1.0,
"train_batch_size": 4,
"train_data_dir": "./test/img",
"text_encoder_lr": 0.0,
"train_batch_size": 1,
"train_data_dir": "E:\\froggy\\img",
"train_on_input": false,
"training_comment": "",
"unet_lr": 1.0,
"unet_lr": 0.002,
"unit": 1,
"up_lr_weight": "",
"use_cp": true,
"use_cp": false,
"use_wandb": false,
"v2": false,
"v_parameterization": false,
Expand Down

0 comments on commit 429d2f2

Please sign in to comment.