🚀 Fractured-Line-Flare
This is a text-to-image model based on LoRA and Diffusers, which can generate unique image effects with the trigger word "Fractured Line Flare".
🚀 Quick Start
Setting Up
import torch
from pipelines import DiffusionPipeline
base_model = "black-forest-labs/FLUX.1-dev"
pipe = DiffusionPipeline.from_pretrained(base_model, torch_dtype=torch.bfloat16)
lora_repo = "prithivMLmods/Fractured-Line-Flare"
trigger_word = "Fractured Line Flare"
pipe.load_lora_weights(lora_repo)
device = torch.device("cuda")
pipe.to(device)
✨ Features
- Unique Visual Style: Generate images with the "Fractured Line Flare" style, adding a unique artistic touch.
- Easy to Use: Based on the popular Diffusers library, it can be easily integrated into existing projects.
📦 Installation
The installation mainly involves setting up the Python environment and loading the model. The relevant code is as follows:
import torch
from pipelines import DiffusionPipeline
base_model = "black-forest-labs/FLUX.1-dev"
pipe = DiffusionPipeline.from_pretrained(base_model, torch_dtype=torch.bfloat16)
lora_repo = "prithivMLmods/Fractured-Line-Flare"
trigger_word = "Fractured Line Flare"
pipe.load_lora_weights(lora_repo)
device = torch.device("cuda")
pipe.to(device)
📚 Documentation
Model description
prithivMLmods/Fractured-Line-Flare
Property |
Details |
Model Type |
LoRA-based text-to-image model |
Base Model |
black-forest-labs/FLUX.1-dev |
LR Scheduler |
constant |
Noise Offset |
0.03 |
Optimizer |
AdamW |
Multires Noise Discount |
0.1 |
Network Dim |
64 |
Network Alpha |
32 |
Epoch |
15 |
Save Every N Epochs |
1 |
Multires Noise Iterations |
10 |
Repeat & Steps |
22 & 2.2K |
Labeling |
florence2-en(natural language & English) |
Total Images Used for Training |
17 [Hi-RES] |
Other Sample Images

Best Dimensions
Data source
Trigger words
You should use Fractured Line Flare
to trigger the image generation.
Download model
Weights for this model are available in Safetensors format.
Download them in the Files & versions tab.
Hosted Here🧨
https://huggingface.co/spaces/prithivMLmods/FLUX-LoRA-DLC
⚠️ Important Note
The model is still in the training phase. This is not the final version and may contain artifacts and perform poorly in some cases.