Fill in this form to immediatly access the model for non commercial use

Bria AI Model weights are open source for non commercial use only, per the provided license.

Log in or Sign Up to review the conditions and access this model content.

GitHub Repo   Hugging Face Demo   FIBO Demo on Bria   Bria Platform   Bria Discord   Tech Paper (Coming Soon)

FIBO is the first open-source, JSON-native text-to-image model trained exclusively on long structred captions.

Fibo sets a new standard for controllability, predictability, and disentanglement.

🌍 What's FIBO?

Most text-to-image models excel at imagination—but not control. FIBO is built for professional workflows, not casual use. Trained on structured JSON captions up to 1,000+ words, FIBO enables precise, reproducible control over lighting, composition, color, and camera settings. The structured captions foster native disentanglement, allowing targeted, iterative refinement without prompt drift. With only 8B parameters, FIBO delivers high image quality, strong prompt adherence, and professional-grade control—trained exclusively on licensed data.

🔑 Key Features

  • VLM guided JSON-native prompting: Incorporates any VLM to transform short prompts into structured schemas with 1,000+ words (lighting, camera, composition, DoF).
  • Iterative controlled generation: generate images from short prompts or keep refining and get inspiration from detailed JSONs and input images
  • Disentangled control: tweak a single attribute (e.g., camera angle) without breaking the scene.
  • Enterprise-grade: 100% licensed data; governance, repeatability, and legal clarity.
  • Strong prompt adherence: high alignment on PRISM-style evaluations.
  • Built for production: API endpoints (Bria Platform, Fal.ai, Replicate), ComfyUI nodes, and local inference.

🎨 Work with FIBO in Three Simple Modes

  • Generate: Start with a quick idea. FIBO’s language model expands your short prompt into a rich, structured JSON prompt, then generates the image. You get both the image and the expanded prompt.
  • Refine: Continue from a detailed structured prompt add a short instruction - for example, “backlit,” “85 mm,” or “warmer skin tones.” FIBO updates only the requested attributes, re-generates the image, and returns the refined prompt alongside it.
  • Inspire: Provide an image instead of text. FIBO’s vision–language model extracts a detailed, structured prompt, blends it with your creative intent, and produces related images—ideal for inspiration without overreliance on the original.

⚡ Quick Start

🚀 Try FIBO now →

FIBO is available everywhere you build, either as source-code and weights, ComfyUI nodes or API endpoints.

API Endpoint:

ComfyUI:

Source-Code & Weights

Quick Start Guide

Install Diffusers And Additional Requirements

Install Diffusers from the source code:

pip install git+https://github.com/huggingface/diffusers torch torchvision google-genai boltons ujson sentencepiece accelerate transformers

Generate

FIBO uses a VLM that transforms short prompts into detailed structured prompts that are used to generate images. You can use the following code to generate images using Gemini via the Google API - **requires a GOOGLE_API_KEY**, or uncomment the relevant section to run a local VLM instead (FIBO-VLM):

import json
import os

import torch
from diffusers import BriaFiboPipeline
from diffusers.modular_pipelines import ModularPipeline

# -------------------------------
# Load the VLM pipeline
# -------------------------------
torch.set_grad_enabled(False)
# Using Gemini API, requires GOOGLE_API_KEY environment variable
assert os.getenv("GOOGLE_API_KEY") is not None, "GOOGLE_API_KEY environment variable is not set"
vlm_pipe = ModularPipeline.from_pretrained("briaai/FIBO-gemini-prompt-to-JSON", trust_remote_code=True)

# Using local VLM, uncomment to run
# vlm_pipe = ModularPipeline.from_pretrained("briaai/FIBO-VLM-prompt-to-JSON", trust_remote_code=True)


# Load the FIBO pipeline
pipe = BriaFiboPipeline.from_pretrained(
    "briaai/FIBO",
    torch_dtype=torch.bfloat16,
)
pipe.to("cuda")
# pipe.enable_model_cpu_offload() # uncomment if you're getting CUDA OOM errors

# -------------------------------
# Run Prompt to JSON
# -------------------------------

# Create a prompt to generate an initial image
output = vlm_pipe(
    prompt="A hyper-detailed, ultra-fluffy owl sitting in the trees at night, looking directly at the camera with wide, adorable, expressive eyes. Its feathers are soft and voluminous, catching the cool moonlight with subtle silver highlights. The owl's gaze is curious and full of charm, giving it a whimsical, storybook-like personality."
)
json_prompt_generate = output.values["json_prompt"]

def get_default_negative_prompt(existing_json: dict) -> str:
    negative_prompt = ""
    style_medium = existing_json.get("style_medium", "").lower()
    if style_medium in ["photograph", "photography", "photo"]:
        negative_prompt = """{'style_medium':'digital illustration','artistic_style':'non-realistic'}"""
    return negative_prompt


negative_prompt = get_default_negative_prompt(json.loads(json_prompt_generate))

# -------------------------------
# Run Image Generation
# -------------------------------
# Generate the image from the structured json prompt
results_generate = pipe(
    prompt=json_prompt_generate, num_inference_steps=50, guidance_scale=5, negative_prompt=negative_prompt
)
results_generate.images[0].save("image_generate.png")
with open("image_generate_json_prompt.json", "w") as f:
    f.write(json_prompt_generate)

