Quick Generate
Select a style, write what you want to see and click Generate
What you want in the image.
Clear
Random
AI Model Training

Create Your Own AI Model

Train AI to generate stunning photos of yourself in any style or setting

Model Description by Creator

FFusionXL-openvino-onnx-directml.png
ONNX Version AvailableOpenVINO SupportIntel/AMD/NVIDIA Compatible

๐ŸŒŒ FFusion/FFusionXL-BASE: Now Available in ONNX, DirectML, Intel OpenVINO Format

This model serves as a foundational base, primed primarily for training purposes diffusers available at FFusion/FFusionXL-BASE.

Beyond that, it also plays an instrumental role in inference and provides a benchmark for evaluating our LoRA extractions.

๐ŸŒŸ Overview

  • ๐Ÿš€ Fast Training: Optimized for high-speed training, allowing rapid experimentation.

  • ๐Ÿงฉ Versatility: Suitable for various applications and standards, from NLP to Computer Vision.

  • ๐ŸŽ“ Train Your Way: A base for training your own models, tailored to your needs.

  • ๐ŸŒ Multilingual Support: Train models in multiple languages.

  • ๐Ÿ›ก๏ธ Robust Architecture: Built on proven technologies to ensure stability and reliability.

๐Ÿ“œ Model Description

FFusionXL "Base" is a foundational model designed to accelerate training processes. Crafted with flexibility in mind, it serves as a base for training custom models across a variety of standards, enabling innovation and efficiency.

Safetensor checkpointsDiffusers(safetensors)Diffusers(pytorch bin)ONNX un-optimized FP32ONNX Optimized FP16 full DirectML supportIntelยฎ OpenVINOโ„ข FP32 & FP16

Available formats for training:

  • Safetensor checkpoints fp16 & fp32

  • Diffusers(safetensors) FP 16 & FP32

  • Diffusers(pytorch bin) FP16 & FP32

  • ONNX un-optimzed FP32

  • ONNX Optimized FP16 full DirectML support / AMD / NVIDIA

  • Intelยฎ OpenVINOโ„ข FP32 - unoptimized

  • Intelยฎ OpenVINOโ„ข FP16

  • Trained by: FFusion AI

  • Model type: Diffusion-based text-to-image generative model

  • License: FFXL Research License

  • Model Description: This is a trained model based on SDXL that can be used to generate and modify images based on text prompts. It is a Latent Diffusion Model that uses two fixed, pretrained text encoders (OpenCLIP-ViT/G and CLIP-ViT/L).

  • Resources for more information: SDXL paper on arXiv.

๐Ÿ“Š Model Sources

Table of Contents

  1. ๐Ÿ“Œ ONNX Version

    1. ๐Ÿ”– ### ๐Ÿ“Œ ONNX Details

    2. ๐Ÿ”– ### ๐Ÿ“Œ AMD Support for Microsoftยฎ DirectML Optimization of Stable Diffusion

    3. ๐Ÿ”– ### ๐Ÿ“Œ ONNX Inference Instructions

    4. ๐Ÿ”– ### ๐Ÿ“Œ Text-to-Image

  2. ๐Ÿ“Œ Intelยฎ OpenVINOโ„ข Version

    1. ๐Ÿ“Œ OpenVINO Inference with FFusion/FFusionXL-BASE

    2. ๐Ÿ”– ### ๐Ÿ“Œ Installing Dependencies

    3. ๐Ÿ”– ### ๐Ÿ“Œ Text-to-Image

    4. ๐Ÿ”– ### ๐Ÿ“Œ Text-to-Image with Textual Inversion

    5. ๐Ÿ”– ### ๐Ÿ“Œ Image-to-Image

    6. ๐Ÿ”– ### ๐Ÿ“Œ Refining the Image Output

  3. ๐Ÿ“œ Part 003: ๐Ÿงจ Model Diffusers, Fast LoRa Loading, and Training 1. ๐Ÿ“Œ Model Diffusers: Unleashing the Power of FFusion/FFusionXL-BASE 2. ๐Ÿ“Œ Installing the dependencies 3. ๐Ÿ“Œ Training 4. ๐Ÿ“Œ Inference 5. ๐Ÿ“Œ Training 6. ๐Ÿ“Œ Finetuning the text encoder and UNet 7. ๐Ÿ“Œ Inference

  4. ๐Ÿ“Œ Evaluation

