본문 바로가기
  • Let's go grab a data
반응형

tensorflow10

Tensorflow Object Detection API _ CentOS7 설치 Tensorflow Object Detection API _ CentOS7 설치https://github.com/tensorflow/models/blob/master/object_detection/g3doc/installation.md [패키지 다운로드]# yum install protobuf-compiler# pip install Pillow --proxy http://PROXYIP:PROXYPORT --trusted-host pypi.python.org 또는 #>pip3.6 install Pillow# pip install lxml --proxy http://PROXYIP:PROXYPORT --trusted-host pypi.python.org# pip install matplotlib --proxy.. 2017. 8. 18.
k-means clustering 군집화 k-means clustering 군집화 [패키지 다운로드]pip install pandas #k-means 알고리즘# 1.초기 랜덤하게 k개 점 선택# 2. 모든 점을 가장 가까운 선택점에 할당해 k개 군집 구성# 3. 각 군집에서 다시 평균을 구해 k개의 중심점을 계산# 4. 중심점이 변하지 않을 때 까지 2~3단계 반복 import matplotlib.pyplot as pltimport numpy as npimport tensorflow as tfimport pandas as pd#pip3.6 install pandas num_vectors = 1000num_clusters = 4num_steps=100#초기 입력 데이터 구조체 초기화x_values=[]y_values=[]vector_values=.. 2017. 4. 17.
MNIST 데이터로 KNN 분류기, 성능 측정 MNIST 데이터로 KNN 분류기, 성능 측정 MNIST 데이터는 머신 러닝 분야에서 광범위하게 사용되는 손글씨 숫자 0~9가 흑백으로 저장된 이미지 [데이터 다운로드]http://yann.lecun.com/exdb/mnist/ ( train-images-idx3-ubyte.gz, train-labels-idx1-ubyte.gz, t10k-images-idx3-ubyte.gz, t10k-labels-idx1-ubyte.gz) [입력을 도와주는 스크립트 다운로드]https://github.com/tensorflow/tensorflow/blob/master/tensorflow/examples/tutorials/mnist/input_data.py Python 스크립트와 동일한 폴더에 input_data.py .. 2017. 4. 17.
선형 회귀 알고리즘 구현, 비용함수, 경사하강법 선형 회귀 알고리즘 구현, 비용함수, 경사하강법 import numpy as npnumber_of_points = 500; x_point=[]y_point=[]a=0.22 #선형관계 지수b=0.78 for i in range(number_of_points): x=np.random.normal(0.0,0.5) y=a*x+b+np.random.normal(0.0,0.1) x_point.append([x]); y_point.append([y]); import matplotlib.pyplot as pltplt.plot(x_point,y_point,'o',label='Input Data')plt.legend()plt.show() #비용함수와 경사하강법import tensorflow as tfA = tf.Varia.. 2017. 4. 14.
미분계수구하기, 난수 발생 미분계수구하기, 난수 발생 [미분계수 구하기]import tensorflow as tfimport matplotlib.pylab as plt#미분계수 구하기 tf.gradients 함수이용x=tf.placeholder(tf.float32)y=2*x*xvar_grad=tf.gradients(y,x)with tf.Session() as session: var_grad_val= session.run(var_grad,feed_dict={x:1})print(var_grad_val)[4.0] [난수 발생]#난수 - 균일분포uniform = tf.random_uniform([100],minval=0,maxval=1,dtype=tf.float32) #1차원텐서로 100개의 값이 0~1사이의 동일한 확률로 분포됨with.. 2017. 3. 16.
Image 읽고 특정 영역자르기 / 회전 [필요 라이브러리]matplotlib(plot), pillow(다양한 포멧의 이미지 핸들링) 아래와 같이 pip을 통해 설치 가능하다>pip install matplotlib>pip istall pillow 네트워크 환경에 따라 아래 옵션 사용--proxy http://PROXYSERVER:PROXYPORT --trusted-host pypi.python.org pip을 새로 설치한 경우 pip3.6 install matplotlib [이미지 읽기 및 자르기]import tensorflow as tfimport matplotlib.image as mp_imagefilename ="/home/sds/Desktop/Penguins.jpg"input_image = mp_image.imread(filename).. 2017. 3. 15.
기본 자료구조 Tensor, 산술연산 명령어 [기본 자료구조 Tensor]import numpy as np#자료구조 1차원 배열tensor_1d = np.array([1.3,1,4.0,23.99])print(tensor_1d) #,로 구분되지 않는다print(tensor_1d[0])print(tensor_1d.ndim) #차원 rankprint(tensor_1d.shape) #형태 (4,) 하나의 행에 4개의 열print(tensor_1d.dtype) #자료구조[ 1.3 1. 4. 23.99] 1.3 1 (4,) float64 import tensorflow as tftf_tensor=tf.convert_to_tensor(tensor_1d,dtype=tf.float64) #텐서로 변환with tf.Session() as sess: print(ses.. 2017. 3. 14.
TensorFlow 프로그래밍 모델, 용어 [용어 정리]데이터 플로우 그래프 : 텐서플로의 연산 모듬그래프내의 노드 : 산술 연산자에지: 텐서라고 명명된 다중 다차원 데이터 집합, 피연산자 -일반 에지: 입력값이 텐서이며 하나의 명령어에 대한 출력 값은 다른 명령어의 입력 값이 됨 -특수 에지: 데이터의 연산 결과가 다른 에지의 입력값이 되지 않음. 두 노드 간의 제어 의존성을 정의. 예를 들어 A,B의 특수 에지가 있고 두 개가 연결되어 있다면, A의 연산이 종료되어야만 B연산 수행 의미명령어: 행렬의 덧셈, 곱셈 연산 추상화커널: 명령어를 구현한 것, 디바이스(CPU,GPU)에 따라 별도 구현세션: 클라이언트 프로그램이 텐서 플로 런타임 시스템과 통신하기 위해 세션 생성 - session.extend: 노드추가 또는 에지(데이터) 추가 - s.. 2017. 3. 13.
TensorFlow CentOS 설치, iPython Notebook 설치 TensorFlow CentOS 설치, iPython Notebook 설치 [TensorFlow 설치]CPU 버전#>pip install tensorflow GPU 버전#>pip install tensorflow-gpu 네트워크 환경에 따라 아래 옵션 사용--proxy http://PROXYSERVER:PROXYPORT --trusted-host pypi.python.org pip을 새로 설치한 경우 pip3.6 install tensorflow tensorflow 버전 확인python -c 'import tensorflow as tf; print(tf.__version__)'1.0.0또는pip show tensorflow tensorflow 버전 업그레이드 pip install tensorflow --.. 2017. 3. 3.
반응형