딥러닝(20)
-
Segmentation학습 > Onnx > C# - (1)설치
참조사이트 : https://blog.hbsmith.io/c-%EA%B8%B0%EB%B0%98-semantic-segmentation-%ED%94%84%EB%A1%9C%EA%B7%B8%EB%9E%A8-%EA%B0%9C%EB%B0%9C-d330a98a005b * CUDA & CUDNN 환경 * CUDA : 11.3 * CUDNN : 8.2.1 1. 다음의 명령어로 가상환경을 만든다 conda create -n segmentation python=3.9 conda activate segmentation 2. github로부터 다운 받는다 git clone https://github.com/qubvel/segmentation_models.pytorch 3. 생성된 폴더로 이동한 뒤 필요한 녀석들을 설치한다. ..
2022.09.21 -
DexiNed 실습(1) - 모델 테스트
이미지의 경계선을 그려주는 모델같은데..... 테스트 해봄 1. tensorflow 1.15.4 버전에서 구동할거라 - cuda : 10.0 - cudnn : 7.4로 맞춤 2. anaconda 에서 환경을 만든다 conda create -n dexined python=3.7 conda activate dexined 3. 활성화 시킨 다음 tensorflow설치한다 pip install tensorflow-gpu==1.15.4 4. github에서 소스를 받은 후 legacy폴더로 이동 git clone https://github.com/xavysp/DexiNed cd DexiNed/legacy 5. requirements.txt파일을 이용하여 설치 시작해야 하는데, 그냥 설치하면 다음과 같이 오류 발생..
2022.06.10 -
MMDetection Faster RCNN > Onnx Export
1. Pytorch 최신 버전으로 설치하려고 하니 내 PC에 설치된 cuda 10.2는 더이상 지원하지 않는다고 하여 11.3설치 2. ananconda 가상환경 생성 및 설치 > conda create -n mmdetection python=3.7 > conda activate mmdetection > conda install pytorch torchvision torchaudio cudatoolkit=11.3 -c pytorch > pip install onnx > cd mmdetection > python setup.py install > pip install mmcv-full -f https://download.openmmlab.com/mmcv/dist/cu113/torch1.11.0/index...
2022.03.23 -
tensorflow 1.15를 사용하여 Mask Rcnn 테스트(3) - freezing
1. 다음과 같이 작성한다. balloon_freeze.py import os import sys ROOT_DIR = os.path.abspath("../../") # Import Mask RCNN sys.path.append(ROOT_DIR) # To find local version of the library from mrcnn.config import Config from keras import backend as k from tensorflow.python.framework.graph_util_impl import convert_variables_to_constants import tensorflow as tf import mrcnn.model as modellib class outConfig(C..
2022.02.07 -
[KERAS] 콜백 - Callback
학습시에 특정 시점에 호출될 함수를 등록할 수 있다 1.ModelCheckpoint(filepath, monitor='val_loss', verbose=0, save_best_only=False, save_weights_only=False, mode='auto', period=1) - 학습 중간중간에 저장할 수 있다. - filepath: filepath는 (on_epoch_end에서 전달되는) epoch의 값과 logs의 키로 채워진 이름 형식 옵션을 가질 수 있음. 예를 들어 filepath가 weights.{epoch:02d}-{val_loss:.2f}.hdf5라면, 파일 이름에 세대 번호와 검증 손실을 넣어 모델의 체크포인트가 저장 * monitor: 모니터할 지표(loss 또는 평가 지표) - ..
2021.10.30 -
[KERAS] 학습시 검증데이터 세트 이용 유무
Keras를 항상 급하게 수박 겉핥기식으로만 사용하다가 온라인 강좌를 들으며 실습하던 중 또 까먹을까봐 기록으로 남겨둠 데이터는 fasion_mnist(Keras 내장 데이터) 1. 검증데이터(테스트데이터) 없이 그냥 학습하기 - 생성된 모델의 evaluate 함수를 이용해서 테스트 데이터로 확인 가능하다 1-1) 데이터 읽어서 정규화(train, test) (train_images, train_labels), (test_images, test_labels) = fashion_mnist.load_data() #데이터를 0~1 값으로 정규화 def get_preprocessed_data(images, labels): images = np.array(images/255.0, dtype=np.float32) ..
2021.10.29 -
다시 실습해 보는 모두의 딥러닝(2) - Lab11(Mnist)
MNIST에 Convolution, Relu, MaxPool, Dropout을 추가해서 Accuracy가 99%까지 올라감 import tensorflow.compat.v1 as tf import numpy as np mnist = tf.keras.datasets.mnist (train_images, train_labels), (test_images, test_labels) = tf.keras.datasets.mnist.load_data() train_images = train_images.reshape([-1, 784]) test_images = test_images.reshape([-1,784]) train_images = train_images / 255. test_images = test_imag..
2021.04.02 -
다시 실습해보는 모두의 딥러닝(1) - Lab7(MNIST)
2년전인가 수박 겉핡기식으로 겨우겨우 한번 본 영상 다 보고 나서 근거 없는 자신감으로 github를 찾아 방황했는데... 최근 처음부터 다시 보게 된 강의 근데 tensorflow가 2.x로 바뀌면서 강의의 소스가 안 실행이 안되서 (github 소스는 될라나? 확안 해봤음) 그래서 나름대로 돌아가게끔 만든 소스를 기록할려고 글을 남김 import tensorflow.compat.v1 as tf import numpy as np mnist = tf.keras.datasets.mnist (train_images, train_labels), (test_images, test_labels) = tf.keras.datasets.mnist.load_data() train_images = train_images...
2021.04.02 -
Octave 실습정리 4
* Sin 곡선 그리기 * Cos 곡선 그리기 * 2개 이상의 그래프 그리기 * 그래프 저장하려면 cd 'd:\test\';print -dpng 'myPlot.png' * 그래프를 닫으려면 close * 2개 이상의 그래프를 그리려면 * 하나의 윈도우에 두개 이상의 그래프(SubPlot) * clf(clear fiture) - 화면 지우기
2021.03.16 -
Octave 실습 정리 2
* 행렬의 크기 및 길이(length) - length : 가장 높은 차원의 길이만 구하는 듯 * 현재 디렉토리(pwd) #who 명령 : 메모리 상의 변수 #load 함수 : 데이터 파일을 읽어들임, 변수명은 파일명으로 load('featureX.dat') # featureX 변수에 할당됨 #whos 명령 : 메모리 상의 변수와 상세 정보등을 보여줌(Name, Size, Bytes, Class) #clear featureX : 메모리상에서 featureX 변수 제거 V = featuresX(1:10) #features 처음 10개의 데이터를 V에 저장 save hello.mat V; #V 변수의 데이터를 hello.mat파일에 저장 clear #모든 변수를 다 지움 load hello.mat #V 변수..
2021.03.15