### ๐Ÿ“Œ ONNX Version

preview-ffusionAI__base_00026_ copy.jpg

We are proud to announce a fully optimized Microsoft ONNX Version exclusively compatible with the latest DirectML Execution Provider. All the ONNX files are optimized (Quantization) to fp16 for fast inference and training across all devices.

The Vae_Decoder is kept at fp32 with settings:

"float16": false,
"use_gpu": true,
"keep_io_types": true,
"force_fp32_ops": ["RandomNormalLike"]

to avoid black screens and broken renders. As soon as a proper solution for a full fp16 VAE decoder arrives, we will update it. VAE encoder and everything else is fully optimized ๐ŸคŸ.

Our ONNX is OPTIMIZED using ONNX v8:

  • producer: onnxruntime.transformers 1.15.1

  • imports: ai.onnx v18, com.microsoft.nchwc v1, ai.onnx.ml v3, com.ms.internal.nhwc v19, ai.onnx.training v1, ai.onnx.preview.training v1, com.microsoft v1, com.microsoft.experimental v1, org.pytorch.aten v1, com.microsoft.dml v1, graph: torch_jit

๐Ÿ”– ### ๐Ÿ“Œ ONNX Details

NETRON Detrails:onxxapp-nutron-ffusionai.jpg

Install

macOS: Download the .dmg file or run brew install --cask netron

Linux: Download the .AppImage file or run snap install netron

Windows: Download the .exe installer or run winget install -s winget netron

https://netron.app/

-- NETRON browser version: Start Text EncoderText Encoder1 FFusionXL.jpg

--NETRON browser version: Start Text Encoder 2TextEncoder2 FFusionXL.jpg

--NETRON browser version: Start VAE decoder

--NETRON browser version: Start VAE encoderVAE encoder FFUSION-ai-Screenshot_2016.jpg

--NETRON browser version: Start UNET

๐Ÿ”– ### ๐Ÿ“Œ AMD Support for Microsoftยฎ DirectML Optimization of Stable Diffusion

FFusionXL-directML.jpg

AMD has released support for Microsoft DirectML optimizations for Stable Diffusion, working closely with Microsoft for optimal performance on AMD devices.

Microsoft DirectML AMD Microsoft DirectML Stable Diffusion

๐Ÿ”– ### ๐Ÿ“Œ ONNX Inference Instructions

Onnx-FFusionXL1.jpg

๐Ÿ”– ### ๐Ÿ“Œ Text-to-Image

Here is an example of how you can load an ONNX Stable Diffusion model and run inference using ONNX Runtime:

from optimum.onnxruntime import ORTStableDiffusionPipeline

model_id = "FFusion/FFusionXL-BASE"
pipeline = ORTStableDiffusionPipeline.from_pretrained(model_id)
prompt = "sailing ship in storm by Leonardo da Vinci"
images = pipeline(prompt).images

### ๐Ÿ“Œ Intelยฎ OpenVINOโ„ข Version

A converted Intelยฎ OpenVINOโ„ข model is also included for inference testing and training. No Quantization and optimization applied yet.


### ๐Ÿ“Œ OpenVINO Inference with FFusion/FFusionXL-BASE

๐Ÿ”– ### ๐Ÿ“Œ Installing Dependencies

Before using OVStableDiffusionXLPipeline, make sure to have diffusers and invisible_watermark installed. You can install the libraries as follows:

pip install diffusers
pip install invisible-watermark>=0.2.0

