https://doraemin.tistory.com/97
[PyTorch] Anaconda, PyTorch 설치 및 실행
[실습] Anaconda 실습 환경 설정https://www.anaconda.com/download Download Anaconda Distribution | AnacondaDownload Anaconda's open-source Distribution today. Discover the easiest way to perform Python/R data science and machine learning on a single
doraemin.tistory.com
https://doraemin.tistory.com/99
[CNN] [전이학습] 시작 및 실행
[실습] CNN# 1. 라이브러리 호출import numpy as npimport matplotlib.pyplot as plt # pip install matplotlibimport torchimport torch.nn as nnfrom torch.autograd import Variableimport torch.nn.functional as Fimport torchvisionimport torchvision.transfo
doraemin.tistory.com
https://doraemin.tistory.com/100
[YOLO] 시작 및 실행
[실습] roboflow활용하여, YOLO 실행# 환경 구축 (런타임 GPU 사용으로 변경)# yolo9 git 가져오기 및 환경 설치!git clone https://github.com/SkalskiP/yolov9.git%cd yolov9!pip install -r requirements.txt -qimport osHOME = os.getcwd()
doraemin.tistory.com
https://doraemin.tistory.com/101
[NLP] 임베딩
# 1. 원-핫 인코딩 적용import pandas as pdclass2 = pd.read_csv("/content/class2.csv")print(class2)from sklearn import preprocessinglabel_encoder = preprocessing.LabelEncoder()train_x= label_encoder.fit_transform(class2['class2'])train_x# Unnamed: 0 i
doraemin.tistory.com
[회고]
Keep (프로젝트에서 만족했고, 앞으로의 업무에서 지속하고 싶은 부분)
- 딥러닝 과정을 직접 실습하며 학습한 점이 실질적으로 많은 도움이 되었다.
Problem (프로젝트에서 부정적인 요소로 작용했거나 아쉬웠던 점)
- 코드의 각 줄이 가진 의미를 충분히 이해하지 못한 부분이 있어 아쉬움이 남았다.
Try (Problem에 대한 해결 방식으로 다음 프로젝트에서 시도해볼 점)
- 복습을 철저히 하여 코드의 의미를 완벽히 이해하고, 이를 나의 것으로 만들어보자.
'AI 및 Data Analysis' 카테고리의 다른 글
[Backpropagation] (0) | 2025.01.23 |
---|---|
[Reinforcement] MDP, Monte-Carlo RL (0) | 2025.01.23 |
[NLP] 임베딩 (0) | 2025.01.18 |
Batch Effect, Batch Correction (0) | 2024.11.21 |
RNA 데이터 생성 과정 (0) | 2024.11.20 |