[Keras, CoreML] CNN 이미지 분류 알고리즘으로 카메라 이미지 인식하기
스터디하면서 진행한 내용을 아래 목차대로 포스팅 해보겠습니다. 케라스 설치 및 환경설정하기 컨셉 정의 학습 데이터 수집, 전처리, 분류 케라스 학습 코드 작성 학습 및 최적화 과정 CoreML 모델 뽑기 IOS...
황트루치
스터디하면서 진행한 내용을 아래 목차대로 포스팅 해보겠습니다. 케라스 설치 및 환경설정하기 컨셉 정의 학습 데이터 수집, 전처리, 분류 케라스 학습 코드 작성 학습 및 최적화 과정 CoreML 모델 뽑기 IOS...
딥러닝 공부를 할 때 개인PC를 사용하면 복잡한 설치과정과 하드웨어 과부하를 피할 수 없다. 그렇다고 하드웨어를 따로 구매하거나 Azure, AWS와 같은 클라우드를 이용하자니 성능, 비용이슈가 있다. https://www.floydhub.com/ 라는 제한적 무료 딥러닝...
Pandas df.groupby(“team”)[“Points”].sum() hierarchical index unstack() h_index.unstack() RDB데이터를 매트릭스로 바꿀때 많이 사용 df.groupby([“source”, “target”)[“rating”].sum().unstak().fillnan(0) #매트릭스형태로 변환 cumsum cummin cummax 시계열데이터 feature 생성 pd.merge(df_a, df_b, on=’subject_id’) inner join기준으로 merge함. pd.merge(df_a, df_b, on=’subject_id’,...
드롭아웃 기법 : 신경망의 일부만 사용하도록 하여 가중치의 균형을 잡고 과적합 상태를 해결함. keep_prob = tf.placeholder(tf.float32) W1 = tf.Variable(tf.random_normal([784, 256], stddev=0.01)) L1 = tf.nn.relu(tf.matmul(X, W1)) L1 = tf.nn.dropout(L1, keep_prob) W2 =...
텐서플로우 모델 저장 및 재사용, 텐서보드 사용하기 with tf.name_scope(‘layer1′): W1 = tf.Variable(tf.random_uniform([2, 10], -1., 1.), name=’W1’) L1 = tf.nn.relu(tf.matmul(X, W1)) with tf.name_scope(‘layer2′): W2 = tf.Variable(tf.random_uniform([10, 20], -1., 1.), name=’W2’) L2...
최적화 기법들 일차미분이용 : Gradient Descent 이차미분이용 : 뉴턴법, 가우스뉴턴법 N개씩 평균 W, B 구하여 전체 모델 파라미터 구함 : mini-batch Gradient Descent 이미지에서는 RENU 액티베이터 사용 (sigmoid단점 극복) one hot...
https://conda.io/miniconda.html wget https://repo.continuum.io/miniconda/Miniconda3-latest-MacOSX-x86_64.sh shell에서 실행 sh ./Miniconda3-latest-MacOSX-x86_64.sh conda create -n ml_python python=3.6 source activate ml_python conda install numpy conda install pandas conda install matplotlib conda install jupyter conda install scikit-learn TF설치...
Multi Variable Regression import tensorflow as tf #Hypothesis using matrix #Lession1 스파게티, 나중에 사용하지 않을 부분 #x1_data = [73., 93., 89., 96., 73.] #x2_data = [80., 88., 91., 98., 66.]...
1. 문제정의 / 데이터 수집 2. 데이터 정제, 트리생성 3. 학습 4. 테스트 Entropy : 데이터의 혼합도? Information Gain : Entropy를 낮아지게하는 어떤 기준. 값이 높을수락 잘 분류된다고 볼 수...
kmean알고리즘을 통해 데이터 군집을 찾아보자! import pandas as pd import numpy as np from sklearn.cluster import KMeans import matplotlib.pyplot as plt import seaborn as sns df = pd.DataFrame(np.random.randint(low=3, high=20, size=(20,2))...
More
최근 댓글