๐Ÿ”– ### ๐Ÿ“Œ Text-to-Image

Here is an example of how you can load a FFusion/FFusionXL-BASE OpenVINO model and run inference using OpenVINO Runtime:

from optimum.intel import OVStableDiffusionXLPipeline

model_id = "FFusion/FFusionXL-BASE"
base = OVStableDiffusionXLPipeline.from_pretrained(model_id)
prompt = "train station by Caspar David Friedrich"
image = base(prompt).images[0]
image.save("train_station.png")

๐Ÿ”– ### ๐Ÿ“Œ Text-to-Image with Textual Inversion

First, you can run the original pipeline without textual inversion:

from optimum.intel import OVStableDiffusionXLPipeline
import numpy as np

model_id = "FFusion/FFusionXL-BASE"
prompt = "charturnerv2, multiple views of the same character in the same outfit, a character turnaround of a beautiful cyber female wearing a black corset and pink latex shirt, scifi best quality, intricate details."
np.random.seed(0)

base = OVStableDiffusionXLPipeline.from_pretrained(model_id, export=False, compile=False)
base.compile()
image1 = base(prompt, num_inference_steps=50).images[0]
image1.save("sdxl_without_textual_inversion.png")

Then, you can load charturnerv2 textual inversion embedding and run the pipeline with the same prompt again:

# Reset stable diffusion pipeline
base.clear_requests()

# Load textual inversion into stable diffusion pipeline
base.load_textual_inversion("./charturnerv2.pt", "charturnerv2")

# Compile the model before the first inference
base.compile()
image2 = base(prompt, num_inference_steps=50).images[0]
image2.save("sdxl_with_textual_inversion.png")

SDXL-preview.pngFFusi1onXL_with_textual_inveaarsion1.pngFFusionXL_with_textual_inversion1.png

๐Ÿ”– ### ๐Ÿ“Œ Image-to-Image

Here is an example of how you can load a PyTorch FFusion/FFusionXL-BASE model, convert it to OpenVINO on-the-fly, and run inference using OpenVINO Runtime for image-to-image:

from optimum.intel import OVStableDiffusionXLImg2ImgPipeline
from diffusers.utils import load_image

model_id = "FFusion/FFusionXL-BASE-refiner-1.0"
pipeline = OVStableDiffusionXLImg2ImgPipeline.from_pretrained(model_id, export=True)

url = "https://huggingface.co/datasets/optimum/documentation-images/resolve/main/intel/openvino/sd_xl/castle_friedrich.png"
image = load_image(url).convert("RGB")
prompt = "medieval castle by Caspar David Friedrich"
image = pipeline(prompt, image=image).images[0]
pipeline.save_pretrained("openvino-FF-xl-refiner-1.0")

๐Ÿ”– ### ๐Ÿ“Œ Refining the Image Output

The image can be refined by making use of a model like FFusion/FFusionXL-BASE-refiner-1.0. In this case, you only have to output the latents from the base model.

from optimum.intel import OVStableDiffusionXLImg2ImgPipeline

model_id = "FFusion/FFusionXL-BASE-refiner-1.0"
refiner = OVStableDiffusionXLImg2ImgPipeline.from_pretrained(model_id, export=True)

image = base(prompt=prompt, output_type="latent").images[0]
image = refiner(prompt=prompt, image=image[None, :]).images[0]

๐Ÿ“œ Part 003: ๐Ÿงจ Model Diffusers, Fast LoRa Loading, and Training

### ๐Ÿ“Œ Model Diffusers: Unleashing the Power of FFusion/FFusionXL-BASE

Whether you're an artist, researcher, or AI enthusiast, our model is designed to make your journey smooth and exciting. Make sure to upgrade diffusers to >= 0.19.3:

pip install diffusers --upgrade

In addition, make sure to install transformers, safetensors, accelerate, and the invisible watermark:

pip install invisible_watermark transformers accelerate safetensors

You can use the model then as follows:

