일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
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 |
- 가상환경
- 정보처리기사 c언어
- Algorithm
- 코딩테스트
- NumPy
- 백준
- 선그래프
- 알고리즘 스터디
- Stack
- 자료구조
- 데이터시각화
- openCV
- javascript
- dataframe
- Matplotlib
- MySQL
- String Method
- type hint
- programmers
- aws jupyter notebook
- Selenium
- 노마드코딩
- 알고리즘스터디
- Join
- queue
- python
- pandas
- 알고리즘
- 파이썬
- 프로그래머스
- Today
- Total
목록AI (9)
조금씩 꾸준히 완성을 향해
2016년에 Federated Learning(연합 학습) 개념을 가장 처음 소개한 Google의 논문을 리뷰해 보려고 한다. Communication-Efficient Learning of Deep Networks from Decentralized Data 저자 - H. Brendan McMahan, Eider Moore, Daniel Ramage, Seth Hampson, Blaise Agüera y Arcas https://arxiv.org/abs/1602.05629v4 Communication-Efficient Learning of Deep Networks from Decentralized Data Modern mobile devices have access to a wealth of data s..
TensorFlow.js는 웹 브라우저와 Node.js에서 기계 학습 모델을 교육하고 배포하기 위한 JavaScript 라이브러리이다. 즉, python 환경에서 학습한 tensorflow keras 모델을 JavaScript로 내보내서 사용할 수 있게 만들어 준다. 이미지 분류 프로젝트를 위해 직접 짠 CNN 모델을 tensorflow.js로 변환해 보려고 한다. pip install tensorflowjs 먼저 tensorflowjs를 설치한 후 import 하는 과정에서 에러가 발생했다. WARNING:root:TensorFlow Decision Forests 1.1.0 is compatible with the following TensorFlow Versions: ['2.11.0']. Howeve..
기존에 해놨던 이미지 라벨링을 그대로 사용해서 Yolov5로 돌리려고 하니 문제가 발생했다. 욜로에서는 라벨링 파일이 txt 형식이어야 한다는 것! 그래서 구글링 하던 중 xml to txt를 수월하게 해 주는 오픈 소스를 발견했다. https://github.com/Isabek/XmlToTxt GitHub - isabek/XmlToTxt: ImageNet file xml format to Darknet text format ImageNet file xml format to Darknet text format. Contribute to isabek/XmlToTxt development by creating an account on GitHub. github.com ▶ 먼저 저장소를 클론해 온 후 필요한 ..
https://github.com/ultralytics/yolov5 GitHub - ultralytics/yolov5: YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite. Contribute to ultralytics/yolov5 development by creating an account on GitHub. github.com 이 곳에서 yolov5를 다운받고 가상환경을 만든 후 필요한 package 들을 설치하려는데 에러가 발생했다 ▶ 에러가 난 command pip install -r requirements.txt ▶ 에러 메세지 UnicodeDecodeError: 'cp949' code..
활성화 함수(Activation Function) 입력 신호의 총합을 출력 신호로 변환하는 함수 활성화 함수에 따라 출력값이 결정 단층, 다층 퍼셉트론 모두 사용 대표적인 활성화 함수 Sigmoid ReLU tanh Identity Function Softmax 하나의 layer에서 다음 layer로 넘어갈 때는 항상 활성화 함수를 통과 [참고] 여러가지 활성화 함수 https://en.wikipedia.org/wiki/Activation_function Step Function(계단 함수) def step_func(x): if x > 0 : return 1 else: return 0 def step_func_for_numpy(x): y = x > 0 return y.astype(np.int) print..
Logistic Regression # 데이터 준비 import pandas as pd fish = pd.read_csv('http://bit.ly/fish_csv_data') fish.head() z = a*무게 + b*길이 + c*대각선 + d*높이 + e두께 + f from sklearn.model_selection import train_test_split fish_input = fish[['Weight', 'Length', 'Diagonal', 'Height', 'Width']].to_numpy() fish_target = fish['Species'].to_numpy() train_input, test_input, train_target, test_target = train_test_split(..
선형 회귀 (Linear Regression) # 농어의 길이, 무게 확인 import matplotlib.pyplot as plt plt.scatter(perch_length, perch_weight) plt.xlabel('length') plt.ylabel('weight') plt.show() # 훈련, 테스트 세트 나누기 from sklearn.model_selection import train_test_split train_input, test_input, train_target, test_target = train_test_split( perch_length, perch_weight, random_state=42) # 1차원 배열 => 2차원 배열 train_input = train_input...
k-최근접 이웃 분류 vs 회귀 샘플에 가장 가까운 샘플 k개 선택한 후 이 수치들의 평균을 구하여 새로운 샘플의 타깃값 예측. 분류에서는 이웃의 label 개수를 확인해서 다수결로 타깃값을 예측했지만, 회귀에서는 이웃들의 평균을 계산한다는 점에서 차이. ▶ 농어의 길이로 무게 예측 예제 # 농어의 길이, 무게로 산점도 그리기 import matplotlib.pyplot as plt plt.scatter(perch_length, perch_weight) plt.xlabel('length') plt.ylabel('weight') plt.show() # 훈련, 테스트 세트 나누기 from sklearn.model_selection import train_test_split train_input, test_i..
최근접 이웃(K-Nearest Neighbor) 특별한 예측 모델 없이 가장 가까운 데이터 포인트를 기반으로 예측을 수행하는 방법 분류와 회귀 모두 지원 import pandas as pd import numpy as np import matplotlib.pyplot as plt ▶ 생선의 길이와 높이 데이터로 빙어인지, 도미인지 예측하는 분류 문제 # 데이터 준비 fish_length = [25.4, 26.3, 26.5, 29.0, 29.0, 29.7, 29.7, 30.0, 30.0, 30.7, 31.0, 31.0, 31.5, 32.0, 32.0, 32.0, 33.0, 33.0, 33.5, 33.5, 34.0, 34.0, 34.5, 35.0,35.0, 35.0, 35.0, 36.0, 36.0, 37.0..