Coder Social home page Coder Social logo

swayaminsync / clothes-virtual-try-on Goto Github PK

View Code? Open in Web Editor NEW
219.0 12.0 77.0 20.63 MB

Virtual Clothing Assistant a custom unique implementation of ViTON, allows user to try different clothings virtually

Python 5.66% Jupyter Notebook 93.14% HTML 1.20%
computer-vision deeplearning segmentation viton pose-estimation gan

clothes-virtual-try-on's People

Contributors

ihtreeek avatar navaneeth-sharma avatar rao-rohit avatar swayaminsync avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

clothes-virtual-try-on's Issues

No output generated in "output" folder.

Hi, after following all the steps in the setup PDF, when I finally upload the files, no output it generated in the "output" folder, and the application throws an error.

not download model succesfully

/***** **** when step 2 run its not succesfully. this show error
CMake Error at cmake/Utils.cmake:8 (file):
file DOWNLOAD HASH mismatch

for file: [/content/openpose/models/pose/body_25/pose_iter_584000.caffemodel]
  expected hash: [78287b57cf85fa89c03f1393d368e5b7]
    actual hash: [d41d8cd98f00b204e9800998ecf8427e]
         status: [7;"Couldn't connect to server"]

Call Stack (most recent call first):
CMakeLists.txt:985 (download_model)

import os
from os.path import exists, join, basename, splitext

git_repo_url = 'https://github.com/CMU-Perceptual-Computing-Lab/openpose.git'
project_name = splitext(basename(git_repo_url))[0]
if not exists(project_name):

install new CMake becaue of CUDA10

!wget -q https://cmake.org/files/v3.13/cmake-3.13.0-Linux-x86_64.tar.gz
!tar xfz cmake-3.13.0-Linux-x86_64.tar.gz --strip-components=1 -C /usr/local

clone openpose

!git clone -q --depth 1 $git_repo_url
!sed -i 's/execute_process(COMMAND git checkout master WORKING_DIRECTORY ${CMAKE_SOURCE_DIR}/3rdparty/caffe)/execute_process(COMMAND git checkout f019d0dfe86f49d1140961f8c7dec22130c83154 WORKING_DIRECTORY ${CMAKE_SOURCE_DIR}/3rdparty/caffe)/g' openpose/CMakeLists.txt

install system dependencies

!apt-get -qq install -y libatlas-base-dev libprotobuf-dev libleveldb-dev libsnappy-dev libhdf5-serial-dev protobuf-compiler libgflags-dev libgoogle-glog-dev liblmdb-dev opencl-headers ocl-icd-opencl-dev libviennacl-dev

install python dependencies

!pip install -q youtube-dl

build openpose

!cd openpose && rm -rf build || true && mkdir build && cd build && cmake -DBUILD_PYTHON=ON .. && make -jnproc
!mkdir openpose/images openpose/videos

Error with models

Hi, I have this error when I try to compile in a dockerfile

dockerfile

# Base image with CUDA and cuDNN
FROM nvidia/cuda:11.8.0-cudnn8-devel-ubuntu20.04

# Set non-interactive frontend (to avoid some prompts)
ENV DEBIAN_FRONTEND noninteractive
ENV NVIDIA_VISIBLE_DEVICES all
ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility
ENV TZ=America/New_York

# Install essential tools and libraries
RUN apt-get update && apt-get install -y \
    git \
    wget \
    build-essential \
    ffmpeg \
    libatlas-base-dev \
    libprotobuf-dev \
    libleveldb-dev \
    libsnappy-dev \
    libhdf5-serial-dev \
    protobuf-compiler \
    libboost-all-dev \
    libgflags-dev \
    libgoogle-glog-dev \
    liblmdb-dev \
    opencl-headers \
    ocl-icd-opencl-dev \
    libviennacl-dev \
    libopencv-dev \
    ca-certificates \
    python3-setuptools \
    python3-dev \
    build-essential \
    python3-pip \
    && rm -rf /var/lib/apt/lists/* \
    && apt-get clean


# Install OpenSSL
ARG OPENSSL_VERSION=1.1.1l
RUN wget https://www.openssl.org/source/openssl-${OPENSSL_VERSION}.tar.gz \
    && tar xvfz openssl-${OPENSSL_VERSION}.tar.gz \
    && cd openssl-${OPENSSL_VERSION} \
    && ./config --prefix=/usr/local --openssldir=/usr/local/ssl --libdir=lib shared zlib-dynamic \
    && make \
    && make install \
    && ldconfig \
    && cd .. \
    && rm -rf openssl-${OPENSSL_VERSION} \
    && rm openssl-${OPENSSL_VERSION}.tar.gz

# Clone OpenPose repository with the specific version
WORKDIR /content
RUN wget --no-check-certificate -c "https://github.com/Kitware/CMake/releases/download/v3.19.6/cmake-3.19.6.tar.gz" && tar xf cmake-3.19.6.tar.gz
# Upgrade CMake to version 3.19.6
RUN cd cmake-3.19.6 && ./configure && make && make install && rm -rf cmake-3.19.6

RUN git clone  --depth 1 -b "v1.7.0" https://github.com/CMU-Perceptual-Computing-Lab/openpose.git --recursive

COPY ./openpose/models/face/pose_iter_116000.caffemodel /content/openpose/models/face/pose_iter_116000.caffemodel

COPY ./openpose/models/hand/pose_iter_102000.caffemodel /content/openpose/models/hand/pose_iter_102000.caffemodel
COPY ./openpose/models/hand/pose_iter_120000.caffemodel /content/openpose/models/hand/pose_iter_120000.caffemodel

COPY ./openpose/models/pose/1_25BBkg/body_25b/pose_iter_810000.caffemodel /content/openpose/models/pose/1_25BBkg/body_25/pose_iter_810000.caffemodel
COPY ./openpose/models/pose/1_25BBkg/body_25b/pose_iter_XXXXXX.caffemodel /content/openpose/models/pose/1_25BBkg/body_25b/pose_iter_XXXXXX.caffemodel
COPY ./openpose/models/pose/1_25BBkg/body_25b/training_log.txt /content/openpose/models/pose/1_25BBkg/body_25b/training_log.txt

COPY ./openpose/models/pose/1_25BSuperModel11FullVGG/body_25b/pose_iter_636000.caffemodel /content/openpose/models/pose/1_25BSuperModel11FullVGG/body_25b/pose_iter_636000.caffemodel
COPY ./openpose/models/pose/1_25BSuperModel11FullVGG/body_25b/pose_iter_XXXXXX.caffemodel /content/openpose/models/pose/1_25BSuperModel11FullVGG/body_25b/pose_iter_XXXXXX.caffemodel
COPY ./openpose/models/pose/1_25BSuperModel11FullVGG/body_25b/training_log.txt /content/openpose/models/pose/1_25BSuperModel11FullVGG/body_25b/training_log.txt

COPY ./openpose/models/pose/2_25YaserWholeBatch/obtain_from_body_25_details_inside_txt.txt /content/openpose/models/pose/2_25YaserWholeBatch/obtain_from_body_25_details_inside_txt.txt

COPY ./openpose/models/pose/100_135AlmostSameBatchAllGPUs/body_135/pose_iter_464000.caffemodel /content/openpose/models/pose/100_135AlmostSameBatchAllGPUs/body_135/pose_iter_464000.caffemodel
COPY ./openpose/models/pose/100_135AlmostSameBatchAllGPUs/body_135/pose_iter_XXXXXX.caffemodel /content/openpose/models/pose/100_135AlmostSameBatchAllGPUs/body_135/pose_iter_XXXXXX.caffemodel
COPY ./openpose/models/pose/100_135AlmostSameBatchAllGPUs/body_135/training_log.txt /content/openpose/models/pose/100_135AlmostSameBatchAllGPUs/body_135/training_log.txt

COPY ./openpose/models/pose/body_21a_video/pose_deploy.prototxt /content/openpose/models/pose/body_21a_video/pose_deploy.prototxt
COPY ./openpose/models/pose/body_21a_video/pose_iter_264000.caffemodel /content/openpose/models/pose/body_21a_video/pose_iter_264000.caffemodel

COPY ./openpose/models/pose/body_25/pose_iter_584000.caffemodel /content/openpose/models/pose/body_25/pose_iter_584000.caffemodel
COPY ./openpose/models/pose/body_25/training_log.txt /content/openpose/models/pose/body_25/training_log.txt
COPY ./openpose/models/pose/body_25/training_results_source.txt /content/openpose/models/pose/body_25/training_results_source.txt

COPY ./openpose/models/pose/coco/main.html /content/openpose/models/pose/coco/main.html
COPY ./openpose/models/pose/coco/pose_iter_440000.caffemodel /content/openpose/models/pose/coco/pose_iter_440000.caffemodel

COPY ./openpose/models/pose/mpi/pose_iter_160000.caffemodel /content/openpose/models/pose/mpi/pose_iter_160000.caffemodel


# Configure and build OpenPose
WORKDIR /content/openpose/build
RUN cmake -DUSE_CUDNN=OFF -DBUILD_PYTHON=ON .. \
    && make -j`nproc`

# Install other Python packages
RUN pip3 install ninja

WORKDIR /content
RUN git clone https://github.com/practice404/clothes-virtual-try-on.git
RUN cd clothes-virtual-try-on && mkdir checkpoints
COPY ./clothes-virtual-try-on/checkpoints /content/clothes-virtual-try-on/checkpoints
COPY ./clothes-virtual-try-on/app.py /content/clothes-virtual-try-on/app.py
COPY ./clothes-virtual-try-on/cloth_segm_u2net_latest.pth /content/clothes-virtual-try-on/cloth_segm_u2net_latest.pth

RUN git clone https://github.com/PeikeLi/Self-Correction-Human-Parsing
RUN cd Self-Correction-Human-Parsing && mkdir checkpoints
COPY ./Self-Correction-Human-Parsing/checkpoints /content/Self-Correction-Human-Parsing/checkpoints


WORKDIR /content
# Install Miniconda
ENV MINICONDA_INSTALLER_SCRIPT=Miniconda3-4.5.4-Linux-x86_64.sh
ENV MINICONDA_PREFIX=/usr/local
RUN wget --no-check-certificate https://repo.continuum.io/miniconda/$MINICONDA_INSTALLER_SCRIPT \
    && chmod +x $MINICONDA_INSTALLER_SCRIPT \
    && ./$MINICONDA_INSTALLER_SCRIPT -b -f -p $MINICONDA_PREFIX \
    && conda install --channel defaults conda python=3.8 --yes \
    && conda update --channel defaults --all --yes

# Install PyTorch compatible with CUDA 11.7
RUN pip install torch==1.13.0 torchvision==0.14.0 torchaudio==0.13.0 -f https://download.pytorch.org/whl/torch_stable.html

# Install other Python packages
RUN pip install Flask gdown rembg[gpu] gradio==3.45.0 numpy protobuf torchgeometry opencv-python torchvision Pillow

# Clone additional repositories and download models
WORKDIR /content
RUN nvcc --version
RUN cd /content/ && mkdir inputs && cd inputs && mkdir test && cd test && mkdir cloth cloth-mask image image-parse openpose-img openpose-json

# Set command to launch your application
CMD ["python", "/content/clothes-virtual-try-on/test.py", "--name", "outputs", "--dataset_dir", "/content/inputs", "--checkpoint_dir", "/content/clothes-virtual-try-on/checkpoints", "--save_dir", "/content/"]


error


==========
== CUDA ==
==========

CUDA Version 11.8.0

Container image Copyright (c) 2016-2023, NVIDIA CORPORATION & AFFILIATES. All rights reserved.

This container image and its contents are governed by the NVIDIA Deep Learning Container License.
By pulling and using the container, you accept the terms and conditions of this license:
https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license

A copy of this license is made available in this container at /NGC-DL-CONTAINER-LICENSE for your convenience.

Namespace(alias_checkpoint='alias_final.pth', batch_size=1, checkpoint_dir='/content/clothes-virtual-try-on/checkpoints', dataset_dir='/content/inputs', dataset_list='test_pairs.txt', dataset_mode='test', display_freq=1, gmm_checkpoint='gmm_final.pth', grid_size=5, init_type='xavier', init_variance=0.02, load_height=1024, load_width=768, name='outputs', ngf=64, norm_G='spectralaliasinstance', num_upsampling_layers='most', save_dir='/content/', seg_checkpoint='seg_final.pth', semantic_nc=13, shuffle=False, workers=1)
Network [SegGenerator] was created. Total number of parameters: 34.5 million. To see the architecture, do print(network).
Network [ALIASGenerator] was created. Total number of parameters: 100.5 million. To see the architecture, do print(network).
Traceback (most recent call last):
  File "/content/clothes-virtual-try-on/test.py", line 155, in <module>
    main()
  File "/content/clothes-virtual-try-on/test.py", line 148, in main
    seg.cuda().eval()
  File "/usr/local/lib/python3.8/site-packages/torch/nn/modules/module.py", line 747, in cuda
    return self._apply(lambda t: t.cuda(device))
  File "/usr/local/lib/python3.8/site-packages/torch/nn/modules/module.py", line 639, in _apply
    module._apply(fn)
  File "/usr/local/lib/python3.8/site-packages/torch/nn/modules/module.py", line 639, in _apply
    module._apply(fn)
  File "/usr/local/lib/python3.8/site-packages/torch/nn/modules/module.py", line 662, in _apply
    param_applied = fn(param)
  File "/usr/local/lib/python3.8/site-packages/torch/nn/modules/module.py", line 747, in <lambda>
    return self._apply(lambda t: t.cuda(device))
  File "/usr/local/lib/python3.8/site-packages/torch/cuda/__init__.py", line 229, in _lazy_init
    torch._C._cuda_init()
RuntimeError: Unexpected error from hipGetDeviceCount(). Did you run some cuda functions before calling NumHipDevices() that might have already set an error? Error 101: hipErrorInvalidDevice

I just followed step by step in you setup, but I don't know what is the problem

thanks

Run

docker build -t clothes-v . && docker run --gpus all clothes-v

Replacing Openpose to PyTorch-Openpose for easy build

Task

Remove the current openpose dependency to the Pytorch's version of openpose, which can be found here

  • Require keypoint generation and pose detection

This update will resolve multiple dependency issues like building locally, enabling cudNN support and quick build time

Rohan here : Your Expertise in making Virtual Try On is required

hello @practice404 🙌 myself Rohan I contacted you on facebook regarding how to make a image based virtual try on ,I just want to know which sources you referred to make this amazing project I also wanted to make one for my college project like how did write the code required the code to transfer clothes and human body segmentation .Please Help ,You help is Required 🙏🙏

I encountered an error while running this Colab

Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/gradio/routes.py", line 517, in predict
output = await route_utils.call_process_api(
File "/usr/local/lib/python3.10/dist-packages/gradio/route_utils.py", line 216, in call_process_api
output = await app.get_blocks().process_api(
File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1555, in process_api
result = await self.call_function(
File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1193, in call_function
prediction = await anyio.to_thread.run_sync(
File "/usr/local/lib/python3.10/dist-packages/anyio/to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 807, in run
result = context.run(func, *args)
File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 654, in wrapper
response = f(*args, **kwargs)
File "", line 13, in run
op = os.listdir("/content/output")[0]
IndexError: list index out of range

Google Colab Not working

As the title says. Seems like the google colab code isn't working as expected. Ngrok doesn't deploy properly, even with a workaround there seems to be a problem. Issue created here

Any fix?

Shifting to Gradio UI

Shift from the current backend and frontend setup to the more clear and concise Gradio application, allowing less confusion in the setup process of server and client.


Contributions and suggestions are welcome!

output is hello world

when i run all cammands in colab and go to ngrok link its saying hello world. please help.

Shoes

Can anyone help me give ideas about training a model with shoes?

op = os.listdir(output_dir)[0] IndexError: list index out of range

INFO:werkzeug:127.0.0.1 - - [25/Jun/2023 02:02:11] "GET / HTTP/1.1" 200 -
INFO:werkzeug:127.0.0.1 - - [25/Jun/2023 02:02:11] "GET /favicon.ico HTTP/1.1" 404 -
data recieved
ERROR:main:Exception on /api/transform [POST]
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/flask/app.py", line 2529, in wsgi_app
response = self.full_dispatch_request()
File "/usr/local/lib/python3.10/dist-packages/flask/app.py", line 1825, in full_dispatch_request
rv = self.handle_user_exception(e)
File "/usr/local/lib/python3.10/dist-packages/flask/app.py", line 1823, in full_dispatch_request
rv = self.dispatch_request()
File "/usr/local/lib/python3.10/dist-packages/flask/app.py", line 1799, in dispatch_request
return self.ensure_sync(self.view_functions[rule.endpoint])(**view_args)
File "", line 39, in begin
op = os.listdir(output_dir)[0]
IndexError: list index out of range
INFO:werkzeug:127.0.0.1 - - [25/Jun/2023 02:02:48] "POST /api/transform HTTP/1.1" 500 -

change shoes

Hi
Is it possible to train a model to change models' shoes, not clothes?
Thank you

how to run?

im a novice ,and i want to run this event,But I don't see the steps file, so I don't know how to run it, I want to run it on the windows cpu, who can you tell me the specific steps

ConnectionError: HTTPConnectionPool(host='localhost', port=4040): Max retries exceeded with url: /api/tunnels

Hi! I try run app() but receive an error:

* Serving Flask app '__main__'
 * Debug mode: off
INFO:werkzeug:WARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead.
 * Running on http://127.0.0.1:5000/
INFO:werkzeug:Press CTRL+C to quit
Exception in thread Thread-13:
Traceback (most recent call last):
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connection.py", line 203, in _new_conn
    sock = connection.create_connection(
  File "/usr/local/lib/python3.10/dist-packages/urllib3/util/connection.py", line 85, in create_connection
    raise err
  File "/usr/local/lib/python3.10/dist-packages/urllib3/util/connection.py", line 73, in create_connection
    sock.connect(sa)
ConnectionRefusedError: [Errno 111] Connection refused

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connectionpool.py", line 791, in urlopen
    response = self._make_request(
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connectionpool.py", line 497, in _make_request
    conn.request(
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connection.py", line 395, in request
    self.endheaders()
  File "/usr/lib/python3.10/http/client.py", line 1278, in endheaders
    self._send_output(message_body, encode_chunked=encode_chunked)
  File "/usr/lib/python3.10/http/client.py", line 1038, in _send_output
    self.send(msg)
  File "/usr/lib/python3.10/http/client.py", line 976, in send
    self.connect()
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connection.py", line 243, in connect
    self.sock = self._new_conn()
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connection.py", line 218, in _new_conn
    raise NewConnectionError(
urllib3.exceptions.NewConnectionError: <urllib3.connection.HTTPConnection object at 0x7dae50db8520>: Failed to establish a new connection: [Errno 111] Connection refused

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "/usr/local/lib/python3.10/dist-packages/requests/adapters.py", line 486, in send
    resp = conn.urlopen(
  File "/usr/local/lib/python3.10/dist-packages/urllib3/connectionpool.py", line 845, in urlopen
    retries = retries.increment(
  File "/usr/local/lib/python3.10/dist-packages/urllib3/util/retry.py", line 515, in increment
    raise MaxRetryError(_pool, url, reason) from reason  # type: ignore[arg-type]
urllib3.exceptions.MaxRetryError: HTTPConnectionPool(host='localhost', port=4040): Max retries exceeded with url: /api/tunnels (Caused by NewConnectionError('<urllib3.connection.HTTPConnection object at 0x7dae50db8520>: Failed to establish a new connection: [Errno 111] Connection refused'))

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner
    self.run()
  File "/usr/lib/python3.10/threading.py", line 1378, in run
    self.function(*self.args, **self.kwargs)
  File "/usr/local/lib/python3.10/dist-packages/flask_ngrok.py", line 70, in start_ngrok
    ngrok_address = _run_ngrok()
  File "/usr/local/lib/python3.10/dist-packages/flask_ngrok.py", line 35, in _run_ngrok
    tunnel_url = requests.get(localhost_url).text  # Get the tunnel information
  File "/usr/local/lib/python3.10/dist-packages/requests/api.py", line 73, in get
    return request("get", url, params=params, **kwargs)
  File "/usr/local/lib/python3.10/dist-packages/requests/api.py", line 59, in request
    return session.request(method=method, url=url, **kwargs)
  File "/usr/local/lib/python3.10/dist-packages/requests/sessions.py", line 589, in request
    resp = self.send(prep, **send_kwargs)
  File "/usr/local/lib/python3.10/dist-packages/requests/sessions.py", line 703, in send
    r = adapter.send(request, **kwargs)
  File "/usr/local/lib/python3.10/dist-packages/requests/adapters.py", line 519, in send
    raise ConnectionError(e, request=request)
requests.exceptions.ConnectionError: HTTPConnectionPool(host='localhost', port=4040): Max retries exceeded with url: /api/tunnels (Caused by NewConnectionError('<urllib3.connection.HTTPConnection object at 0x7dae50db8520>: Failed to establish a new connection: [Errno 111] Connection refused'))  

Can you please help me?

no output

Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/gradio/routes.py", line 517, in predict
output = await route_utils.call_process_api(
File "/usr/local/lib/python3.10/dist-packages/gradio/route_utils.py", line 216, in call_process_api
output = await app.get_blocks().process_api(
File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1555, in process_api
result = await self.call_function(
File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1193, in call_function
prediction = await anyio.to_thread.run_sync(
File "/usr/local/lib/python3.10/dist-packages/anyio/to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(no execution

Bad quality results

Good afternoon!

First of all thank you very much for your nice work! The code has some errors, but after fixing them and running everything in Colab separately I got the results seen in the image. Is it something expected to get this bad quality result, or there is something wrong? In case you think there is something wrong, do you have any idea what could it be?

Thank you very much for your time in advance 😄

image

Output File not generated

File "", line 13, in run
op = os.listdir("/content/output")[0]
IndexError: list index out of range

Undefined image error

On selecting the cloth and model and on clicking on try it I got this error , I am selecting image from folder clothes-virtual-try-on\client-side\cloth as an input.

pycharm
colab
website appp

Problem in openpose when trying to run the model F0215 12:27:15.704495 33671 cudnn_conv_layer.cu:21] Check failed: status == CUDNN_STATUS_SUCCESS (8 vs. 0)

F0215 12:27:15.704495 33671 cudnn_conv_layer.cu:21] Check failed: status == CUDNN_STATUS_SUCCESS (8 vs. 0) CUDNN_STATUS_EXECUTION_FAILED
*** Check failure stack trace: ***
@ 0x7f8b64cc01c3 google::LogMessage::Fail()
@ 0x7f8b64cc525b google::LogMessage::SendToLog()
@ 0x7f8b64cbfebf google::LogMessage::Flush()
@ 0x7f8b64cc06ef google::LogMessageFatal::~LogMessageFatal()
@ 0x7f8b64a3adaa caffe::CuDNNConvolutionLayer<>::Forward_gpu()
@ 0x7f8b649bfba2 caffe::Net<>::ForwardFromTo()
@ 0x7f8b653752d6 op::NetCaffe::forwardPass()
@ 0x7f8b65392232 op::PoseExtractorCaffe::forwardPass()
@ 0x7f8b6538d2eb op::PoseExtractor::forwardPass()
@ 0x7f8b6538ade0 op::WPoseExtractor<>::work()
@ 0x7f8b653bbb2f op::Worker<>::checkAndWork()
@ 0x7f8b653bbcbb op::SubThread<>::workTWorkers()
@ 0x7f8b653c97dd op::SubThreadQueueInOut<>::work()
@ 0x7f8b653c0841 op::Thread<>::threadFunction()
@ 0x7f8b653c0be5 op::Thread<>::exec()
@ 0x7f8b653c38a4 op::ThreadManager<>::exec()
@ 0x7f8b6541c0c9 op::WrapperT<>::exec()
@ 0x55f2db75320c openPoseDemo()
@ 0x55f2db74f6c7 main
@ 0x7f8b64d3f083 __libc_start_main
@ 0x55f2db74f6fe _start

Issue in generating the output after Setup and running the Client app

Discussed in #15

Originally posted by RonakPrasad September 19, 2023
I have followed the Setup.pdf provided in the repo and made the necessary changes required to run the instances in Colab as well as the Client Application on the local machine.

But when I run the Client Application and upload the cloth and model images.
The following errors are thrown:

In Colab:
image

In Client App:
image

It would mean a lot if anyone could help with this issue.

Awaiting your response.

Thank you.

Getting error on the NGRORK

I'm following the colab tutorial as described, my ngrok auth token is set up properly as well. But in the very end when I run the command:

#19
app.run()

I get this error:

urllib3.exceptions.NewConnectionError: <urllib3.connection.HTTPConnection object at 0x7f49c009f4f0>: Failed to establish a new connection: [Errno 111] Connection refused

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/usr/local/lib/python3.10/dist-packages/requests/adapters.py", line 440, in send

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.