분류 전체보기 (290) 썸네일형 리스트형 FusedLeakyRelu? import os import torch from torch import nn from torch.nn import functional as F from torch.autograd import Function from torch.utils.cpp_extension import load module_path = os.path.dirname(__file__) fused = load( "fused", sources=[ os.path.join(module_path, "fused_bias_act.cpp"), os.path.join(module_path, "fused_bias_act_kernel.cu"), ], ) class FusedLeakyReLUFunctionBackward(Function): @staticm.. [pytorch] nn.module의 zero_grad VS optimizer의 zero_grad의 차이 tutorials.pytorch.kr/beginner/pytorch_with_examples.html 예제로 배우는 파이토치(PyTorch) — PyTorch Tutorials 1.6.0 documentation 예제로 배우는 파이토치(PyTorch) Author: Justin Johnson번역: 박정환 이 튜토리얼에서는 PyTorch 의 핵심적인 개념을 예제를 통해 소개합니다. 본질적으로, PyTorch에는 2가지 주요한 특징이 있습니다: NumPy tutorials.pytorch.kr optimizer 객체에서 zero_grad()를 call하는 것. 이건 역전파를 하기 전에, 모든 변화도를 0으로 만들어준 거다. 그런데 nn.module 과 같이 모델 객체에도 zero_grad()를 똑같이 call.. pytorch에서 특정 layer freeze 하기 (학습하지 않기) freezing for param in model.parameters(): param.requires_grad = False --> 이 방법은 pretrained model을 로드할 때는 쓰기 어렵다. 초기에 frozen되지 않은 layer에 대해서만 작동함. 정확하게 이게 무슨 말일까??? --> 여튼 위 방법은 pretrained에서 특정 layer를 얼리고 학습하거나 하면 어려울 수 있으니, 아래 방법을 소개한다. The basic idea is that all models have a function model.children() which returns it’s layers. Within each layer, there are parameters (or weights), which can be obtained .. jupyter lab, jupyter notebook 상에서 arg_parse 이용하기 이걸 jupyter lab이나 jupyter notebook에서 바로 실행시키는 건 안된다. 여튼 argment를 제대로 인식하지 못한듯하다. 이럴땐 어떻게 해야할까? Clean sys.argv if __name__ == "__main__": import sys temp_argv = sys.argv try: sys.argv = [''] print(sys.argv) args = argparse.parser_args() finally: sys.argv = temp_argv print(sys.argv) # 실행하고자 하는 함수에 args를 넣어준다! run(args) 잘 된다. 해결! stackoverflow.com/questions/30656777/how-to-call-module-written-with-a.. MBTI 성격유형별 관상 stylegan2 morphing image Trainer를 뜯어보기 전까지는 Gs가 GeneratorSynthesis의 약자인 줄 알았다... 학습중인 Generator들의 moving average라고 표현하는 게 맞다. Gs가 명시되지 않으면, 가중치들의 moving average로 만들어진다고 한다. 1024 x 1024 pretrained model이라 입력도 같은 size로 처리해야 함. 위 이미지를 뽑는데 시간이 5분 가량 소요. 256 x 256 pretrained 모델을 찾고 해당 model에서 위를 진행해봐야 함 256 x 256 pretrained 모델 발견, 사용할 수 있게 변경 완료. 256 이미지로 변경후, 3분 가량 소요. label (MBTI 정보) 주입 후, 해당 label 이미지 끼리 합성후 저장하는 projecti.. 강아지 얼굴 검출기로 캐리커쳐 검출해보기 강아지들은 대체적으로 양호하게 되는 편. 부엉이나 기타 다른 동물 사진들 제외 필요 -> detection이 제대로 이루어지지 않은 이미지들은 제외 케리커쳐 5600장에 대해 위 전처리 작업 진행중 이런 이미지들 지워야 함. 동물(개, 강아지) 얼굴만 추출, pretrained detection model 이용하기 github.com/kairess/dog_face_detector kairess/dog_face_detector Detect dog face rect and facial landmarks(6 points) using dlib - kairess/dog_face_detector github.com detector만 필요하다. cnn base의 얼굴 검출기다. 여러 개가있는 이미지를 입력하고. Detector에서 검출된 Rectangle에 빨간 테투리를 그려준다. 그려준 후, (내가 추가한 코드) 원하는 크기만큼 잘라서 얼굴 이미지를 원하는 사이즈로 리사이징한 후 저장해준다. 빨간 사각형이 잘 그려졌다. 강아지 얼굴만 저장하기! 그럭저럭 잘 된듯하다. 학습 하나 안 하고도 이렇게 검출이 가능합니다. [aws] mac os, linux에서 안전하게 jupyter 서버 접속하기 AWS를 이용할 때 AWS의 서버를 Remote 서버라 하고, Local 환경을 클라이언트 라고 하자. 1. 클라이언트에서 ssh로 Remote Sever에 접속한다! 2. Remote 서버에서 Jupyter 서버를 실행시켜 준다. 적당한 port로 (ex : 5000) 3. 그 후 클라이언트에서 새로운 터미널 창을 열고 ssh로 주피터 서버에 접속해준다. 이때 -i 다음에 오는 것은 private key 경로이고, -L 다음에 오는건 클라인트에서 접속할 port:Jupyter 서버 IP:Jupyter 서버 port 이다. 이후에 것은 1번에서 사용한 명령어와 유사하다. ssh -i ~/mykeypair.pem -N -f -L 8888:localhost:8888 ubuntu@ec2-###-##-##-##.. 이전 1 ··· 17 18 19 20 21 22 23 ··· 37 다음