Bulge down leg
이 버전에 대해
{
"__version": 6,
"training_method": "LORA",
"model_type": "STABLE_DIFFUSION_XL_10_BASE",
"debug_mode": false,
"debug_dir": "debug",
"workspace_dir": "G:/OneTrainer/outputs",
"cache_dir": "workspace-cache/run",
"tensorboard": true,
"tensorboard_expose": false,
"tensorboard_port": 6007,
"validation": false,
"validate_after": 1,
"validate_after_unit": "EPOCH",
"continue_last_backup": false,
"include_train_config": "SETTINGS",
"base_model_name": "G:/stable-diffusion-webui-reForge/models/Stable-diffusion/illustrious/noobaiXLNAIXL_vPred10Version.safetensors",
"weight_dtype": "FLOAT_16",
"output_dtype": "BFLOAT_16",
"output_model_format": "SAFETENSORS",
"output_model_destination": "G:/OneTrainer/outputs/bulge_down_leg-NOOB-VPRED1.0-V2-loha-32-drop0.1.safetensors",
"gradient_checkpointing": "ON",
"enable_async_offloading": true,
"enable_activation_offloading": true,
"layer_offload_fraction": 0.0,
"force_circular_padding": false,
"concept_file_name": "training_concepts/concepts.json",
"concepts": [
{
"__version": 1,
"image": {
"__version": 0,
"enable_crop_jitter": true,
"enable_random_flip": true,
"enable_fixed_flip": false,
"enable_random_rotate": false,
"enable_fixed_rotate": false,
"random_rotate_max_angle": 0.0,
"enable_random_brightness": false,
"enable_fixed_brightness": false,
"random_brightness_max_strength": 0.0,
"enable_random_contrast": false,
"enable_fixed_contrast": false,
"random_contrast_max_strength": 0.0,
"enable_random_saturation": false,
"enable_fixed_saturation": false,
"random_saturation_max_strength": 0.0,
"enable_random_hue": false,
"enable_fixed_hue": false,
"random_hue_max_strength": 0.0,
"enable_resolution_override": false,
"resolution_override": "512",
"enable_random_circular_mask_shrink": false,
"enable_random_mask_rotate_crop": false
},
"text": {
"__version": 0,
"prompt_source": "sample",
"prompt_path": "",
"enable_tag_shuffling": true,
"tag_delimiter": ",",
"keep_tags_count": 1,
"tag_dropout_enable": false,
"tag_dropout_mode": "FULL",
"tag_dropout_probability": 0.0,
"tag_dropout_special_tags_mode": "NONE",
"tag_dropout_special_tags": "",
"tag_dropout_special_tags_regex": false,
"caps_randomize_enable": false,
"caps_randomize_mode": "capslock, title, first, random",
"caps_randomize_probability": 0.0,
"caps_randomize_lowercase": false
},
"name": "",
"path": "F:/dataset/bulge_down_leg_V1/10_bdl",
"seed": 818222669,
"enabled": true,
"validation_concept": false,
"include_subdirectories": false,
"image_variations": 1,
"text_variations": 1,
"balancing": 10.0,
"balancing_strategy": "REPEATS",
"loss_weight": 1.0
}
],
"aspect_ratio_bucketing": true,
"latent_caching": true,
"clear_cache_before_training": true,
"learning_rate_scheduler": "COSINE",
"custom_learning_rate_scheduler": null,
"scheduler_params": [],
"learning_rate": 1.0,
"learning_rate_warmup_steps": 0.0,
"learning_rate_cycles": 1.0,
"learning_rate_min_factor": 0.0,
"epochs": 10,
"batch_size": 2,
"gradient_accumulation_steps": 1,
"ema": "OFF",
"ema_decay": 0.999,
"ema_update_step_interval": 5,
"dataloader_threads": 2,
"train_device": "cuda",
"temp_device": "cpu",
"train_dtype": "BFLOAT_16",
"fallback_train_dtype": "BFLOAT_16",
"enable_autocast_cache": true,
"only_cache": false,
"resolution": "1024",
"frames": "25",
"attention_mechanism": "XFORMERS",
"align_prop": false,
"align_prop_probability": 0.1,
"align_prop_loss": "AESTHETIC",
"align_prop_weight": 0.01,
"align_prop_steps": 20,
"align_prop_truncate_steps": 0.5,
"align_prop_cfg_scale": 7.0,
"mse_strength": 1.0,
"mae_strength": 0.0,
"log_cosh_strength": 0.0,
"vb_loss_strength": 1.0,
"loss_weight_fn": "CONSTANT",
"loss_weight_strength": 5.0,
"dropout_probability": 0.1,
"loss_scaler": "NONE",
"learning_rate_scaler": "NONE",
"clip_grad_norm": 1.0,
"offset_noise_weight": 0.0,
"perturbation_noise_weight": 0.0,
"rescale_noise_scheduler_to_zero_terminal_snr": true,
"force_v_prediction": false,
"force_epsilon_prediction": false,
"min_noising_strength": 0.0,
"max_noising_strength": 1.0,
"timestep_distribution": "LOGIT_NORMAL",
"noising_weight": 0.2,
"noising_bias": 0.0,
"timestep_shift": 1.0,
"dynamic_timestep_shifting": false,
"unet": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": 0,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"prior": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": 0,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"text_encoder": {
"__version": 0,
"model_name": "",
"include": true,
"train": false,
"stop_training_after": 20,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"text_encoder_layer_skip": 0,
"text_encoder_2": {
"__version": 0,
"model_name": "",
"include": true,
"train": false,
"stop_training_after": 20,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"text_encoder_2_layer_skip": 0,
"text_encoder_3": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": 30,
"stop_training_after_unit": "EPOCH",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"text_encoder_3_layer_skip": 0,
"vae": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": null,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "FLOAT_32",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"effnet_encoder": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": null,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"decoder": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": null,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"decoder_text_encoder": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": null,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"decoder_vqgan": {
"__version": 0,
"model_name": "",
"include": true,
"train": true,
"stop_training_after": null,
"stop_training_after_unit": "NEVER",
"learning_rate": null,
"weight_dtype": "NONE",
"dropout_probability": 0.0,
"train_embedding": true,
"attention_mask": false,
"guidance_scale": 1.0
},
"masked_training": false,
"unmasked_probability": 0.1,
"unmasked_weight": 0.1,
"normalize_masked_area_loss": false,
"embedding_learning_rate": null,
"preserve_embedding_norm": false,
"embedding": {
"__version": 0,
"uuid": "491c91cb-4f84-4282-b0e2-cdc342cf8ea2",
"model_name": "",
"placeholder": "<embedding>",
"train": true,
"stop_training_after": null,
"stop_training_after_unit": "NEVER",
"token_count": 1,
"initial_embedding_text": "*"
},
"additional_embeddings": [],
"embedding_weight_dtype": "FLOAT_32",
"cloud": {
"__version": 0,
"enabled": false,
"type": "RUNPOD",
"file_sync": "NATIVE_SCP",
"create": true,
"name": "OneTrainer",
"tensorboard_tunnel": true,
"sub_type": "COMMUNITY",
"gpu_type": "NVIDIA GeForce RTX 4090",
"volume_size": 100,
"min_download": 0,
"remote_dir": "/workspace",
"huggingface_cache_dir": "/workspace/huggingface_cache",
"onetrainer_dir": "/workspace/OneTrainer",
"install_cmd": "git clone https://github.com/Nerogar/OneTrainer",
"install_onetrainer": true,
"update_onetrainer": true,
"detach_trainer": false,
"run_id": "job1",
"download_samples": true,
"download_output_model": true,
"download_saves": true,
"download_backups": false,
"download_tensorboard": false,
"delete_workspace": false,
"on_finish": "NONE",
"on_error": "NONE",
"on_detached_finish": "NONE",
"on_detached_error": "NONE"
},
"peft_type": "LOHA",
"lora_model_name": "",
"lora_rank": 32,
"lora_alpha": 32.0,
"lora_decompose": false,
"lora_decompose_norm_epsilon": false,
"lora_weight_dtype": "BFLOAT_16",
"lora_layers": "attentions",
"lora_layer_preset": "attn-mlp",
"bundle_additional_embeddings": true,
"optimizer": {
"__version": 0,
"optimizer": "PRODIGY",
"adam_w_mode": false,
"alpha": null,
"amsgrad": false,
"beta1": 0.9,
"beta2": 0.999,
"beta3": null,
"bias_correction": false,
"block_wise": false,
"capturable": false,
"centered": false,
"clip_threshold": null,
"d0": 1e-06,
"d_coef": 1.0,
"dampening": null,
"decay_rate": null,
"decouple": true,
"differentiable": false,
"eps": 1e-08,
"eps2": null,
"foreach": false,
"fsdp_in_use": false,
"fused": false,
"fused_back_pass": false,
"growth_rate": "inf",
"initial_accumulator_value": null,
"initial_accumulator": null,
"is_paged": false,
"log_every": null,
"lr_decay": null,
"max_unorm": null,
"maximize": false,
"min_8bit_size": null,
"momentum": null,
"nesterov": false,
"no_prox": false,
"optim_bits": null,
"percentile_clipping": null,
"r": null,
"relative_step": false,
"safeguard_warmup": true,
"scale_parameter": false,
"stochastic_rounding": true,
"use_bias_correction": false,
"use_triton": false,
"warmup_init": false,
"weight_decay": 0.0,
"weight_lr_power": null,
"decoupled_decay": false,
"fixed_decay": false,
"rectify": false,
"degenerated_to_sgd": false,
"k": null,
"xi": null,
"n_sma_threshold": null,
"ams_bound": false,
"adanorm": false,
"adam_debias": false,
"slice_p": 11,
"cautious": false
},
"optimizer_defaults": {
"PRODIGY": {
"__version": 0,
"optimizer": "PRODIGY",
"adam_w_mode": false,
"alpha": null,
"amsgrad": false,
"beta1": 0.9,
"beta2": 0.999,
"beta3": null,
"bias_correction": false,
"block_wise": false,
"capturable": false,
"centered": false,
"clip_threshold": null,
"d0": 1e-06,
"d_coef": 1.0,
"dampening": null,
"decay_rate": null,
"decouple": true,
"differentiable": false,
"eps": 1e-08,
"eps2": null,
"foreach": false,
"fsdp_in_use": false,
"fused": false,
"fused_back_pass": false,
"growth_rate": "inf",
"initial_accumulator_value": null,
"initial_accumulator": null,
"is_paged": false,
"log_every": null,
"lr_decay": null,
"max_unorm": null,
"maximize": false,
"min_8bit_size": null,
"momentum": null,
"nesterov": false,
"no_prox": false,
"optim_bits": null,
"percentile_clipping": null,
"r": null,
"relative_step": false,
"safeguard_warmup": true,
"scale_parameter": false,
"stochastic_rounding": true,
"use_bias_correction": false,
"use_triton": false,
"warmup_init": false,
"weight_decay": 0.0,
"weight_lr_power": null,
"decoupled_decay": false,
"fixed_decay": false,
"rectify": false,
"degenerated_to_sgd": false,
"k": null,
"xi": null,
"n_sma_threshold": null,
"ams_bound": false,
"adanorm": false,
"adam_debias": false,
"slice_p": 11,
"cautious": false
}
},
"sample_definition_file_name": "training_samples/samples.json",
"samples": [],
"sample_after": 1,
"sample_after_unit": "EPOCH",
"sample_skip_first": 0,
"sample_image_format": "JPG",
"sample_video_format": "MP4",
"sample_audio_format": "MP3",
"samples_to_tensorboard": true,
"non_ema_sampling": true,
"backup_after": 10,
"backup_after_unit": "NEVER",
"rolling_backup": false,
"rolling_backup_count": 3,
"backup_before_save": false,
"save_every": 1,
"save_every_unit": "EPOCH",
"save_skip_first": 0,
"save_filename_prefix": "bulge_down_leg-NOOB-VPRED1.0-V2-loha-32-drop0.1"
}
모델 설명
업데이트된 버전 NOOB V-PRED V2
OneTrainer를 사용하여 NOOB V-PRED 1.0을 기반으로 학습되었습니다. 이 버전의 학습 세부 사항은 참고하세요.
이 버전에서는 바지의 주름과 끝부분 모양을 더 잘 생성합니다. 가끔 텍스트가 주변에 나타나지만, 네거티브 프롬프트로 쉽게 제거할 수 있습니다.
이 버전에서는 예술 스타일에 대한 적응력이 약화되었습니다. 이 경우 스타일 LoRA의 가중치를 높이거나 몇 번 더 시도하는 것이 도움이 됩니다.
업데이트된 버전 NOOB V-PRED V1
NOOB V-PRED 1.0을 기반으로 학습되었습니다. 성능 향상을 위해 데이터셋을 업데이트했습니다. 이 버전은 NOOB 시리즈 모델의 개념을 강화했습니다. 먼저 예시를 확인하세요.
이 버전에는 단일 트리거 단어만 있습니다.
업데이트
이 모델은 PonyXL을 사용하여 학습되었습니다. 성능 향상을 위해 데이터셋을 업데이트했습니다. 이 버전은 PonyXL 및 관련 모델에서 이 개념을 강화했습니다. 먼저 예시를 확인하세요.
두 가지 개념으로 분리되었습니다: 바지 착용 시 다리 아래쪽 돌출 / 드레스 착용 시 다리 아래쪽 돌출.
소개
퓨타나리(여성형 남성)를 다리 아래쪽 돌출 형태로 생성하기 위한 실험적 LyCORIS입니다.
여전히 개선할 여지가 많습니다.
장점
- 다리 아래쪽 돌출 형태의 퓨타나리를 생성할 수 있습니다.
단점
3D 재료를 학습에 사용하여 높은 가중치에서 예술 스타일이 이상해질 수 있습니다.
음경이 다리와 꼬여 있습니다.
끝부분을 무릎과 혼동합니다.
음경 형태가 좋지 않습니다.
많은 시도가 필요합니다.
사용 방법
가중치 0.7–0.8를 사용하는 것을 권장합니다.
학습 세부 사항
학습 데이터셋은 약 34장의 이미지로 구성되어 있으며, 그 중 절반은 정규화 이미지로 사용되었습니다. 총 학습 스텝은 약 1500입니다.
해상도 = 768*768
배치 크기 = 2
에포크 = 10
네트워크 차원 = 16
네트워크 알파 = 16
컨볼루션 차원 = 4
컨볼루션 알파 = 4
클립 스킵 = 2
옵티마이저로 Prodigy를 사용하며, 작가가 권장하는 설정을 적용했습니다.