from diffusers import DiffusionPipeline
import torch

pipe = DiffusionPipeline.from_pretrained("FFusion/FFusionXL-09-SDXL", torch_dtype=torch.float16, use_safetensors=True, variant="fp16")
pipe.to("cuda")

# if using torch < 2.0
# pipe.enable_xformers_memory_efficient_attention()

prompt = "An astronaut riding a green horse"

images = pipe(prompt=prompt).images[0]

๐Ÿ“œ Diffusers Training Guide: Training FFusion/FFusionXL-BASE with LoRA

Stable Diffusion XL text-to-image fine-tuning

The train_text_to_image_sdxl.py script shows how to fine-tune Stable Diffusion XL (SDXL) on your own dataset.

๐Ÿšจ This script is experimental. The script fine-tunes the whole model and often times the model overfits and runs into issues like catastrophic forgetting. It's recommended to try different hyperparamters to get the best result on your dataset. ๐Ÿšจ

๐Ÿ“œ Running locally with PyTorch

### ๐Ÿ“Œ Installing the dependencies

Before running the scripts, make sure to install the library's training dependencies:

Important

To make sure you can successfully run the latest versions of the example scripts, we highly recommend installing from source and keeping the install up to date as we update the example scripts frequently and install some example-specific requirements. To do this, execute the following steps in a new virtual environment:

git clone https://github.com/huggingface/diffusers
cd diffusers
pip install -e .

Then cd in the examples/text_to_image folder and run

pip install -r requirements_sdxl.txt

And initialize an ๐Ÿค—Accelerate environment with:

accelerate config

Or for a default accelerate configuration without answering questions about your environment

accelerate config default

Or if your environment doesn't support an interactive shell (e.g., a notebook)

from accelerate.utils import write_basic_config
write_basic_config()

When running accelerate config, if we specify torch compile mode to True there can be dramatic speedups.

### ๐Ÿ“Œ Training

export MODEL_NAME="FFusion/FFusionXL-BASE"
export VAE="madebyollin/sdxl-vae-fp16-fix"
export DATASET_NAME="lambdalabs/pokemon-blip-captions"

accelerate launch train_text_to_image_sdxl.py \
  --pretrained_model_name_or_path=$MODEL_NAME \
  --pretrained_vae_model_name_or_path=$VAE \
  --dataset_name=$DATASET_NAME \
  --enable_xformers_memory_efficient_attention \
  --resolution=512 --center_crop --random_flip \
  --proportion_empty_prompts=0.2 \
  --train_batch_size=1 \
  --gradient_accumulation_steps=4 --gradient_checkpointing \
  --max_train_steps=10000 \
  --use_8bit_adam \
  --learning_rate=1e-06 --lr_scheduler="constant" --lr_warmup_steps=0 \
  --mixed_precision="fp16" \
  --report_to="wandb" \
  --validation_prompt="a cute Sundar Pichai creature" --validation_epochs 5 \
  --checkpointing_steps=5000 \
  --output_dir="sdxl-pokemon-model" \
  --push_to_hub

Notes:

  • The train_text_to_image_sdxl.py(diffusers/examples/text_to_image) script pre-computes text embeddings and the VAE encodings and keeps them in memory. While for smaller datasets like lambdalabs/pokemon-blip-captions, it might not be a problem, it can definitely lead to memory problems when the script is used on a larger dataset. For those purposes, you would want to serialize these pre-computed representations to disk separately and load them during the fine-tuning process. Refer to this PR for a more in-depth discussion.

  • The training script is compute-intensive and may not run on a consumer GPU like Tesla T4.

  • The training command shown above performs intermediate quality validation in between the training epochs and logs the results to Weights and Biases. --report_to, --validation_prompt, and --validation_epochs are the relevant CLI arguments here. examples/text_to_image

### ๐Ÿ“Œ Inference

from diffusers import DiffusionPipeline
import torch

