LORA FLUX.1-dev example
Lora for FLUX.1-dev
valentin trigger word required
π About FlyMy.AI
Agentic Infra for GenAI. FlyMy.AI is a B2B infrastructure for building and running GenAI Media agents.
π Useful Links:
- π Official Website
- π Documentation
- π¬ Discord Community
- π€ LoRA Training Repository
- π¦ X (Twitter)
- πΌ LinkedIn
- πΊ YouTube
- πΈ Instagram
π§ͺ Usage
π§ Initialization
from diffusers import DiffusionPipeline
import torch
model_name = "black-forest-labs/FLUX.1-dev"
# Load the pipeline
if torch.cuda.is_available():
torch_dtype = torch.bfloat16
device = "cuda"
else:
torch_dtype = torch.float32
device = "cpu"
pipe = DiffusionPipeline.from_pretrained(model_name, torch_dtype=torch_dtype)
pipe = pipe.to(device)
π Load LoRA Weights
# Load LoRA weights
pipe.load_lora_weights('character_lora.safetensors', adapter_name="lora")
π¨ Generate Image with lora trained on person
prompt = '''valentin sitting on a chair, portrait'''
negative_prompt = "blurry, low quality, distorted, bad anatomy"
image = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
width=1024,
height=1024,
num_inference_steps=28,
guidance_scale=3.5,
generator=torch.Generator(device="cuda").manual_seed(42)
).images[0]
# Display the image (in Jupyter or save to file)
image.show()
# or
image.save("output.png")
πΌοΈ Sample Output
Workflow Features
- β Pre-configured for FLUX.1-dev + LoRA inference
- β Optimized settings for best quality output
- β Easy prompt and parameter adjustment
- β Compatible with all our trained LoRA models
The ComfyUI workflow provides a user-friendly interface for generating images with our trained LoRA models without needing to write Python code.
πΌοΈ Workflow Screenshot
π¨ Generation Examples
Below are examples of images generated with our Valentin LoRA model:
Official Style Portrait
Prompt: "valentin official style portrait"
Cyberpunk Close-up
Prompt: "valentin close up in a cyberpunk aesthetic, neon lighting, holographic elements, wearing futuristic clothing, standing in a neon-lit alley, sci-fi atmosphere, digital art"
Greek City Portrait
Prompt: "valentin wearing sunglasses and a hat in a Greek city"
Fluorescent Garden Editorial
Prompt: "valentin, waist-up, standing in a fluorescent garden under blacklight, glowing bioluminescent plants, saturated purple and green hues, reflective sunglasses catching UV glints, surreal fashion editorial aesthetic, hyperreal depth, cinematic 85mm photography"
π Try it Online
Test this LoRA model directly in your browser:
π€ Support
If you have questions or suggestions, join our community:
- π FlyMy.AI
- π Documentation
- π» GitHub
- π¬ Discord Community
- π¦ Follow us on X
- πΌ Connect on LinkedIn
- π§ Support
β Don't forget to star the repository if you like it!
license: apache-2.0
- Downloads last month
- 48
Model tree for flymy-ai/flux-dev-lora-example
Base model
black-forest-labs/FLUX.1-dev




