반응형

Python/PyTorch 공부 70

[PyTorch] 3. 파이토치 Dataset, DataLoader 를 사용하여 깔끔한 코드 작성하기

공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. What is torch.nn really? — PyTorch Tutorials 1.7.0 documentation Note Click here to download the full example code What is torch.nn really? by Jeremy Howard, fast.ai. Thanks to Rachel Thomas and Francisco Ingham. We recommend running this tutorial as a notebook, not a script. To download the notebook (.ipynb) file, clic pytorch.org 이전 포스팅에서는 pytorch.nn 모듈을 사용..

[PyTorch] 2. 파이토치 torch.nn을 사용해서 신경망 구축하기

2.공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. What is torch.nn really? — PyTorch Tutorials 1.7.0 documentation Note Click here to download the full example code What is torch.nn really? by Jeremy Howard, fast.ai. Thanks to Rachel Thomas and Francisco Ingham. We recommend running this tutorial as a notebook, not a script. To download the notebook (.ipynb) file, clic pytorch.org 이전 포스팅에서 PyTorch module 없..

[Pytorch] 1. MNIST 데이터를 불러오고 파이토치 없이 신경망 구현하기

공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. What is torch.nn really? — PyTorch Tutorials 1.7.0 documentation Note Click here to download the full example code What is torch.nn really? by Jeremy Howard, fast.ai. Thanks to Rachel Thomas and Francisco Ingham. We recommend running this tutorial as a notebook, not a script. To download the notebook (.ipynb) file, clic pytorch.org Torch.NN이 실제로 무엇일까? PyTorch..

[PyTorch] 3. 예제로 배우는 파이토치 - nn 모듈, 가중치 공유, 제어 흐름, 사용자 정의 nn 모듈

공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. Learning PyTorch with Examples — PyTorch Tutorials 1.7.0 documentation Learning PyTorch with Examples Author: Justin Johnson This tutorial introduces the fundamental concepts of PyTorch through self-contained examples. At its core, PyTorch provides two main features: An n-dimensional Tensor, similar to numpy but can run on GP pytorch.org 예제로 배우는 파이토치 - Learni..

[PyTorch] 2. 예제로 배우는 파이토치 - 자동미분(Autograd)

공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. Learning PyTorch with Examples — PyTorch Tutorials 1.7.0 documentation Learning PyTorch with Examples Author: Justin Johnson This tutorial introduces the fundamental concepts of PyTorch through self-contained examples. At its core, PyTorch provides two main features: An n-dimensional Tensor, similar to numpy but can run on GP pytorch.org 예제로 배우는 파이토치 - Learni..

[PyTorch] 1. 예제로 배우는 파이토치 - Tensors

공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. Learning PyTorch with Examples — PyTorch Tutorials 1.7.0 documentation Learning PyTorch with Examples Author: Justin Johnson This tutorial introduces the fundamental concepts of PyTorch through self-contained examples. At its core, PyTorch provides two main features: An n-dimensional Tensor, similar to numpy but can run on GP pytorch.org 예제로 배우는 파이토치 - Learno..

[PyTorch] 파이토치로 신경망 학습하기 - CNN, GPU, CIFAR10, 신경망 평가하기

분류기 학습하기 - Training a classifier 지금까지 신경망을 어떻게 정의하고, 손실을 계산하고, 신경망의 가중치를 갱신하는 것을 살펴보았습니다. 아마 이렇게 생각할 수 있습니다. 데이터는 어떻게 해야하지? - What about Data? 일반적으로 이미지, 문자, 음성, 비티오 데이터를 다룰 때, numpy 배열로 data를 불러오는 표준 python 패키지를 사용할 수 있습니다. 그리고나서 배열을 torch.*Tensor 로 전환할 수 있습니다. 이미지는 Pillow, OpenCV와 같은 패키지가 유용합니다. 오디오는 scipy, librosa와 같은 패키지가 유용합니다. 문자는 그냥 Python 이나 Cython을 사용해도 좋고 NLTK와 SpaCy가 유용합니다. 특히 영상 분야에서..

[PyTorch 튜토리얼] 파이토치로 신경망 구축하기 - (신경망 정의하기, 손실 함수, 역전파, 가중치 갱신)

신경망 - Neural networks torch.nn 패키지를 사용하여 신경망을 구축할 수 있습니다. 지금까지 autograd를 살펴봤는데, nn은 모델을 정의하고 미분하는데 autograd를 사용합니다. nn.Module은 계층과 output을 반환하는 forward(input)과 계층들을 포함하고 있습니다. 예를들어, 숫자 이미지를 분류하는 신경망을 살펴보겠습니다. 이는 간단한 순전파 네트워크(feed-forward network)입니다. input을 받고, 여러 계층을 순서대로 걸쳐서 전달하고, 최종적으로 ouput을 반환합니다. 신경망의 전형적인 학습 절차는 다음과 같습니다. 학습가능한 매개변수(또는 가중치(weights))를 갖고 있는 신경망을 정의합니다. 데이타셋의 입력을 반복합니다. 입력을..

[PyTorch 튜토리얼] 자동 미분 - AUTOGRAD : Automatic differentiation - backward, requires_grad, detach, autograd

공부 목적으로 PyTorch 튜토리얼 홈페이지를 변역해보았습니다. Autograd: Automatic Differentiation — PyTorch Tutorials 1.7.0 documentation Note Click here to download the full example code Autograd: Automatic Differentiation Central to all neural networks in PyTorch is the autograd package. Let’s first briefly visit this, and we will then go to training our first neural network. The autogra pytorch.org 자동미분 - AUTOGRAD : ..

[PyTorch 튜토리얼] 파이토치에 대해서 - What is PyTorch

공부 목적으로 파이토치 튜토리얼 홈페이지를 번역해보았습니다. What is PyTorch? — PyTorch Tutorials 1.7.0 documentation Note Click here to download the full example code What is PyTorch? It’s a Python-based scientific computing package targeted at two sets of audiences: A replacement for NumPy to use the power of GPUs a deep learning research platform that provides maximu pytorch.org 파이토치에 대해서 - What is PyTorch? 2개의 집단을 목표로..

반응형