Quick Generate
Select a style, write what you want to see and click Generate
What you want in the image.
Clear
Random
* This model is available for use and will generate similar character to the ones seen in the images.

Model Description by Creator

Junior Studio

Trained on professional studio portraits of kids.

Details

Sources

This model is available on:

Usage

To just use the base model, you can run:

import torch
from diffusers import DiffusionPipeline, AutoencoderKL
device = "cuda" if torch.cuda.is_available() else "cpu"
vae = AutoencoderKL.from_pretrained('madebyollin/sdxl-vae-fp16-fix', torch_dtype=torch.float16)
pipe = DiffusionPipeline.from_pretrained(
    "stabilityai/stable-diffusion-xl-base-1.0",
    vae=vae, torch_dtype=torch.float16, variant="fp16",
    use_safetensors=True
)
pipe.to(device)
# This is where you load your trained weights
specific_safetensors = "pytorch_lora_weights.safetensors"
lora_scale = 0.9
pipe.load_lora_weights(
    'dwancin/junior-studio', 
    weight_name = specific_safetensors,
    # use_auth_token = True 
)
prompt = "A junior studio portrait"
image = pipe(
    prompt=prompt, 
    num_inference_steps=50,
    cross_attention_kwargs={"scale": lora_scale}
).images[0]

Dependencies

Make sure to upgrade diffusers to >= 0.19.0:

pip install diffusers --upgrade

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

pip install invisible_watermark transformers accelerate safetensors

Images Generated With This Model

Loading...

Similar Models

FilmGrain
V1
FilmGrain
(4.67)
0
3 Ratings
We Are ⚡Electric
V2
We Are ⚡Electric
(0.00)
0
0 Ratings
We Are ⚡Electric
V2
We Are ⚡Electric
(0.00)
0
0 Ratings
Natural Portraits
V2
Natural Portraits
(4.97)
0
40 Ratings
AI Hands XL
V2
AI Hands XL
(5.00)
0
2 Ratings
PalestineFlagSdxl
V2
PalestineFlagSdxl
(3.88)
0
16 Ratings
【︸】Renchon mouth (Yurie mouth/れんちょん口/ゆりえ口)
V1
【︸】Renchon mouth (Yurie mouth/れんちょん口/ゆりえ口)
(5.00)
0
2 Ratings
grandchild and grandfather
N/A
grandchild and grandfather
(0.00)
0
0 Ratings
9angles
V2
9angles
(0.00)
0
0 Ratings
Harrlogos XL - Finally, custom text generation in SD!
V2
Harrlogos XL - Finally, custom text generation in SD!
(5.00)
0
39 Ratings

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.
Train Your Own Model

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.