일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
1 | ||||||
2 | 3 | 4 | 5 | 6 | 7 | 8 |
9 | 10 | 11 | 12 | 13 | 14 | 15 |
16 | 17 | 18 | 19 | 20 | 21 | 22 |
23 | 24 | 25 | 26 | 27 | 28 | 29 |
30 | 31 |
- CS231n
- pytorch c++
- DeepLearning
- Computer Vision
- TCP
- support vector machine 리뷰
- cs231n lecture5
- libtorch
- 데이터 전처리
- SVM margin
- Faster R-CNN
- 논문분석
- self-supervision
- SVM hard margin
- yolov3
- svdd
- yolo
- 서포트벡터머신이란
- CNN
- EfficientNet
- darknet
- computervision
- Deep Learning
- Object Detection
- cnn 역사
- SVM 이란
- fast r-cnn
- RCNN
- pytorch project
- pytorch
- Today
- Total
목록Project/pytorch (8)
아롱이 탐험대
data:image/s3,"s3://crabby-images/e05cc/e05cc8373a34b04f3f3c90c30cebefff3d5dc73f" alt=""
Review 이번 시간에는 지난번에 이어서 trained weight를 가지고 detect 하는 code를 작성해보자. 전체 코드 https://github.com/yunseokddi/pytorch_dev/blob/master/facial_age_classifier/EfficientNet_ver/detect.py detect 코드 자체는 크게 matplotlib, opecv, pillow를 통해 output image에 대한 결과를 시각화할 수 있다. 이번 시간에는 opecv를 통해 detect 결과에 대해 출력해보자. detect.py import torch import cv2 import argparse from efficientnet_pytorch import EfficientNet parser =..
data:image/s3,"s3://crabby-images/5d429/5d42997c73e869ee1bcc1299ad323795829c369d" alt=""
PREVIEW 이번 시간부터 본격적인 CNN 학습을 할 것이다. 우리는 classification을 위해 2019년 State-of-art를 달성한 EfficientNet을 사용하여 사람의 얼굴에 대해 나이 인식기를 제작할 것이다. 우선 EfficientNet에 대해 알아야 할 필요가 있다. 아직 EfficientNet에 대해 알지 못하는 사람은 아래 링크를 통해 참고하길 바란다. https://ys-cs17.tistory.com/30 EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks 분석 해당 논문은 MNasNet의 저자인 Mingxing Tan과 Quoc V.Le가 쓴 논문이고, 2019년 CVPR에서 발표되었다. Res..
data:image/s3,"s3://crabby-images/397af/397afc4c801a9bff098501a4f7b15c9d711b885e" alt=""
Review 이전 시간까지 데이터 수집 및 처리에 관하여 코드를 작성하였다. 모든 전처리 과정을 마친 데이터를 각 train, validation으로 나누었고, 오늘은 이 데이터를 가지고 본격적으로 Neuron Net을 학습시키는 코드를 작성할 것이다. 개발 환경 CPU: i7-9700F GPU:NVIDIA GEFORCE RTX 2070 SUPER OS: UBUNTU 18.04 RAM: DDR4 16G LANGUAGE: python 3.6.8 CUDA: 10.1 LIBRARY pytorch: torch 1.5.0+cu101, torchvision 0.6.0+cu101 opencv: 4.4.0.42 matplotlib: 3.3.1 numpy: 1.19,1 전체 코드 https://github.com/yun..
data:image/s3,"s3://crabby-images/9118b/9118be0045d13d75815fc79c5f961f5676eaaf2a" alt=""
Review 이전 시간에는 데이터 수집과 디렉터리 변경 및 labeling에 대해 알아보았다. 이번 시간에는 matplotlib을 활용하여 그래프화 및 나머지 전처리에 대해 진행하겠다. 1편: https://ys-cs17.tistory.com/28 1. make_graph.py Code 전체 코드https://github.com/yunseokddi/pytorch_dev/blob/master/facial_age_classifier/EfficientNet_ver/data_preprocess/make_graph.py (1) __init__ class analysis_data: def __init__(self, root_dir, start_age, end_age): self.root_dir = root_dir ..
data:image/s3,"s3://crabby-images/f7811/f78111edb2e42908dc62980ea2d8d13ac9272e3a" alt=""
1. Motivation 이번 시간에는 pytorch를 사용하여 facial age dataset으로 학습시킨 facial age classifier를 개발해보자. 이제는 kaggle에 도전해볼 실력이 된 것 같아 facial age dataset classifier라는 재미있어 보이는 과제를 수행하기 위해 시작하였다. (kaggle 원본 링크: (https://www.kaggle.com/frabbisw/facial-age) 2. Process 우선 해당 problem은 classification이기 때문에 object detection보다는 난이도가 비교적 원활하다. 하지만 얼굴은 사람에 따라 노안이거나 동안인 사람도 있고, 인종, 피부 등에 따라서도 많이 엇갈리는 어려움이 존재한다. 처음에는 1살, ..
data:image/s3,"s3://crabby-images/8f943/8f943cea61c4d14d2b5eafeeca2d26da486ec620" alt=""
현재 진행 중인 AR 기반 스마트 팽이 애플리케이션 (국가 과제)를 개발하면서 작성한 문서이다. 객체는 스마트 팽이를 기반으로 설정하겠다. (다른 객체를 적용해도 상관없다.) 아래 yolov3 pytorch version을 기반으로 데이터 처리를 하였다. https://github.com/eriklindernoren/PyTorch-YOLOv3 eriklindernoren/PyTorch-YOLOv3 Minimal PyTorch implementation of YOLOv3. Contribute to eriklindernoren/PyTorch-YOLOv3 development by creating an account on GitHub. github.com 우리의 신경망 모델의 목표는 팽이를 인식하여 gpu 서..
data:image/s3,"s3://crabby-images/2cc44/2cc44f64cd1dd1f6aaa8224d28334ab53bb5c3cd" alt=""
이 글은 convolution neural network에 대한 지식이 있으신 분, ResNet 논문을 이해하신 분, 논문을 이해하였지만 pytorch code로 구현해보고 싶으신 분들께 추천드립니다. 전체 코드는 https://github.com/yunseokddi/pytorch_dev/tree/master/ResNet_pytorch를 참고해주세요. 1. Overview 그동안 기초적인 논문을 읽고 리뷰와 분석을 하였습니다. 논문을 계속 읽을수록 논문의 대한 이해도는 높아졌으나 git hub에 올라온 코드들을 분석해보았을 뿐, 직접 구현을 해본 경험이 없어 이 참에 ResNet을 공부해보면서 pytorch code로 구현을 해보았습니다. 또한 논문만 읽는 것도 재미가 없어졌고, pytorch에 대한 이..
data:image/s3,"s3://crabby-images/884d8/884d88c84c4f57963f646edbb39b5839edc12e5e" alt=""
이 글은 기초적인 CNN 지식을 가지신 분, opencv, dlib을 사용하시거나 경험이 있으신 분, pytorch 기본 이상의 지식을 가지신 분들께 추천드립니다. CNN: cs231n 또는 제가 리뷰한 https://ys-cs17.tistory.com/category/cs231n을 참고해주세요 opencv, dlib: 파이썬으로 만드는 opencv 프로젝트[이세우 저] 서적을 추천합니다. pytorch: https://tutorials.pytorch.kr/beginner/deep_learning_60min_blitz.html 정도의 지식만 있으면 문제없습니다. 해당 프로젝트는 https://github.com/kairess/eye_blink_detector를 참고하였습니다. kairess/eye_bli..