model_path = "FFusion/FFusionXL-BASE" # <-- change this to your new trained model
pipe = DiffusionPipeline.from_pretrained(model_path, torch_dtype=torch.float16)
pipe.to("cuda")

prompt = "A pokemon with green eyes and red legs."
image = pipe(prompt, num_inference_steps=30, guidance_scale=7.5).images[0]
image.save("pokemon.png")

๐Ÿ“œ LoRA training example for Stable Diffusion XL (SDXL)

Low-Rank Adaption of Large Language Models was first introduced by Microsoft in LoRA: Low-Rank Adaptation of Large Language Models by Edward J. Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, Lu Wang, Weizhu Chen.

In a nutshell, LoRA allows adapting pretrained models by adding pairs of rank-decomposition matrices to existing weights and only training those newly added weights. This has a couple of advantages:

  • Previous pretrained weights are kept frozen so that model is not prone to catastrophic forgetting.

  • Rank-decomposition matrices have significantly fewer parameters than original model, which means that trained LoRA weights are easily portable.

  • LoRA attention layers allow to control to which extent the model is adapted toward new training images via a scale parameter.

cloneofsimo was the first to try out LoRA training for Stable Diffusion in the popular lora GitHub repository.

With LoRA, it's possible to fine-tune Stable Diffusion on a custom image-caption pair dataset on consumer GPUs like Tesla T4, Tesla V100.

### ๐Ÿ“Œ Training

First, you need to set up your development environment as is explained in the installation section. Make sure to set the MODEL_NAME and DATASET_NAME environment variables. Here, we will use Stable Diffusion XL 1.0-base and the Pokemons dataset.

Note: It is quite useful to monitor the training progress by regularly generating sample images during training. Weights and Biases is a nice solution to easily see generating images during training. All you need to do is to run pip install wandb before training to automatically log images.

export MODEL_NAME="FFusion/FFusionXL-BASE"
export DATASET_NAME="lambdalabs/pokemon-blip-captions"

For this example we want to directly store the trained LoRA embeddings on the Hub, so we need to be logged in and add the --push_to_hub flag.

huggingface-cli login

Now we can start training!

accelerate launch train_text_to_image_lora_sdxl.py \
  --pretrained_model_name_or_path=$MODEL_NAME \
  --dataset_name=$DATASET_NAME --caption_column="text" \
  --resolution=1024 --random_flip \
  --train_batch_size=1 \
  --num_train_epochs=2 --checkpointing_steps=500 \
  --learning_rate=1e-04 --lr_scheduler="constant" --lr_warmup_steps=0 \
  --seed=42 \
  --output_dir="sd-pokemon-model-lora-sdxl" \
  --validation_prompt="cute dragon creature" --report_to="wandb" \
  --push_to_hub

The above command will also run inference as fine-tuning progresses and log the results to Weights and Biases.

### ๐Ÿ“Œ Finetuning the text encoder and UNet

The script also allows you to finetune the text_encoder along with the unet.

๐Ÿšจ Training the text encoder requires additional memory.

Pass the --train_text_encoder argument to the training script to enable finetuning the text_encoder and unet:

accelerate launch train_text_to_image_lora_sdxl.py \
  --pretrained_model_name_or_path=$MODEL_NAME \
  --dataset_name=$DATASET_NAME --caption_column="text" \
  --resolution=1024 --random_flip \
  --train_batch_size=1 \
  --num_train_epochs=2 --checkpointing_steps=500 \
  --learning_rate=1e-04 --lr_scheduler="constant" --lr_warmup_steps=0 \
  --seed=42 \
  --output_dir="sd-pokemon-model-lora-sdxl-txt" \
  --train_text_encoder \
  --validation_prompt="cute dragon creature" --report_to="wandb" \
  --push_to_hub

### ๐Ÿ“Œ Inference

Once you have trained a model using above command, the inference can be done simply using the DiffusionPipeline after loading the trained LoRA weights. You need to pass the output_dir for loading the LoRA weights which, in this case, is sd-pokemon-model-lora-sdxl.

