nlp(62)
-
[Hyper-parameter Tuning] 하이퍼 파라미터 튜닝
https://towardsdatascience.com/hyper-parameter-tuning-techniques-in-deep-learning-4dad592c63c8 Hyper-parameter Tuning Techniques in Deep Learning The process of setting the hyper-parameters requires expertise and extensive trial and error. There are no simple and easy ways to set… towardsdatascience.com Hyper-parameters 1) learning rate 2) momentum 3) batch size 4) weight decay Momentum이란? - 기존 ..
2020.02.05 -
[DL Wizard] Forwardpropagation, Backpropagation and Gradient Descent with PyTorch 번역 및 정리
https://www.deeplearningwizard.com/deep_learning/boosting_models_pytorch/forwardpropagation_backpropagation_gradientdescent/ Forward- and Backward-propagation and Gradient Descent (From Scratch FNN Regression) - Deep Learning Wizard Forwardpropagation, Backpropagation and Gradient Descent with PyTorch Transiting to Backpropagation Let's go back to our simple FNN to put things in perspective Let ..
2020.02.04 -
[DL Wizard] Feedforward Neural Network with PyTorch 번역 및 정리
https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_feedforward_neuralnetwork/ Feedforward Neural Networks (FNN) - Deep Learning Wizard Feedforward Neural Network with PyTorch About Feedforward Neural Network Logistic Regression Transition to Neural Networks Logistic Regression Review Define logistic regression model Import our relevant torch modules. import torch import t..
2020.02.04 -
딥러닝 모델 평가하기
https://tykimos.github.io/2017/05/22/Evaluation_Talk/ 평가 이야기 이번에는 학습한 모델을 어떤 기준으로 평가를 해야되는 지를 알아보겠습니다. 모델을 평가한다고 하면 정확도라는 단어를 떠올리기 쉬운데, 문제에 따라 단순히 정확도로만 평가하기 힘든 경우가 있습니다. 조금 더 알아보면 민감도, 특이도, 재현율 등의 용어가 나오는데, 비전공자에게는 생소하게만 느껴집니다. 몇가지 문제와 모델을 정의하고 여기에 적합한 평가 기준이 무엇인지 알아보겠습니다. 용어는 생소하지만 그 의미를 알게되면 왜 이런 기준이 필요한 지 감이 오실겁 tykimos.github.io 1. 분류하기 정확도 - 전체 개수 중 양성을 양성이라 말하고, 음성을 음성이라고 말한 개수의 비율 민감도 - ..
2020.02.04 -
1차원 배열 크기 주의
a1 = np.array( [1, 2, 3] ) #크기 (3,)인 1차원 배열 a2 = np.array( [ [1, 2, 3] ] ) #크기 (1,3)인 2차원 배열 (행벡터) a3 = np.array( [ [1], [2], [3] ] ) #크기 (3,1)인 2차원 배열 (열벡터) - a1.T 는 동작하지 않는다. 반면 a2.T 와 a3.T는 동작한다. 1차 배열은 행벡터나 열벡터 두 가지 모두로 취급되기도 한다. - 1차 배열은 행벡터나 열벡터 둘 다로 취급할 수 있다. dot(A,v) 에서 v는 열벡터로 다루어지고 dot(v,A)에서는 행벡터로 취급된다. 따라서 전치를 복잡하게 수행할 필요가 없다.
2020.02.04 -
[DL Wizard] Matrices/Linear Regression/Logistic Regression with PyTorch 번역 및 정리
1. Matrices https://www.deeplearningwizard.com/deep_learning/practical_pytorch/pytorch_matrices/ Matrices - Deep Learning Wizard Matrices with PyTorch Matrices Matrices Brief Introduction 2 x 2 Matrix (R x C) 2 x 3 Matrix Creating Matrices Create list # Creating a 2x2 array arr = [[1, 2], [3, 4]] print(arr) Create numpy array via list # Convert to NumPy np.array(arr) array([[1, 2], www.deeplearn..
2020.02.04