일 | 월 | 화 | 수 | 목 | 금 | 토 |
---|---|---|---|---|---|---|
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 |
- urllib
- Anaconda
- pyTorch
- colab
- 딥러닝
- error
- python3
- TensorFlow
- dlib
- install
- shakeratos
- colaboratory
- FIle
- ubuntu
- face_recognition
- CUDA
- Deep Learning
- gpu memory
- ppc64le
- Jupyter notebook
- download
- dataset
- object detection
- python
- keras
- YouTube 8M
- raspberry pi
- windows
- Windows 10
- linux
- Today
- Total
목록TensorFlow (7)
Shakerato
참고: https://github.com/fizyr/keras-retinanet 1. 실행 환경 구축 1.1. Anaconda (python=3.6) 개발 환경 생성 conda create -n myenv python=3.6 1.2. Anaconda 개발 환경 활성화 (윈도우) activate myenv 1.3. 관리자 권한으로 cmd 실행 1.4. python setup.py install 1.5. pip install Keras==2.2.4 2. 학습할 데이터셋 만들기 2.1. 학습할 이미지 준비하기 2.2. 학습할 이미지에 있는 인식할 객체의 Bounding Box 위치 알아내기 2.3. 모든 학습할 이미지를 특정 폴더에 path/to/image.jpg 모두 저장 2.4. Annotations fo..
[Tensorflow]from tensorflow.python.client import device_libprint(device_lib.list_local_devices()) [Keras]from keras import backend as KK.tensorflow_backend._get_available_gpus() [Pytorch]import torchtorch.cuda.get_device_name(0) # number of gpu (cuda:0)torch.cuda.get_device_name(1) # number of gpu (cuda:1) Be careful with the above codes! The code for checking device(GPU) takes your GPU memory a..
CUDA 9.2가 깔려있어도 CUDA 9.0을 참조하는 경우 다음과 같은 에러메세지가 발생한다.(에러메세지)ImportError: libcublas.so.9.0: cannot open shared object file: No such file or directory 특히 tensorflow 최신버전을 설치 후 import 할때 이런 경우가 발생한다.이런경우 CUDA 9.0와 cudnn을 다시 다운받아 CUDA 9.2가 깔려있는 같은 시스템에 새롭게 설치하면 된다.(리눅스에서는 다른 버전의 CUDA를 모두 설치할 수 있다.)cuda9.0이 설치 되면 /usr/local/cuda 이 폴더가 자동으로 cuda9.2가 아닌 cuda9.0을 가르키게 된다. * 만약 CUDA 9.2를 사용하고 싶으면 PATH를 잡..
Add below code into the "/youtube-8m-master/video_level_models.py" You can run this code from console(terminal). I use Windows PowerShell. python train.py --feature_names='mean_rgb,mean_audio' --feature_sizes='1024,128' --model='MyModel' --train_data_pattern=C:/Users/yoon/Desktop/youtube8m/yt8m/v2/video/train*.tfrecord --train_dir C:/Users/yoon/Desktop/youtube8m/yt8m/v2/models/video/sample_model..
What is Colab (Colaboratory) ?- https://colab.research.google.com- Colaboratory는 기계 학습 교육 및 연구 보급을 돕기 위해 만든 Google 연구 프로젝트입니다.- Jupyter 노트북 환경에서 클라우드 환경에서의 설치 및 실행이 전혀 필요하지 않습니다. - Colaboratory 노트는 Google 드라이브에 저장되며 Google 문서 또는 스프레드 시트에서와 마찬가지로 공유 할 수 있습니다.- Colaboratory는 무료입니다.- Now you can develop deep learning applications with Google Colaboratory on the free Tesla K80 GPU- using Keras, Tens..
[Code and Explain] https://github.com/tensorflow/models/tree/master/research/object_detection [Download] https://github.com/tensorflow/models [Related Youtube: sentdex] https://www.youtube.com/watch?v=COlbP62-B-U [Anaconda 3, Create Envirnment for tensorflow 1.4] 1. open 'cmd' as administrator 2. conda update -n base conda 3. conda create -n tensorflow1.4 python=3.5 anaconda 4. [tensorflow-gpu 1..