분류 전체보기
-
AutoModelsproject/language modeling 2023. 2. 3. 10:08
d https://huggingface.co/transformers/v3.0.2/model_doc/auto.html AutoModels — transformers 3.0.2 documentation AutoModels In many cases, the architecture you want to use can be guessed from the name or the path of the pretrained model you are supplying to the from_pretrained method. AutoClasses are here to do this job for you so that you automatically retrieve the huggingface.co
-
[PyTorch 오류 해결] RuntimeError: CUDA error: device-side assert triggered공부/error 2023. 2. 2. 17:03
https://ndb796.tistory.com/509 [PyTorch 오류 해결] RuntimeError: CUDA error: device-side assert triggered 오류 메시지는 다음과 같다. 이 오류는 복잡한 GPU 디바이스 환경 설정 관련 오류인 것처럼 보이지만, 실제로는 입출력 차원(dimension)을 제대로 맞추지 않아서 발생하는 경우가 많다. 필자의 경우 ndb796.tistory.com
-
LogSoftmax공부/pytorch 2023. 2. 2. 10:53
https://runebook.dev/ko/docs/pytorch/generated/torch.nn.logsoftmax PyTorch - LogSoftmax log(Softmax(x))\log(\text{Softmax}(x)) 함수를 n차원 입력 Tensor에 적용합니다. Documentation Contributors History runebook.dev https://doheejin.github.io/pytorch/2021/03/22/pytorch-softmax.html
-
[PyTorch] nn.Linear공부/pytorch 2023. 2. 2. 10:14
Pytorch 공식 문서 선형 회귀 모델 torch.nn.Linear(in_features,out_features,bias = True, device = None,dtype = None) in_features는 input sample의 size out_features는 output sample의 size bias는 만일 False로 설정되어 있으면 layer는 bias를 학습하지 않는다. 기본값은 True이다. device는 CPU, GPU 중 고르는 것 dtype은 자료형의 타입을 정하는 것 https://wikidocs.net/55409 03-04 nn.Module로 구현하는 선형 회귀 이전 챕터까지는 선형 회귀를 좀 더 직접적으로 이해하기 위해 가설, 비용 함수를 직접 정의해서 선형 회귀 모..