본문 바로가기

Deep Learning

Pytorch에서 meshgrid 만들기 ''' x : forward direction y : side (left) direction ''' s, b, c, h, w = seq_z.size() h_meters = self.cfg['bev']['h_meters'] w_meters = self.cfg['bev']['w_meters'] h_grid = torch.linspace(0, h_meters, h) - (h_meters / 2) w_grid = torch.linspace(0, w_meters, w) - (w_meters / 2) grid_x, grid_y = torch.meshgrid(torch.flip(h_grid, dims=(0,)), torch.flip(w_grid, dims=(0,)), indexing='ij') grid = torch.. 더보기
Nuscenes Warping Test Code import matplotlib.pyplot as plt from nuscenes.utils import data_classes seq_sample_recs = data['seq_records'] h, w = self.cfg['bev']['h'], self.cfg['bev']['w'] h_meters, w_meters = self.cfg['bev']['h_meters'], self.cfg['bev']['w_meters'] h_scale, w_scale = float(h) / h_meters, float(w) / w_meters h_shift, w_shift = int(h/2), int(w/2) lidar_record = self.nusc.get('sample_data', seq_sample_recs[0].. 더보기
einops으로 pytorch의 차원관리 예제 1. rearrange # suppose we have a set of 32 images in "h w c" format (height-width-channel) >>> images = [np.random.randn(30, 40, 3) for _ in range(32)] # stack along first (batch) axis, output is a single array >>> rearrange(images, 'b h w c -> b h w c').shape (32, 30, 40, 3) # concatenate images along height (vertical axis), 960 = 32 * 30 >>> rearrange(images, 'b h w c -> (b h) w c').shape (960.. 더보기
nuScenes devkit 명령어 모음 (useful commands) 1. How to get scene records for scene_record in self.nusc.scene: yield scene_record['name'], scene_record 2. How to get sample records from scene record sample_token = scene_record['first_sample_token'] while sample_token: sample_record = self.nusc.get('sample', sample_token) sample_token = sample_record['next'] 3. How to get egolidar pose from sample record lidar_record = self.nusc.get('sample_.. 더보기
Miniconda로 Deep learning 가상환경 만들기 1. env create $ conda create -y --name cvt2 python=3.8 2.load env $ source activate cvt2 3. install pytorch $ conda install -c conda-forge pytorch torchvision cudatoolkit=11.3 (* -c option means channel, conda-forge is a repository including tons of packages and providing the packages complimentary) 4. install requirements $ pip install -r requirements.txt $ pip install -e . 5. install nuscenes .. 더보기
Anaconda의 유료화에 따른 Miniconda+Conda_forge로 이동 (무료화) Anaconda는 conda를 위한 installer로 conda package manager를 제공하여 딥러닝을 위한 가상환경을 쉽게 꾸릴 수 있다. Anaconda는 자체 레포지토리인 Anaconda Repository를 이용하여 package를 관리하는데, 한동안은 이 레포지토리를 이용하는게 무료였다가 2020년 9월 부터는 유료로 바뀌었다고 한다. (** 200인 이상의 기업에서 해당 페로지토리를 이용하는 경우 유로이며 반드시 프로버젼을 이용해야 한다고 함.) 이를 피하기 위한 방법중 하나로 Miniconda를 설치하고 레포지토리를 Conda Forge로 지정하는것!! 이렇게 하면 무료로 계속 쓸 수 있는데 다만 Anaconda repository가 제공하는 package가 Conda Forege.. 더보기
RTX 3090 을 지원하는 pytorch anaconda로 설치하기 anaconda에서 바로 pytorch를 설치하면 deep learning 모델 학습 시 다음과 같은 error message가 나올 수 있다. $ CUDA error: no kernel image is available for execution on the device 이때 아래와 같은 방식으로 설치를 하자. 1. anaconda 환경을 만든다. (python 3.8이상) $ conda create -y -n example python=3.8 2. pytorch를 pip로 설치한다. $ pip install torch==1.11+cu113 torchvision==0.12.0+cu113 -f https://download.pytorch.org/whl/torch_stable.html 더보기
Anaconda를 이용한 env 생성 및 제거 # 생성 $ conda create -n tutorial python=3.8 # 삭제 $ conda env remove -n tutorial # 추출 $ conda env export > tutorial.yaml # yaml 파일로 부터 생성 conda env create --file tutorial.yaml 더보기
Gaussian, LogGaussian PDF in Pytorch def GaussianPDF(mean, logvar, z): r""" Return the PDF value of z in N(mean,exp(logvar)) mean, logvar : [*, dim_z] z : [*, N, dim_z] return: [*, N, dim_z] """ if type(mean) is torch.Tensor: mean, logvar = mean.unsqueeze(-2), logvar.unsqueeze(-2) return 1/(np.sqrt(2*np.pi)*torch.exp(logvar*0.5)) * torch.exp(-((z-mean)**2) / (2*torch.exp(logvar))) elif type(mean) is np.ndarray: mean, logvar = np.ex.. 더보기
Implement KL Divergence using Pytorch def GaussianPDF(mean, logvar, z): r""" Return the PDF value of z in N(mean,exp(logvar)) mean, logvar : [*, dim_z] z : [*, N, dim_z] return: [*, N, dim_z] """ if type(mean) is torch.Tensor: mean, logvar = mean.unsqueeze(-2), logvar.unsqueeze(-2) return 1/(np.sqrt(2*np.pi)*torch.exp(logvar*0.5)) * torch.exp(-((z-mean)**2) / (2*torch.exp(logvar))) elif type(mean) is np.ndarray: mean, logvar = np.ex.. 더보기