from diffusers import DiffusionPipeline
import torch

model_path = "takuoko/sd-pokemon-model-lora-sdxl"
pipe = DiffusionPipeline.from_pretrained("FFusion/FFusionXL-BASE", torch_dtype=torch.float16)
pipe.to("cuda")
pipe.load_lora_weights(model_path)

prompt = "A pokemon with green eyes and red legs."
image = pipe(prompt, num_inference_steps=30, guidance_scale=7.5).images[0]
image.save("pokemon.png")

### ๐Ÿ“Œ Evaluation

evaluation-ffusionAI.jpgevaluation-ffusionXL.jpg

image_comparisons.pngcombined_FFigure.png

Utilizing yuvalkirstain/PickScore_v1 model, this analysis was conducted by FFusion.AI. It serves as a vital contribution to the ongoing research in testing Stable Diffusion Models' prompt win rate and accuracy.

๐Ÿ“ง For any inquiries or support, please contact di@ffusion.ai. We're here to help you every step of the way!

Images Generated With This Model

a bag with a picture of a dolphin inside of it, wwf, underwater ink env, fluid bag, inspired by Chris LaBrooy, creative photo manipulation, by david rubรญn, barreleye, stunning artwork, by Roberto Parada, panda, plastic sea wrapped, high contrast pinterest plastic, photo manipulation, by Fei Danxu, surreal water art
N/A
Hidden For Public Users
a bag with a picture of a dolphin inside of it, wwf, underwater ink env, fluid bag, inspired by Chris LaBrooy, creative photo manipulation, by david rubรญn, barreleye, stunning artwork, by Roberto Parada, panda, plastic sea wrapped, high contrast pinterest plastic, photo manipulation, by Fei Danxu, surreal water art
AI Model Training

Create Your Own AI Model

Train AI to generate stunning photos of yourself in any style or setting
 The one pixel to rule them all, pixel art
