2021.12.27 rasterize할 때 쓰려고 봤다가 기억 잘 안나는 거 보니 결국 안 쓴 것 같음. https://pytorch-scatter.readthedocs.io/en/1.3.0/functions/min.html Scatter Min — pytorch_scatter 1.3.0 documentation Parameters: src (Tensor) – The source tensor. index (LongTensor) – The indices of elements to scatter. dim (int, optional) – The axis along which to index. (default: -1) out (Tensor, optional) – The destination tensor. (de..
https://stackoverflow.com/questions/37987839/how-can-i-run-tensorboard-on-a-remote-server How can I run Tensorboard on a remote server? I'm new to Tensorflow and would greatly benefit from some visualizations of what I'm doing. I understand that Tensorboard is a useful visualization tool, but how do I run it on my remote Ubuntu mac... stackoverflow.com
Udate 2021.08.24. 내가말한게 이거였음 https://github.com/pytorch/pytorch/issues/5059#issuecomment-404232359 np.random generates the same random numbers for each data batch · Issue #5059 · pytorch/pytorch For example, the following script from __future__ import print_function import numpy as np import random # np.random.seed(0) class Transform(object): def __init__(self): pass def __call__(self, ite... gi..
Update: 02/18/2024 https://huggingface.co/docs/transformers/v4.20.1/en/perf_train_gpu_many#:~:text=DP%20copies%20data%20within%20the,not%20the%20case%20with%20DP. ————/ DDP를 써라! 핵심은 DP는 single-process multi-thread이고, DDP는 multi-process라는 것. python GIL overhead를 피하려면 multi-thread가 아닌 multi-process를 쓰는게 효율적임.https://pytorch.org/docs/master/notes/cuda.html#use-nn-parallel-distributeddataparallel-in..
Update 2021.12.27 torch로 train할 때 segmentation fault (core dump) 버그가 뜨는데, osmesa import할 때만 떴음. 원인은 아직 불명. Update 2021.08.16 the problem was osmesa. egl has no problem os.environ['PYOPENGL_PLATFORM'] = 'egl' but normally osmesa has no bugs... what should I do python debugger sometimes gives segmentation fault. Most of cases seem to be related to dependencies between python libraries. In my case,..
전에 코드는 잘이해안갔는데, 이건 바로 이해감. https://github.com/zju3dv/neuralbody/blob/master/lib/utils/if_nerf/if_nerf_data_utils.py def get_near_far(bounds, ray_o, ray_d): """calculate intersections with 3d bounding box""" norm_d = np.linalg.norm(ray_d, axis=-1, keepdims=True) viewdir = ray_d / norm_d viewdir[(viewdir -1e-10)] = 1e-5 viewdir[(viewdir > -1e-5) & (viewdir < 1e-10)] = -1e-5 tm..
사람을 중심으로 camera 위치를 변형해 novel view synthesis를 하는 일을 하고 있다. 이 때 camera 위치 변화에 따라 camera parameter를 어떻게 바꿀지가 중요한데, 이 포스트는 코드와 함께 개념을 되짚어본다. ㄹ그림에서 보듯이 world coordinate 상에 사람이 저렇게 있을 때 camera의 위치를 높이는 안바꾸고 z축 기준으로만 회전시켜 novel view를 얻는 게 내 목표다. (왼쪽에 있는 빨간 점이 원래 카메라 위치, 오른쪽에 있는 빨간 점이 바뀐 카메라 위치) 카메라의 orientation은 당연히 z축이 사람을 향해 있고 (이건 가정이 아니고 사실), y축은 아래로, x 축은 오른쪽을 향해 있다고 가정하자. (내 가정이 본인 데이터셋과 맞는지는 본인..
초기실험들. Neuralbody command python train_net.py --cfg_file configs/zju_mocap_exp/latent_xyzc_multi.yaml exp_name xyzc_multi_debug resume False python run.py --type evaluate --cfg_file configs/zju_mocap_exp/latent_xyzc_multi.yaml exp_name xyzc_multi_debug eval True IBRNet Command python -m torch.distributed.launch --nproc_per_node=1 train.py --config configs/h36m.txt --num_source_views 3 --expname ..
- Total
- Today
- Yesterday
- 인터뷰
- focal length
- spin
- Virtual Camera
- 컴퓨터비전
- 피트니스
- nohup
- Transformation
- densepose
- 컴퓨터비젼
- Docker
- nerf
- 비전
- 2d pose
- camera coordinate
- demo
- pytorch
- 에디톨로지
- part segmentation
- Machine Learning
- world coordinate
- 머신러닝
- 문경식
- deep learning
- VAE
- 헬스
- Generative model
- Pose2Mesh
- pyrender
- Interview
일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
1 | 2 | 3 | 4 | |||
5 | 6 | 7 | 8 | 9 | 10 | 11 |
12 | 13 | 14 | 15 | 16 | 17 | 18 |
19 | 20 | 21 | 22 | 23 | 24 | 25 |
26 | 27 | 28 | 29 | 30 | 31 |