SD3.5-Turbo-Portrait-LoRA
The model is still in the training phase. This is not the final version and may contain artifacts and perform poorly in some cases.
Sample Image Grid [ 3 x 2 ]
Model description
prithivMLmods/SD3.5-Large-Turbo-HyperRealistic-LoRA
Image Processing Parameters
Parameter | Value | Parameter | Value |
---|---|---|---|
LR Scheduler | constant | Noise Offset | 0.03 |
Optimizer | AdamW | Multires Noise Discount | 0.1 |
Network Dim | 64 | Multires Noise Iterations | 10 |
Network Alpha | 32 | Repeat & Steps | 21 & 2.2K |
Epoch | 20 | Save Every N Epochs | 1 |
Labeling: florence2-en(natural language & English)
Total Images Used for Training : 15
Setting Up
from diffusers import DiffusionPipeline
import torch
device = "cuda" if torch.cuda.is_available() else "cpu"
model_repo_id = "stabilityai/stable-diffusion-3.5-large-turbo"
torch_dtype = torch.bfloat16 if torch.cuda.is_available() else torch.float32
pipe = DiffusionPipeline.from_pretrained(model_repo_id, torch_dtype=torch_dtype)
pipe = pipe.to(device)
pipe.load_lora_weights("strangerzonehf/SD3.5-Turbo-Portrait-LoRA", weight_name="SD3.5-Turbo-Portrait.safetensors")
trigger_word = "Turbo Portrait" # Specify trigger word for LoRA
pipe.fuse_lora(lora_scale=1.0))
Trigger words
You should use Turbo Portrait
to trigger the image generation.
Download model
Weights for this model are available in Safetensors format.
Download them in the Files & versions tab.
- Downloads last month
- 482
Model tree for strangerzonehf/SD3.5-Turbo-Portrait-LoRA
Base model
stabilityai/stable-diffusion-3.5-large-turbo