N/A
Hidden For Public Users
The one pixel to rule them all, pixel art
anime artwork (Ultra detailed:1.3) glamor girl with rainbow hair close up portrait of a woman in latex rubber with letter F and F logo FF FF, sexy choker ring around on neck, anime style, key visual, vibrant, studio anime,  highly detailed
N/A
Hidden For Public Users
anime artwork (Ultra detailed:1.3) glamor girl with rainbow hair close up portrait of a woman in latex rubber with letter F and F logo FF FF, sexy choker ring around on neck, anime style, key visual, vibrant, studio anime, highly detailed
Alien-themed (Simple illustration:1.3),(Lustful:1.3) a group of skulls and octopuses in a cave with foggy sky above them and a few dead ones in the foreground and a few skulls in the foreground and a few on the foreground, and a few of the foreground, monster, no humans, skull, monochrome, scenery <lora:FFai.0023.Dynavisionxlallinonestylized_Beta0371bakedvae.lora:1> a painting of a woman with long hair in the clouds, dramatic oil painting, beautiful fantasy art portrait, portrait of a ominous girl, beautiful surreal portrait, in the style of tom bagshaw, tom bagshaw donato giancola, realistic fantasy illustration, oil painting of realistic woman, an ominous fantasy illustration, dreamlike digital painting, sultry digital painting a woman with white makeup and a top hat, portrait of a steampunk ice lady, female mad hatter, the madhatter, portrait of alice in wonderland, dark fantasy portrait, the mad hatter, mad hatter, portrait of a bloodborne hunter, grim-hatter, fantasy portrait, gritty portrait, dramatic cinematic portrait, dramatic portrait, 1girl, hat, solo, braid, top hat, blue eyes, smile, looking at viewer, realistic, brown hair, long hair, hat feather, feathers,(Provia:1.3) . Extraterrestrial, cosmic, otherworldly, mysterious, sci-fi, highly detailed
N/A
Hidden For Public Users
Alien-themed (Simple illustration:1.3),(Lustful:1.3) a group of skulls and octopuses in a cave with foggy sky above them and a few dead ones in the foreground and a few skulls in the foreground and a few on the foreground, and a few of the foreground, monster, no humans, skull, monochrome, scenery <lora:FFai.0023.Dynavisionxlallinonestylized_Beta0371bakedvae.lora:1> a painting of a woman with long hair in the clouds, dramatic oil painting, beautiful fantasy art portrait, portrait of a ominous girl, beautiful surreal portrait, in the style of tom bagshaw, tom bagshaw donato giancola, realistic fantasy illustration, oil painting of realistic woman, an ominous fantasy illustration, dreamlike digital painting, sultry digital painting a woman with white makeup and a top hat, portrait of a steampunk ice lady, female mad hatter, the madhatter, portrait of alice in wonderland, dark fantasy portrait, the mad hatter, mad hatter, portrait of a bloodborne hunter, grim-hatter, fantasy portrait, gritty portrait, dramatic cinematic portrait, dramatic portrait, 1girl, hat, solo, braid, top hat, blue eyes, smile, looking at viewer, realistic, brown hair, long hair, hat feather, feathers,(Provia:1.3) . Extraterrestrial, cosmic, otherworldly, mysterious, sci-fi, highly detailed
Surrealist art <lora:FFai.0038.Realitycheckxl_Alpha11.lora:1> a group of three blocks with a picture of a boat in the middle of them, surreal 3 d render, 3 d epic illustrations, 3 d artistic render, inspired by Matthias Jung, environmental key art, erik johansson style, surreal concept art, alexander jansson style, cube portals, beeple masterpiece, 3 d render beeple, surrealistic digital artwork art nouveau \d.va (overwatch)\, background colourful explosion, colorful explosion, color dispersion, colour splash, full colors hd, explosion of colors, colorful octane render, colorful hd picure, colourfull, an explosion of colors, colorful 4k, colorful picture, color explosion, explosive colors, color splash, a close up of a colorful shoe with paint splatters on it, sneaker design, sneaker shoes, cinema 4d colorful render, sneaker photo, colourfull, adidas painting, archan nair, running shoes, strong and vibrant colors, color ink explosion, coloful, futuristic sneakers, colurful, stylish shoe design, colorful, colour splash, colorfull, super colorful, paint splatter, sneakers, shoes, paint, no humans, gradient, gradient background, white background, simple background, splatter . award-winning, professional, highly detailed . Dreamlike, mysterious, provocative, symbolic, intricate, detailed
N/A
Hidden For Public Users
Surrealist art <lora:FFai.0038.Realitycheckxl_Alpha11.lora:1> a group of three blocks with a picture of a boat in the middle of them, surreal 3 d render, 3 d epic illustrations, 3 d artistic render, inspired by Matthias Jung, environmental key art, erik johansson style, surreal concept art, alexander jansson style, cube portals, beeple masterpiece, 3 d render beeple, surrealistic digital artwork art nouveau \d.va (overwatch)\, background colourful explosion, colorful explosion, color dispersion, colour splash, full colors hd, explosion of colors, colorful octane render, colorful hd picure, colourfull, an explosion of colors, colorful 4k, colorful picture, color explosion, explosive colors, color splash, a close up of a colorful shoe with paint splatters on it, sneaker design, sneaker shoes, cinema 4d colorful render, sneaker photo, colourfull, adidas painting, archan nair, running shoes, strong and vibrant colors, color ink explosion, coloful, futuristic sneakers, colurful, stylish shoe design, colorful, colour splash, colorfull, super colorful, paint splatter, sneakers, shoes, paint, no humans, gradient, gradient background, white background, simple background, splatter . award-winning, professional, highly detailed . Dreamlike, mysterious, provocative, symbolic, intricate, detailed
a background, portrait, blurry shirt, red closed shirt eyes, solo, necktie, sweater, chest hogwarts sweater lips, with white brown star woman hair uniform, on at hair, nose, realistic, maroon tie tie, blonde gold school 1girl, collared blurry, looking viewer, mouth long and wearing it's, 1girl, school uniform, looking at viewer, long hair, blonde hair, shirt, hogwarts school uniform, collared shirt, brown eyes, lips, red necktie, white shirt
N/A
Hidden For Public Users
a background, portrait, blurry shirt, red closed shirt eyes, solo, necktie, sweater, chest hogwarts sweater lips, with white brown star woman hair uniform, on at hair, nose, realistic, maroon tie tie, blonde gold school 1girl, collared blurry, looking viewer, mouth long and wearing it's, 1girl, school uniform, looking at viewer, long hair, blonde hair, shirt, hogwarts school uniform, collared shirt, brown eyes, lips, red necktie, white shirt
AI Model Training

