Open in app

Sign In

Write

Sign In

dobby
dobby

1 Follower

Home

About

Jul 6, 2021

Affine transformation

해보고 싶었던 것이다. example로 통해서 연습을 해보고, 실제 custom을 해보도록하자. Example) Affine transformation - OpenCV 3.4 with python 3 Tutorial 14 - Pysource python] import cv2 import numpy as np img = cv2.imread("grid.jpg") rows, cols, ch = img.shape cv2.circle(img, (83, 90)…pysource.com import cv2 import numpy as np img = cv2.imread("grid.jpg") rows, cols, ch = img.shape cv2.circle(img, (83, 90), 5, (0, 0, 255), -1) cv2.circle(img, (447, 90), 5, (0, 0, 255), -1) cv2.circle(img, (83, 472), 5, (0, 0, 255), -1)

2 min read

2 min read


Jul 2, 2021

Image segmentation based on color

cp-vton을 새로운 이미지들로 training 시키려니 많은 문제가 생겼다. 우선 segmentation 파일을 만들어야하는데. 이건 내가 좌표별(json)로 polygon을 사용해서 각 segment 별로 색상을 부여한것이다. 하지만, label(classification)이 없기 때문에 pixel 별로 어 …

4 min read

Image segmentation based on color
Image segmentation based on color

4 min read


Jun 23, 2021

Segmentation Json to Image(mask)

우선 x,y 좌표있는 segmentation json을 binary image로 바꾸자. 그 전에 image 에서 segmentation 된거 어떻게 json 형태로 바뀌는건지 알아보자. 이 그림 처럼 점들을 이어서 한건데 이를 x, y 좌표를 기록해둔것이다. 그럼 이미지로 복원이 가능한가..? 가능하다. 이미지 업로드하고 point 찍고 convex 를 쓰거나 opencv 에 있는 contour 쓰면된다. 근데 이렇게 하게되면 원본이미지를 binary masking하는게 더 깔끔하게 잘될게 뻔하다. 그래도 원본이미지에서 binary masking 잘안될수도잇으니 다 체크해보자.

2 min read

Segmentation Json to Image(mask)
Segmentation Json to Image(mask)

2 min read


Jun 23, 2021

F.grid_sample

torch에서 공간변형 을 시작하자~ 공간 변형 네트워크(Spatial Transformer Networks) 튜토리얼 - PyTorch Tutorials 1.8.1 documentation 저자: Ghassen HAMROUNI 번역: 황성수 , 정신유 .. figure:: /_static/img/stn/FSeq.png 이 튜토리얼에서는 공간 변형 네트워크(spatial transformer…tutorials.pytorch.kr x = F.grid_sample(x, grid)

1 min read

F.grid_sample
F.grid_sample

1 min read


Jun 18, 2021

VITON(feat. VITON-HD: High-Resolution Virtual Try-On via Misalignment-Aware Normalization)

다른 논문들은 low resolution(e.g., 256 x 192) 에서 했다. 하지만, 이를 high resolution 이어도 해결할 수 있도록한다. → 왜냐면 실제 쇼핑몰은 high resolution이므로! 그렇다면 왜 다른 논문들은 low resolution을 했냐면,! misalignment가 눈에띄 …

5 min read

VITON(feat. VITON-HD: High-Resolution Virtual Try-On via Misalignment-Aware Normalization)
VITON(feat. VITON-HD: High-Resolution Virtual Try-On via Misalignment-Aware Normalization)

5 min read


Jun 17, 2021

Virtual fitting(feat. Template-Free Try-On Image Synthesis via Semantic-Guided Optimization)

이 논문 선정. 최근에 나왔고 CP-vton보다 성능이 좋다고하며, IEEE member? 들이 썻다고한다. member가 멀뜻하는건지 모르겠지만, 신뢰성 있어보여 읽는다. 의식의 흐름대로 쓴거라, 보기어려울것이다. 그리고 이미지 처음이라 체계적으로 정리를 못한다는점은 감안하고 봐주시기바랍니다 ㅠ 요약: TF-TIS …

14 min read

Virtual fitting(feat. Template-Free Try-On Image Synthesis via Semantic-Guided Optimization)
Virtual fitting(feat. Template-Free Try-On Image Synthesis via Semantic-Guided Optimization)

14 min read


Jun 15, 2021

성능 높이는?

좌우반전 이미지를 넣어보자. → 포즈가 좌우로 바뀜. 이미지 뻥튀기 이미지의 좌/우를 바꾼다거나, 이미지의 밝기나 선명도를 바꾸는 방법을 사용한다. 출처: https://bcho.tistory.com/1161 [조대협의 블로그] 근데.. 이미지 좌우반전 ,rotate, 저렇게 뻥튀기하면 성능이 높아지나? → 논문 찾아보자. 그리고 분명 이런 기법을 가지고 했던 논문이 있을것이다. warping 부터 성능 좋게 만들라면? cp-vton에서는 GMM module에서 warp cloth 뽑을때 cloth detail까지 pixel L1 loss로 학습을한다. → cloth detail 빼고 여러 포즈(좌우반전,pose transfer 등), 로 학습을해서 warping 을 제대로되게끔. 대칭성(옷, 인간) → warp cloth 를 보면 옷의 목부분이 팔로 휘어져있거나 그렇다. 우리 옷과 인간은 대칭성을 가지고 있기 때문에 이를 고려하여 학습을 시킨다

2 min read

2 min read


Jun 13, 2021

Virtual fitting(feat. cp-vton)

드디어 , cp-vton 돌려보자. 아이유 사진에 Lee 옷을 합성할것이다. 저 데이터 mask랑 segmentation하느라 2틀을 써버렷다 어후.. 이미지 딥러닝쪽은 처음이라 그런지 삽질을 많이함. RUN: CUDA_VISIBLE_DEVICES=1 python test.py — name my_own_dataset — stage GMM — workers 4 — dataroot my_own_data — datamode test — data_list test_pairs.txt — checkpoint checkpoints/gmm_train_new/gmm_final.pth Error: File “/data/juhwan/project/fashion/CP-VTON/cp-vton/cp_dataset.py”…

5 min read

Virtual fitting(feat. cp-vton)
Virtual fitting(feat. cp-vton)

5 min read


Jun 12, 2021

Pose Estimation(feat. Openpose)

cp-vton 돌리기 위해서 masking 작업, Segmentation 작업이 끝났다. 이제 마지막 pose estimation을 통해 파일을 얻자. Cp-vton 에서는 openpose를 사용했다고함. → caffe framework 씀 → 불긴한예감이듬 → 새로운 sota (신규:설치쉬운) 찾기? → 일단은 …

7 min read

Pose Estimation(feat. Openpose)
Pose Estimation(feat. Openpose)

7 min read


Jun 12, 2021

Fashion semantic segmentation(feat. SCHP 성공)

Self-Correction-Human-Parsing(SCHP) conda env create -f environment.yaml 여기서 근데 pytorch 1.5.1 버전을 설치하네.. 내꺼 RTX3090이라서 호환이안될텐데;; conda env create -f environment.yaml conda activate schp pip install -r requirements.txt mkdir checkpoints mkdir inputs mkdir outputs pip install gdown python 키고 import gdown if dataset == ‘lip’: url = ‘https://drive.google.com/uc?id=1k4dllHpu0bdx38J7H28rVVLpU-kOHmnH' elif dataset == ‘atr’: url = ‘https://drive.google.com/uc?id=1ruJg4lqR_jgQPj-9K0PP-L2vJERYOxLP' elif dataset == ‘pascal’: url = ‘https://drive.google.com/uc?id=1E5YwNKW2VOEayK9mWCS3Kpsxf-3z04ZE' output…

2 min read

Fashion semantic segmentation(feat. SCHP 성공)
Fashion semantic segmentation(feat. SCHP 성공)

2 min read

dobby

dobby

1 Follower
Following
  • Spider Tanks

    Spider Tanks

  • Gala Games

    Gala Games

  • Town Star

    Town Star

  • CollectVOX

    CollectVOX

  • Fuzzle

    Fuzzle

Help

Status

Writers

Blog

Careers

Privacy

Terms

About

Text to speech