|
|
|
--- |
|
license: creativeml-openrail-m |
|
base_model: stabilityai/stable-diffusion-xl-base-1.0 |
|
dataset: hahminlew/kream-product-blip-captions |
|
tags: |
|
- stable-diffusion-xl |
|
- stable-diffusion-xl-diffusers |
|
- text-to-image |
|
- diffusers |
|
- lora |
|
inference: true |
|
--- |
|
|
|
# KREAM-Product-Generator |
|
|
|
**Latest version of the model has been released! Please try it: [sdxl-kream-model-lora-2.0](https://huggingface.co/hahminlew/sdxl-kream-model-lora-2.0)** |
|
|
|
**KREAM-Product-Generator** is a finetuned text-to-image generative model with a custom dataset collected from [KREAM](https://kream.co.kr/), one of the best online-resell market in Korea. |
|
Have fun creating realistic, high-quality fashion items! |
|
|
|
You can see detailed instructions to finetune and inference the model in my github repository: [easy-finetuning-stable-diffusion](https://github.com/hahminlew/easy-finetuning-stable-diffusion). |
|
|
|
# Inference |
|
|
|
``` |
|
from diffusers import DiffusionPipeline |
|
import torch |
|
|
|
pipe = DiffusionPipeline.from_pretrained("stabilityai/stable-diffusion-xl-base-1.0", torch_dtype=torch.float16) |
|
pipe.to("cuda") |
|
pipe.load_lora_weights("hahminlew/sdxl-kream-model-lora") |
|
|
|
prompt = "outer, The Nike x Balenciaga down jacket black, a photography of a black down jacket with a logo on the chest." |
|
|
|
image = pipe(prompt, num_inference_steps=30, guidance_scale=7.5).images[0] |
|
image.save("example.png") |
|
``` |
|
|
|
# Results |
|
|
|
![img](./generated_results.png) |
|
|
|
`Prompts` |
|
- `outer, The Nike x Balenciaga down jacket black, a photography of a black down jacket with a logo on the chest.` |
|
- `top, (W) Balenciaga x Nike Slip Hoodie Dress Cream, a photography of a cream dress and a hood on.` |
|
- `bottom, Supreme Animal Print Baggy Jean Washed Indigo - 23FW, a photography of a dark blue jean with an animal printing on.` |
|
- `outer, The North Face x Supreme White Label Nuptse Down Jacket Cream Beige, a photography of a white puffer jacket with a red box logo on the front.` |
|
- `top, The Supreme x Stussy Oversized Cotton Black Hoodie, a photography of a black shirt with a hood on and a logo on the chest.` |
|
- `bottom, The IAB Studio x Stussy Dye Sweat Wooven Shorts, a photography of a short pants with a logo.` |
|
|
|
**A more precise model is now available. Please try to generate products through prompt engineering!* |
|
|
|
# LoRA text2image fine-tuning Info. |
|
|
|
These are LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0. The weights were fine-tuned on the [hahminlew/kream-product-blip-captions](https://huggingface.co/datasets/hahminlew/kream-product-blip-captions) dataset. |
|
|
|
LoRA for the text encoder was enabled: False. |
|
|
|
Special VAE used for training: madebyollin/sdxl-vae-fp16-fix. |