Create Your Own AI Model

Train AI to generate stunning photos of yourself in any style or setting
 a painting of a beach with rocks in the water and clouds in the sky over the water and the beach and the shore line of the water is clear and the water with rocks in the sand and the water, no humans, outdoors, scenery, cloud, ocean, sky, day, beach, rock, tree, water, blue sky, horizon, waves, shore, sand, cloudy sky a giant surreal book,open art,in |,masterpiece,cloudy solo,sky sky,standing daily 1other,behind,art outdoors,fantasy front beeple 3 scenery,man cloud,standing,artgem water,landscape,beeple,style,d symmetrical realism from and | of artwork,render digital,cloud,sky,solo,scenery
N/A
Hidden For Public Users
a painting of a beach with rocks in the water and clouds in the sky over the water and the beach and the shore line of the water is clear and the water with rocks in the sand and the water, no humans, outdoors, scenery, cloud, ocean, sky, day, beach, rock, tree, water, blue sky, horizon, waves, shore, sand, cloudy sky a giant surreal book,open art,in |,masterpiece,cloudy solo,sky sky,standing daily 1other,behind,art outdoors,fantasy front beeple 3 scenery,man cloud,standing,artgem water,landscape,beeple,style,d symmetrical realism from and | of artwork,render digital,cloud,sky,solo,scenery
comic  <lora:sdxlFaetastic_v10.FFai.lora:1>  (High quality Professional Photo:2) (Ultrarealistic:2),a glass pitcher with a plant inside of it, anime girl drinks energy drink, sprite art, anime visual of a cute girl, made with anime painter studio, splash art anime, anime art, (anime girl), beautiful anime girl, beautiful anime art, beautiful anime artwork, anime picture, beautiful anime woman, made of drink, anime goddess, anime illustration,ultra-realistic smooth edges, ((antialiasing smooth edge quality:1.2)),anti-aliasing    . graphic illustration, comic art, graphic novel art, vibrant, highly detailed
N/A
Hidden For Public Users
comic <lora:sdxlFaetastic_v10.FFai.lora:1> (High quality Professional Photo:2) (Ultrarealistic:2),a glass pitcher with a plant inside of it, anime girl drinks energy drink, sprite art, anime visual of a cute girl, made with anime painter studio, splash art anime, anime art, (anime girl), beautiful anime girl, beautiful anime art, beautiful anime artwork, anime picture, beautiful anime woman, made of drink, anime goddess, anime illustration,ultra-realistic smooth edges, ((antialiasing smooth edge quality:1.2)),anti-aliasing . graphic illustration, comic art, graphic novel art, vibrant, highly detailed

Train Models

Train AI Models On Your Own Pictures

You can use your own pictures to train AI models. Reimagine yourself in new ways with our AI-powered image generator.
Create pictures of yourself around the world, in your dream outfit, as a video game character, or in countless art styles. The possibilities are endless.

Generate AI Images. Simple and Easy

AIEasyPic is the #1 AI image generator. Generate images with simple prompts, swap faces, train models to reimagine yourself, and more.