Information Security ˗ˋˏ ♡ ˎˊ˗
반응형

AI 10

[Tensorflow] CUDA, cuDNN 설치(오류 해결)

"Tensorflow gpu를 사용하면서 필요한 CUDA, cuDNN 설치하기" 1. pip freeze 아나콘다를 통해 깔려있는 모든 것들 나열 2. 자신의 환경과 맞는 CUDA, cuDNN 확인하기 www.tensorflow.org/install/source_windows#tested_build_configurations cuDDN: 7 CUDA: 9 3. CUDA 설치 https://developer.nvidia.com/cuda-90-download-archive CUDA Toolkit 9.0 Downloads Select Target Platform Click on the green buttons that describe your target platform. Only supported platf..

AI/deep learning 2020.10.20

[Microsoft Malware Prediction] Model Train

사용한 모델 CatBoostClassifier, xgboost, LightGBM, DecisionTree, RandomForest, NaiveBayes 사용한 데이터셋 https://www.kaggle.com/c/microsoft-malware-prediction Microsoft Malware Prediction Can you predict if a machine will soon be hit with malware? www.kaggle.com 공통 코드 import pandas as pd import numpy as np import lightgbm as lgb #import xgboost as xgb from scipy.sparse import vstack, csr_matrix, save_npz, ..

AI/deep learning 2020.06.15

[Microsoft Malware Prediction] Data analysis

* 작업 환경 Ubuntu 18..04.4 Tensorflow-qpu-2.2.0 * 사용한 데이터 https://www.kaggle.com/c/microsoft-malware-prediction Microsoft Malware Prediction Can you predict if a machine will soon be hit with malware? www.kaggle.com 1. 작업환경(jupyter notebook) https://t-okk.tistory.com/51 Ubuntu에서 Jupyter Notebook 환경 구축 사용한 ubuntu version 1. Python3 다운로드 및 실행 확인 1.1 python3을 다운로드 $ apt-get install python3 1.2 버전 확인 $..

AI/deep learning 2020.05.18

Object Detection: Faster-RCNN Model

객체 탐지(Object detection): 영상 속의 어떤 객체(Label)가 어디에(x, y) 어느 크기로(w, h) 존재하는지를 찾는 Task를 말한다. 콘볼루션 신경망(CNN) 기술을 활용하면 제한된 객체 탐지에 대한 회귀 분류 가능 = 제한된 객체 탐지(정해진 수의 대상을 처리) l 이미지 인식(Image Recognition) l 핵심 포인트 탐지(Key Points Detection) l 시맨틱 분할(Semantic Segmentation) 다수의 사각형 상자 위치와 크기를 가정해 콘볼루션 신경망을 변형한 후 이를 객체 분류(Object Classification)에 활용 가능하다. 여기서 사각형 상자들이 ‘윈도우(Window)’라고 한다. 한계: 많은 객체를 탐지하는 것 객체 탐지를 효율적..

AI/deep learning 2020.05.07

[DeepLearning] Tensorflow Object Detection을 통한 실시간 객체 탐지

1. 아나콘다 설치 https://t-okk.tistory.com/34?category=806318 아나콘다(Anaconda) 설치하기 - Tensorflow 1. 아나콘다 홈페이지 https://www.anaconda.com/distribution/ Anaconda Python/R Distribution - Free Download Anaconda Distribution is the world's most popular Python data science platform. Download th.. t-okk.tistory.com 2. Tensorflow object detection API 이용하기 https://jamessong.tistory.com/2 tensorflow object detectio..

AI/deep learning 2020.04.02

[Tensorflow] 아나콘다(Anaconda) 설치하기

1. 아나콘다 홈페이지 https://www.anaconda.com/distribution/ Anaconda Python/R Distribution - Free Download Anaconda Distribution is the world's most popular Python data science platform. Download the free version to access over 1500 data science packages and manage libraries and dependencies with Conda. www.anaconda.com - 설치 파일 다운 받기 2. 설치 파일을 관리자 권한으로 실행 후 설치 진행 Add Anaconda to the system PATH environm..

AI/deep learning 2020.04.02

Violence detecting in videos using Tensorflow Object Detection

이미 트레이닝 시킨 것을 가지고 비디오 영상으로 테스트 해보기 object_detection_ 사용 detection_video.py 수정 """ Sections of this code were taken from: https://github.com/tensorflow/models/blob/master/research/object_detection/object_detection_tutorial.ipynb """ import numpy as np import os import six.moves.urllib as urllib import sys import tarfile import tensorflow as tf import zipfile from collections import defaultdict fr..

AI/deep learning 2019.11.06

DataSet labeling(라벨링_labelIMG이용)

라벨링하기 위해서 labelIMG 툴을 이용하였다. In windows 1. labelIMG 설치 https://github.com/tzutalin/labelImg tzutalin/labelImg :metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images - tzutalin/labelImg github.com 2. PyQt4 설치 https://www.riverbankcomputing.com/software/pyqt/download 3. SIP 다운로드 https://www.riverbankcomputing.com/software/sip/download 4. lxml 다운로드 https://w..

AI/deep learning 2019.09.22

DataSet labeling(라벨링_yolo-mark이용)

계획 : UCF101 데이터셋을 가지고 라벨링한 후 imgaug 개념정리 labeling: 이진화 한 이미지에서 형체를 알아보기 위해 같은 픽셀 값들끼리 그룹화하여 번호를 매긴 것을 레이블링 imgaug: python 이미지 변환용 라이브러리(=일일히 합성할 필요 없이 이미지 개수를 늘려주는 파이썬 라이브러리) 학습 전에 두가지로 나누어서 진행. 1. 폭행하는 행위 2. 비폭력 행위 라벨링 할 데이터 : Peliculas 1. 프레임별로 동영상에서 이미지 뽑아오는 방법 ffmpeg 사용법 http://lee70.blogspot.com/2015/10/ffmpeg_27.html ffmpeg로 이미지 만들기... 1. 연속된 모든 프레임 이미지 추출 ffmpeg -t 00:00:06 -i TAEYEON_I.m..

AI/deep learning 2019.09.01

tensorflow of YOLOv3 실습

실습 : https://github.com/YunYang1994/tensorflow-yolov3 Please install tensorflow-gpu 1.11.0 참고 : https://gorakgarak.tistory.com/1314 가상머신 : tf-gpu 1. Introduction tensorflow YOLOv3를 이용하여 object detection 2. Quick start 2.1) $ pip install -r ./docs/requirements.txt 2.2) Exporting loaded COCO weights as TF checkpoint(yolov3_coco.ckpt) = 적재된 coco 가중치를 TF 체크포인트로 내보내기 윈도우에서 wget 사용 https://www.poftut...

AI/deep learning 2019.08.20
반응형