alt text

Refine

FIBO supports iterative generation. Given a structured prompt and an instruction, FIBO refines the output.

output = vlm_pipe(
    json_prompt=json_prompt_generate, prompt="make the owl brown"
)
json_prompt_refine_from_image = output.values["json_prompt"]

negative_prompt = get_default_negative_prompt(json.loads(json_prompt_refine_from_image))
results_refine_from_image = pipe(
    prompt=json_prompt_refine_from_image, num_inference_steps=50, guidance_scale=5, negative_prompt=negative_prompt
)
results_refine_from_image.images[0].save("image_refine_from_image.png")
with open("image_refine_from_image_json_prompt.json", "w") as f:
    f.write(json_prompt_refine_from_image)
Make owl brown
--> Make the owl brown
Turn owl into a lemur
--> Turn the owl into a lemur
Add jungle vegetation
--> Add jungle vegetation
Add sunlight
--> Add sunlight

Inspire

Start from an image as inspiration and let Fibo regenerate a variation of it or merge your creative intent into the next generation

from PIL import Image
original_astronaut_image = Image.open("<path to original astronaut image>") 
output = vlm_pipe(
    image=original_astronaut_image, prompt="")
json_prompt_inspire = output.values["json_prompt"]
negative_prompt = get_default_negative_prompt(json.loads(json_prompt_inspire))
results_inspire = pipe(
    prompt=json_prompt_inspire, num_inference_steps=50, guidance_scale=5, negative_prompt=negative_prompt
)
results_inspire.images[0].save("image_inspire_no_prompt.png")
with open("image_inspire_json_prompt_no_prompt.json", "w") as f:
    f.write(json_prompt_inspire)

output = vlm_pipe(
    image=original_astronaut_image, prompt="Make futuristic")
json_prompt_inspire = output.values["json_prompt"]
negative_prompt = get_default_negative_prompt(json.loads(json_prompt_inspire))

results_inspire = pipe(
    prompt=json_prompt_inspire, num_inference_steps=50, guidance_scale=5, negative_prompt=negative_prompt
)
results_inspire.images[0].save("image_inspire_with_prompt.png")
with open("image_inspire_json_prompt_with_prompt.json", "w") as f:
    f.write(json_prompt_inspire)
original image
original image
No prompt
Inspire #1: No prompt
Make futuristic
Inspire #2: Make futuristic

Advanced Usage

Gemini Setup [optional]

FIBO supports any VLM as part of the pipeline. To use Gemini as VLM backbone for FIBO, follow these instructions:

  1. Obtain a Gemini API Key
    Sign up for the Google AI Studio (Gemini) and create an API key.

  2. Set the API Key as an Environment Variable
    Store your Gemini API key in the GEMINI_API_KEY environment variable:

    export GEMINI_API_KEY=your_gemini_api_key
    

    You can add the above line to your .bashrc, .zshrc, or similar shell profile for persistence.

see the examples in the examples directory for more details.

🧠 Training and Architecture

FIBO is an 8B-parameter DiT-based, flow-matching text-to-image model trained exclusively on licensed data and on >100M long, structured JSON captions (~1,000 words each), enabling strong prompt adherence and professional-grade control. It uses SmolLM3-3B as the text encoder with a novel DimFusion conditioning architecture for efficient long-caption training, and Wan 2.2 as the VAE. The structured supervision promotes native disentanglement for targeted, iterative refinement without prompt drift, while VLM-assisted prompting expands short user intents, fills in missing details, and extracts/edits structured prompts from images using our fine-tuned Qwen-2.5-based VLM or Gemini 2.5 Flash. For reproducibility, we provide the assistant system prompt and the structured-prompt JSON schema across the “Generate,” “Refine,” and “Inspire” modes.

architecture

Data Distribution

FIBO was trained on over 100M licensed image–caption pairs as shown in the dataset distribution. All assets are vetted for commercial use, attribution traceability, and regional compliance under GDPR and the EU AI Act. This broad and balanced dataset ensures FIBO’s ability to generalize across a wide range of visual domains, from realistic human imagery to graphic design and product visualization, while maintaining full licensing compliance.

alt text

Evaluation

PRISM Benchmark Model Comparison

Using a licensed-data subset of PRISM-Bench, we evaluate image–text alignment and aesthetics. FIBO outperforms comparable open-source baselines, suggesting strong prompt adherence, controllability and aesthetics from structured-caption training.

Benchmark Chart

More Samples

Generate

Benchmark Chart

Inspire & Refine

Benchmark Chart

If you have questions about this repository, feedback to share, or want to contribute directly, we welcome your issues and pull requests on GitHub. Your contributions help make FIBO better for everyone.

If you're passionate about fundamental research, we're hiring full-time employees (FTEs) and research interns. Don't wait - reach out to us at hr@bria.ai

❤️ FIBO model card and ⭐ Star FIBO on GitHub to join the movement for responsible generative AI!

Downloads last month
660
Inference Providers NEW

Model tree for briaai/FIBO

Unable to build the model tree, the base model loops to the model itself. Learn more.

Spaces using briaai/FIBO 2