AI(25)
-
A Style-Based Generator Architecture for Generative Adversarial Networks:StyleGAN
Abstract •Style transfer lecture에서 차용하여 GAN을 위한 새로운 Generator 아키텍쳐 제안 • 새로운 아키텍쳐는 1. 자동으로 학습됨 2. 높은 수준의 특징들(자세, 정체성 등)이 unsupervised seperation됨 • 생성된 영상의 stochastic variation(주근깨, 머리카락 등)으로 scale-specific control of the synthesis가 가능하게 한다. • interpolation quality and disentanglement대한 정량적 표현을 위해 새로운 두가지 제안 1. perceptual path length 2. Linear separability • 다양한 고품질의 새로운 인간 얼굴 데이터셋 소개 - FFHQ data..
2021.07.15 -
[pytorch] nn.Upsample
주어진 멀티채널 1D / 2D / 3D 데이터를 업샘플링한다. 인풋데이터는 minibatch x channels x [optional depth] x [optional height] x width 형태로 가정되나, spatial input(2D)은 4D 텐서, volumetric input(3D)은 5D텐서가능한 알고리즘 : nearest neighbor, linear, bilinear, bicubic, 3D이상의 데이터에 대해서는 trilinear parameters size (int/tuple) : output 사이즈 scale_factor(float/tuple) : Depth, Height, Width에 입력받은 정수 만큼 곱해준다. (1,1,2,2) 가 인풋으로 들어오면 (1,1,4,4)가 된다...
2021.06.16 -
ResNet
ResNet 간단 정리 기존 딥러닝 모델 -> 그냥 딥러닝 모델의 깊이만 늘린다고 성능이 늘어나지 않음 -> Residual Block의 출현 입력값을 출력값에 더해줄 수 있도록 지름길(shortcut)을 하나 만들어 줌 기존의 신경망은 입력값 x -> 타겟값 y로 매핑하는 함수 H(x)를 얻는 것이 목적이었다. 그러나 ResNet은 F(x) + x를 최소화하는 것을 목적으로 한다. x는 변할 수 없는 값 -> F(x)를 0에 가깝게 만드는 것이 목적이 된다. F(x) = 0이 되면 출력=입력=x로 같아지게 된다. F(x) = H(x) - x이므로 F(x)를 최소로 해준다 = H(x) - x를 최소로 해주는 것 H(x) - x = 잔차(residual) 즉, 잔차를 최소로 해주는 것이므로 ResNet이란..
2021.06.15 -
[Pytorch] Initializer (torch.nn.init)
torch.nn.init의 간단한 initializer들을 살펴보겠다 xavier같은 초기화기법들은 따로 다루기 1. torch.nn.init.normal_(tensor, mean=0.0, std=1.0) input tensor을 N(mean, std^2)의 normal distribution(정규분포)에 따라 초기화 2. torch.nn.init.uniform_(tensor, a=0.0, b=1.0) input tensor을 U(a, b)의 uniform distribution에 따라 초기화 * uniform distribution ? [a, b]의 범위에서 모든 값의 확률이 동일한 분포 3. torch.nn.init.constant_(tensor, val) input tensor를 특정 값 val로 ..
2021.06.15 -
Unpaired Image-to-Image Translationusing Cycle-Consistent Adversarial Networks (CycleGAN)
Abstract Image-to-Image translation은 vision과 graphics 문제 중 하나. 목적은 input 이미지와 output이미지를 mapping하는 것을 학습하는 것. 정렬된 이미지 쌍의 training set을 사용하여. 많은 tasks에서 paired training data는 사용 불가 paired examples없이 X→Y 변환하는 것을 배우는 접근법을 제시 mapping G: X→Y 매핑을 배우는 것이 목표. G(x)의 분포가 Y와 구분 불가능 하도록 → adversarial loss를 이용하여 왜? 이 mapping은 매우 under-contrained(? 제약이 심하다?)하기 때문에 우리는 이것을 inverse mapping F: Y→X로 짝짓고 cycle con..
2021.06.10 -
[PyTorch] tensor 부등호 연산 (?), list와 차이점
tensor로 만들어줄 경우 import torch data = [[1, 2],[3, 4]] x_data = torch.tensor(data) pos = x_data > 0 print(pos) 결과 List일 경우 data = [[1, 2],[3, 4]] pos = data > 0 print(pos) 이 연산 자체가 불가능 for문 사용해야함 data = [[1, 2],[3, 4]] pos = [[a > 0, b > 0] for a, b in data] print(pos)
2021.05.13