본문 바로가기

deeplearning25

VGGNet PyTorch Code Implementation VGGNet을 Pytorch를 활용하여 구현하고자 한다. https://arsetstudium.tistory.com/29에서 공부한 내용을 토대로 구현보면 아래와 같다. 우선 Top-5 error rate 성능이 가장 낮았던, 성능이 가장 좋았던 16 layers와 19 layers를 구현하는 편이 좋다. 그중에서도 16 layers가 파라미터 수가 더 적어서 효율적이기 때문에 16 layers 구조를 채택해서 구현하고자 한다. VGGNet은 max pooling을 경계로 해서 features extraction의 convolutional layers를 5개의 block으로 나눠 볼수도 있다. 하지만 여기서는 구체적으로 block의 class나 sequential로 나누지는 않았고 주석으로만 표기했다. .. 2024. 4. 2.
VGGNet (2014) 논문 리뷰 VGGNet은 2014년 ImageNet Large Scale Visual Recognition Challenge (ILSVRC)에서 성공적인 결과를 달성한 모델이다. VGGNet의 논문 이름은 VeryDeep Convolutional Networks for Large-Scale Image Recognition로 Karen Simonyan과 Andrew Zisserman이 작성했다. Abstract Large-scale image recognition을 해결하기 위해서 convolutional network의 depth를 집중적으로 연구하여 accuracy를 어떤 영향을 주는지를 연구했다. 3 x 3의 작은 convolution filter를 가지고도 depth를 충분히 쌓는다면 좋은 결과를 도출할 수 .. 2024. 4. 1.
PyTorch Image Datasets, Custom Dataset, Fix Seed PyTorch는 다양한 빌트인 데이터셋을 제공한다. 컴퓨터 비전 데이터의 경우 그 목록을 https://pytorch.org/vision/main/datasets.html 에서 볼 수 있다. 그중에서도 대표적인 이미지 데이터로는 CIFAR-10, 100, ImageNet 2012, MNIST, Fashion-MNIST, PASCAL VOC 등이 존재한다. Custom Dataset with csv file 아래 PyTorch 튜토리얼에서 가져온 코드다. https://tutorials.pytorch.kr/beginner/basics/data_tutorial.html import osimport pandas as pdfrom torchvision.io import read_imageclass Custom.. 2024. 3. 27.
AlexNet PyTorch Code Implementation AlexNet을 Pytorch를 활용하여 구현하고자 한다. https://arsetstudium.tistory.com/18에서 공부한 내용을 토대로 구현보면 아래와 같다. 첫 번째 구현 class AlexNet(nn.Module): def __init__(self, num_classes = 1000, dropout = 0.5): super().__init__() self.model = nn.Sequential( # Extracting Fetures Part # First Convolution nn.Conv2d(3, 96, kernel_size = 11, stride = 4, padding = 2), # Activation function is applied nn.ReLU(), # Max pooling n.. 2024. 3. 27.
AlexNet (2012) 논문 리뷰 AlexNet은 2012년 ImageNet Large Scale Visual Recognition Challenge (ILSVRC)에서 우승한 현대 CNN 모델의 시초격인 모델이다. AlexNet의 논문 이름은 ImageNet Classification with Deep Convolutional Neural Networks로 Alex Krizhevsky, Ilya Sutskever, Geoffrey E. Hinton 3인이 작성했다. Abstract ImageNet LSVRC-2010에서 제공하는 1000개의 클래스를 가진120만의 high-resolution 이미지들을 분류하기 위해 Large deep convolutional neural network을 학습했다. 테스트 데이터에 대해서 top-1과 .. 2024. 2. 28.
알아두면 좋은 주요 딥러닝 모델들 딥러닝 모델 자체는 굉장히 오래되었다고 하지만 여기서는 자세한 역사보다는 기념비적인 논문이자 CNN 구조를 가진 LeNet5과 ImageNet Large Scale Visual Recognition Challenge (ILSVRC)의 2012년 우승 모델인 AlexNet으로 시작해서 2023년까지의 주목할만한 모델들을 정리해보았다. LLM 모델들은 별도로 다룰 필요가 있다고 생각하여 제외하고 가장 유명한 모델인 ChatGPT의 시작인 GPT만 소개한다. Out-of-Distribution (OOD)과 Generation (Generative Adversarial Network, GAN), Document Image Classification 등 개인적으로 관심이 있거나 다양한 강의를 통해 수집한 자료이므.. 2024. 2. 22.