Alberto Baldrati*, Davide Morelli*, Giuseppe Cartella, Marcella Cornia, Marco Bertini, Rita Cucchiara
* Equal contribution.
This is the official repository for the paper "Multimodal Garment Designer: Human-Centric Latent Diffusion Models for Fashion Image Editing".
🔥🔥 [21/03/2024] If you are interested in multimodal fashion image editing take a look at our most recent work Multimodal-Conditioned Latent Diffusion Models for Fashion Image Editing. We introduce Ti-MGD a novel approach that also integrates fabric texture conditioning
Abstract:
Fashion illustration is used by designers to communicate their vision and to bring the design idea from conceptualization to realization, showing how clothes interact with the human body. In this context, computer vision can thus be used to improve the fashion design process. Differently from previous works that mainly focused on the virtual try-on of garments, we propose the task of multimodal-conditioned fashion image editing, guiding the generation of human-centric fashion images by following multimodal prompts, such as text, human body poses, and garment sketches. We tackle this problem by proposing a new architecture based on latent diffusion models, an approach that has not been used before in the fashion domain. Given the lack of existing datasets suitable for the task, we also extend two existing fashion datasets, namely Dress Code and VITON-HD, with multimodal annotations collected in a semi-automatic manner. Experimental results on these new datasets demonstrate the effectiveness of our proposal, both in terms of realism and coherence with the given multimodal inputs.
If you make use of our work, please cite our paper:
@inproceedings{baldrati2023multimodal,
title={Multimodal Garment Designer: Human-Centric Latent Diffusion Models for Fashion Image Editing},
author={Baldrati, Alberto and Morelli, Davide and Cartella, Giuseppe and Cornia, Marcella and Bertini, Marco and Cucchiara, Rita},
booktitle={Proceedings of the IEEE/CVF International Conference on Computer Vision},
year={2023}
}
We recommend using the Anaconda package manager to avoid dependency/reproducibility problems. For Linux systems, you can find a conda installation guide here.
- Clone the repository
git clone https://github.com/aimagelab/multimodal-garment-designer
- Install Python dependencies
conda env create -n mgd -f environment.yml
conda activate mgd
Alternatively, you can create a new conda environment and install the required packages manually:
conda create -n mgd -y python=3.9
conda activate mgd
pip install torch==1.12.1 torchmetrics==0.11.0 opencv-python==4.7.0.68 diffusers==0.12.0 transformers==4.25.1 accelerate==0.15.0 clean-fid==0.1.35 torchmetrics[image]==0.11.0
To run the inference please use the following:
python src/eval.py --dataset_path <path> --batch_size <int> --mixed_precision fp16 --output_dir <path> --save_name <string> --num_workers_test <int> --sketch_cond_rate 0.2 --dataset <dresscode|vitonhd> --start_cond_rate 0.0 --test_order <paired|unpaired>
dataset_path
is the path to the dataset (change accordingly to the dataset parameter)dataset
dataset name to be usedoutput_dir
path to the output directorysave_name
name of the output dir subfolder where the generated images are savedstart_cond_rate
rate {0.0,1.0} of denoising steps that will be used as offset to start sketch conditioningsketch_cond_rate
rate {0.0,1.0} of denoising steps in which sketch cond is appliedtest_order
test setting (paired | unpaired)
Note that we provide a few sample images to test MGD simply by cloning this repo (i.e., assets/data). To execute the code set
- Dress Code Multimodal dataset
dataset_path
to../assets/data/dresscode
dataset
todresscode
- Viton-HD Multimodal dataset
dataset_path
to../assets/data/vitonhd
dataset
tovitonhd
It is possible to run the inference on the whole Dress Code Multimodal or Viton-HD Multimodal dataset simply changing the dataset_path
and dataset
according with the downloaded and prepared datasets (see sections below).
The model and checkpoints are available via torch.hub.
Load the MGD denoising UNet model using the following code:
import torch
unet = torch.hub.load(
dataset=<dataset>,
repo_or_dir='aimagelab/multimodal-garment-designer',
source='github',
model='mgd',
pretrained=True
)
dataset
dataset name (dresscode | vitonhd)
Use the denoising network with our custom diffusers pipeline as follow:
from src.mgd_pipelines.mgd_pipe import MGDPipe
from diffusers import AutoencoderKL, DDIMScheduler
from transformers import CLIPTextModel, CLIPTokenizer
pretrained_model_name_or_path = "runwayml/stable-diffusion-inpainting"
text_encoder = CLIPTextModel.from_pretrained(
pretrained_model_name_or_path,
subfolder="text_encoder"
)
vae = AutoencoderKL.from_pretrained(
pretrained_model_name_or_path,
subfolder="vae"
)
tokenizer = CLIPTokenizer.from_pretrained(
pretrained_model_name_or_path,
subfolder="tokenizer",
)
val_scheduler = DDIMScheduler.from_pretrained(
pretrained_model_name_or_path,
subfolder="scheduler"
)
val_scheduler.set_timesteps(50)
mgd_pipe = MGDPipe(
text_encoder=text_encoder,
vae=vae,
unet=unet,
tokenizer=tokenizer,
scheduler=val_scheduler,
)
For an extensive usage case see the file eval.py
in the main repo.
We do not hold rights on the original Dress Code and Viton-HD datasets. Please refer to the original papers for more information.
Start by downloading the original datasets from the following links:
Download the Dress Code Multimodal and Viton-HD Multimodal additional data annotations from here.
Once data is downloaded prepare the dataset folder as follows:
Dress Code | fine_captions.json | coarse_captions.json | test_pairs_paired.txt | test_pairs_unpaired.txt | train_pairs.txt | test_stitch_map |---- [category] |-------- images |-------- keypoints |-------- skeletons |-------- dense |-------- im_sketch |-------- im_sketch_unpaired ...
Once data is downloaded prepare the dataset folder as follows:
Viton-HD | captions.json |---- train |-------- image |-------- cloth |-------- image-parse-v3 |-------- openpose_json |-------- im_sketch |-------- im_sketch_unpaired ... |---- test ... |-------- im_sketch |-------- im_sketch_unpaired ...
- training code
This work has partially been supported by the PNRR project “Future Artificial Intelligence Research (FAIR)”, by the PRIN project “CREATIVE: CRoss-modal understanding and gEnerATIon of Visual and tExtual content” (CUP B87G22000460001), both co-funded by the Italian Ministry of University and Research, and by the European Commission under European Horizon 2020 Programme, grant number 101004545 - ReInHerit.
All material is available under Creative Commons BY-NC 4.0. You can use, redistribute, and adapt the material for non-commercial purposes, as long as you give appropriate credit by citing our paper and indicate any changes you've made.