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:

πŸ§ͺ 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

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

ComfyUI Workflow

🎨 Generation Examples

Below are examples of images generated with our Valentin LoRA model:

Official Style Portrait

Prompt: "valentin official style portrait"

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"

Cyberpunk Close-up

Greek City Portrait

Prompt: "valentin wearing sunglasses and a hat in a Greek city"

Greek City Portrait

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"

Fluorescent Garden Editorial

πŸš€ Try it Online

Test this LoRA model directly in your browser:

🀝 Support

If you have questions or suggestions, join our community:

⭐ Don't forget to star the repository if you like it!


license: apache-2.0

Downloads last month
13
Inference Providers NEW

Model tree for flymy-ai/flux-dev-lora-example

Adapter
(36342)
this model