반응형
YOLO v4 실행시키는 방법
Deep Learning & Machine Learning/YOLO2023. 10. 21. 22:16YOLO v4 실행시키는 방법

다음 깃허브에 있는 욜로 YOLO V4를 실행하는 방법을 소개합니다. hunglc007 / tensorflow-yolov4-tflite ( https://github.com/hunglc007/tensorflow-yolov4-tflite ) 2020. 05. 03 최초작성 2020. 08. 22 다음과 같은 에러가 발생하여 확인해보니 다크넷(darknet)에서 배포하는 yolov4.weights를 그대로 사용하는 방식에서 Tensorflow에서 사용하는 포맷으로 바꾸어서 하는 방식으로 바뀌었네요. 변경된 방식으로 포스트를 수정하였습니다. "C:\Users\webnautes\AppData\Local\Programs\Python\Python37\lib\site-packages\tensorflow\python\..

XGBoost 개념 정리
Deep Learning & Machine Learning/딥러닝&머신러닝 개념2023. 10. 18. 22:22XGBoost 개념 정리

XGBoost 관련 개념을 정리한 문서입니다. 논문을 보고 진행했어야 했는데 인터넷 자료를 바탕으로 작성하게 되었네요. 수식은 이해안되는 부분이 아직은 많아서 제외시켰습니다. 추후 논문을 확인해볼 생각입니다. 2022. 2. 22 최초작성 앙상블(Ensemble) 앙상블(Ensemble)은 여러 개의 모델을 사용해서 각각의 예측 결과를 만들고 그 예측 결과를 기반으로 최종 예측결과를 결정하는 방법입니다. 대표적인 예로 배깅(Bagging)과 부스팅(Boosting)이 있습니다. 베깅(Bagging) Bagging은 분할정복(divide and conquer and combine)과 같은 것입니다. 먼저 전체 훈련 데이터 세트를 여러개의 작은 샘플 훈련 데이터 세트로 나눕니다. 각각의 샘플 훈련데이터셋 별..

미분으로 곡선의 노이즈 양 측정하는 파이썬 예제코드
Deep Learning & Machine Learning/강좌&예제 코드2023. 10. 18. 22:18미분으로 곡선의 노이즈 양 측정하는 파이썬 예제코드

미분을 사용하여 사인 곡선과 노이즈 추가한 사인 곡선의 노이즈 양을 측정하는 파이썬 코드입니다. 2023. 6. 17 최초작성 import numpy as np import matplotlib.pyplot as plt np.random.seed(0) x = np.linspace(0, 10, 100) y = np.sin(x) noise_y = np.sin(x) + np.random.normal(0, 0.3, size=x.size) # 미분 값 계산 dy = np.gradient(y, x) noise_dy = np.gradient(noise_y, x) # 노이즈 체크 (값의 절대값의 평균) noise_check_y = np.mean(np.abs(y)) noise_check_noise_y = np.mean(n..

간단한 Pytorch 예제 설명
Deep Learning & Machine Learning/PyTorch2023. 10. 18. 22:16간단한 Pytorch 예제 설명

Fashion MNIST 데이터셋을 학습하는 PyTorch 예제 코드를 다루고 있습니다. 아래 링크의 PyTorch의 QuickStart 문서를 기반으로 작성되었습니다. https://pytorch.org/tutorials/beginner/basics/quickstart_tutorial.html 2022. 6. 24 최초작성 아직 PyTorch를 자주 사용하지 않아서 정리한 내용에 부족함이 있습니다. 자주 사용하게 되면 채울수 있는 내용이 많지 않을까 혼자 기대해봅니다. 2023. 5.20 최종작성 필요한 모듈을 임포트합니다. import torch from torch import nn from torch.utils.data import DataLoader from torchvision import da..

Deep Learning & Machine Learning/XGBoost2023. 10. 18. 22:15XGBoost Warning 해결 방법

다음 두가지 XGBoost Warning을 해결하는 방법을 다룹니다. 2022. 4. 14 최초작성 WARNING: C:/Users/Administrator/workspace/xgboost-win64_release_1.3.0/src/learner.cc:1061: Starting in XGBoost 1.3.0, the default evaluation metric used with the objective 'binary:logistic' was changed from 'error' to 'logloss'. Explicitly set eval_metric if you'd like to restore the old behavior. eval_metric='mlogloss'를 추가하여 해결됩니다. UserWar..

MediaPipe로 구현한 손으로 그림 그리기
Deep Learning & Machine Learning/MediaPipe2023. 10. 18. 21:29MediaPipe로 구현한 손으로 그림 그리기

MediaPipe를 사용하여 손으로 그림 그리는 것을 구현해보았습니다. 2023. 3 .2 최초작성 유튜브 영상 https://youtu.be/S_Op3Qy4e8Q?feature=shared # 원본 코드 https://google.github.io/mediapipe/solutions/hands.html """The 21 hand landmarks.""" # 손가락 위치 정의 참고 https://google.github.io/mediapipe/images/mobile/hand_landmarks.png # # WRIST = 0 # THUMB_CMC = 1 # THUMB_MCP = 2 # THUMB_IP = 3 # THUMB_TIP = 4 엄지 # INDEX_FINGER_MCP = 5 # INDEX_FING..

Deep Learning & Machine Learning/Tensorflow&PyTorch 개발환경2023. 10. 18. 21:01The "tensorflow-gpu" package has been removed!

얼마전 pip로 tensorflow-gpu가 설치안되어서 문제가 생긴줄 알았는데 다시 진행 해보며 메시지를 다시 보니 Tensorflow 2.1이후로 tensorflow를 설치하면 되는 것으로 바뀌었네요. 2023. 2. 12. 최초작성 Please install "tensorflow" instead. Other than the name, the two packages have been identical since TensorFlow 2.1, or roughly since Sep 2019. For more information, see: pypi.org/project/tensorflow-gpu

데이터셋을 일정비율로 분리하는 : train_test_split 예제
Deep Learning & Machine Learning/강좌&예제 코드2023. 10. 17. 22:41데이터셋을 일정비율로 분리하는 : train_test_split 예제

train_test_split를 사용하여 데이터셋을 Train 데이터셋과 Test 데이터셋으로 분리하는 예제 코드입니다. 2023. 6. 11 최초작성 아래 링크에 있는 데이터셋의 Train 데이터셋을 분리하여 Train 데이터셋과 Test 데이터셋으로 분리했습니다. https://www.kaggle.com/datasets/andrewmvd/animal-faces 다음 처럼 train 데이터셋과 validation 데이터셋에 cat,dog,wild 클래스별 하위 디렉토리가 위치하고 각각의 파일에 이미지 파일이 포함되어 있습니다. 코드를 실행하면 train 디렉토리에 있는 클래스별 이미지 파일을 지정한 비율로 나누어서 dataset 하위 디렉토리에 train, test 디렉토리에 나누어서 저장합니다. 전체..

가위바위보를 인식하는 Mediapipe hand Python 예제
Deep Learning & Machine Learning/MediaPipe2023. 10. 17. 22:14가위바위보를 인식하는 Mediapipe hand Python 예제

Python용 Mediapipe의 손가락 인식 코드를 수정하여 가위, 바위, 보를 인식하여 화면에 출력하는 예제 코드를 만들었습니다. OpenPose의 손인식에 비해 주위 환경 영향이 거의 없으며 손가락 인식이 끊김없이 지속적으로 잘 됩니다. 2021. 02. 19 최초작성 테스트 영상입니다. 실행 결과를 보여주고 있는 유튜브 영상입니다. https://youtu.be/iFeu2xpIiiU?feature=shared 전체 소스코드입니다. # 원본 코드 https://google.github.io/mediapipe/solutions/hands.html """The 21 hand landmarks.""" # 손가락 위치 정의 참고 https://google.github.io/mediapipe/images/m..

Deep Learning & Machine Learning/MediaPipe2023. 10. 16. 22:13mediapipe로 만든 핸드 마우스

Python용 Mediapipe를 사용하여 간단하게 만들어본 핸드 마우스입니다. 시간나는대로 발전시켜 볼 생각입니다. 2022. 11. 24 최초작성 동작영상은 유튜브를 참고하세요. 아직은 동작이 단순한 것만 있습니다. https://youtu.be/zpMf_m7g058 전체 코드입니다. # 원본 코드 https://google.github.io/mediapipe/solutions/hands.html # 마우스 제어 참고 https://blankspace-dev.tistory.com/416 """The 21 hand landmarks.""" # 손가락 위치 정의 참고 https://mediapipe.dev/images/mobile/hand_landmarks.png # # WRIST = 0 # THUMB_..

반응형
image