git clone https://github.com/shadow2496/VITON-HD.git cd ./VITON-HD/ Install PyTorch and other dependencies: conda create -y -n [ENV] python=3.8 conda activate [ENV] conda install -y pytorch=[>=1.6.0] torchvision cudatoolkit=[>=9.2] -c pytorch pip install opencv-python torchgeometry ...
代码实现在:github.com/shadow2496/V. 介绍 虚拟试衣涉及到一个图像生成任务,它将人像上的一件衣服转换成一件不同的衣服,给出一张单独的图像。随着线上购物的趋势逐渐流行,虚拟试衣会丰富消费者的购物体验,因为它给出了这些衣服穿在自己身上的样子。 虚拟试衣与图像生成任务类似,但是它有独特的挑战。给出一些人和...
The frontal view woman and top clothing image pairs are split into a training and a test set with 11,647 and 2,032 pairs, respectively github地址: https://github.com/shadow2496/VITON-HD N NS夜魔 1枚 其他 图像分类生成计算机视觉 2 197 2024-01-02 ...
import json import cv2 import numpy as np import os from torch.utils.data import Dataset from PIL import Image import cv2 from .data_utils import * from .base import BaseDataset import albumentations as A class VitonHDDataset(BaseDataset): def __init__(self, image_dir): self.image_root ...
Breadcrumbs IDM-VTON/ vitonhd_train_tagged.jsonLatest commit Cannot retrieve latest commit at this time. HistoryHistory File metadata and controls Code Blame 23.7 MB Raw View raw (Sorry about that, but we can’t show files that are this big right now.)...
git clone https://github.com/levihsu/OOTDiffusion Create a conda environment and install the required packages conda create -n ootd python==3.10 conda activate ootd pip install torch==2.0.1 torchvision==0.15.2 torchaudio==2.0.2 numpy==1.24.4 scipy==1.10.1 scikit-image==0.21.0 opencv-pyth...
import json import cv2 import numpy as np import os from torch.utils.data import Dataset from PIL import Image import cv2 from .data_utils import * from .base import BaseDataset import albumentations as A class VitonHDDataset(BaseDataset): def __init__(self, image_dir): self.image_root ...
Security Insights Additional navigation options Files main assets cldm configs datasets Preprocess base.py data_utils.py dreambooth.py dresscode.py fashiontryon.py lvis.py mose.py mvimagenet.py saliency_modular.py sam.py uvo.py uvo_val.py ...
Pull requests Actions Projects Security Insights Additional navigation options Files main assets ckpt configs gradio_demo ip_adapter preprocess src README.md environment.yaml inference.py inference.sh inference_dc.py train_xl.py train_xl.sh
git clone https://github.com/shadow2496/VITON-HD.git cd ./VITON-HD/ Install PyTorch and other dependencies: conda create -y -n [ENV] python=3.8 conda activate [ENV] conda install -y pytorch=[>=1.6.0] torchvision cudatoolkit=[>=9.2] -c pytorch pip install opencv-python torchgeometry...