データマイニング(DM)- Python
をテンプレートにして作成
[
トップ
] [
新規
|
一覧
|
単語検索
|
最終更新
|
ヘルプ
]
開始行:
「[[.NET 開発基盤部会 Wiki>http://dotnetdevelopmentinfras...
散布図
-[[戻る>ビジネス インテリジェンス(BI)]]
--[[CRISP-DM>データマイニング(DM)- CRISP-DM]]
--[[Excel>データマイニング(DM)- Excel]]
--[[KNIME>データマイニング(DM)- KNIME]]
--Python
--[[Python - DL>データマイニング(DM)- Python - DL]]
--[[DataSet>データマイニング(DM)- DataSet]]
*目次 [#t245ece0]
#contents
*概要 [#hda87b7c]
-ドイツのコンスタンツ大学で作られたOSS
-分析、レポート、および統合プラットフォーム。
-GUI、データ分析の一連の流れを実行できる。
-日本語版は無いため表記は英語。
*詳細 [#hf34e389]
**インストレーション [#i3fd4074]
[[機械学習・深層学習>人工知能(AI)]]の特性上、インタラク...
-[[Jupyter Notebook>Jupyter Notebook#wc0c0415]]
-[[JupyterLab>JupyterLab#w99a4180]]
**基本操作 [#e6b77db8]
***起動 [#dd4714ef]
-[[Jupyter Notebook>Jupyter Notebook#g030b2ce]]
-[[JupyterLab>JupyterLab#d6463240]]
***初期化 [#pc3be9e9]
-インストール
--データ分析
---scikit-learn
!pip install scikit-learn
---Excel読込用
!pip install openpyxl
---散布図表示用
!pip install seaborn
---分類可視化用
!pip install mlxtend
---教材的ライブラリ
!pip install mglearn
--自然言語処理
---自然言語ツールキット
!pip install nltk -q
---日本語形態素解析
!pip install janome
-警告の非表示
import warnings
warnings.filterwarnings('ignore')
-インポート
--基本的なライブラリ~
[[NumPy]], [[Pandas]], [[Matplotlib]], mglearn
import io
import requests
import pandas as pd
import numpy as np
import mglearn
import matplotlib.pyplot as plt
%matplotlib inline
--[[scikit-learn]]
---前処理
from sklearn.preprocessing import StandardScaler ...
from sklearn.model_selection import train_test_split ...
---モデル
from sklearn.linear_model import LinearRegression ...
from sklearn.preprocessing import PolynomialFeatures ...
from sklearn.linear_model import Ridge ...
from sklearn.linear_model import Lasso ...
from sklearn.linear_model import ElasticNet ...
from sklearn.linear_model import Perceptron ...
from sklearn.linear_model import LogisticRegression ...
from sklearn.svm import SVC ...
from sklearn.tree import DecisionTreeClassifier ...
from sklearn.ensemble import RandomForestClassifier ...
from sklearn.ensemble import GradientBoostingClassifier ...
from sklearn.decomposition import PCA ...
from sklearn.cluster import KMeans ...
from sklearn.feature_extraction.text import CountVectori...
from sklearn.feature_extraction.text import TfidfTransfo...
from sklearn.decomposition import LatentDirichletAllocat...
---精度評価
from sklearn import metrics ...
from sklearn.metrics import mean_squared_error as mse ...
from sklearn.metrics import silhouette_samples ...
from sklearn.model_selection import cross_val_score ...
from sklearn.model_selection import KFold ...
from sklearn.model_selection import StratifiedKFold ...
from sklearn.model_selection import GridSearchCV ...
---データセット生成
from sklearn.datasets import make_regression ...
from sklearn.datasets import make_blobs ...
--その他
---可視化
import seaborn as sns ...
from mlxtend.plotting import plot_decision_regions ...
from matplotlib import cm ...
---その他
from numpy import linalg as LA # 線形代数ライブラリ
***データ読込 [#i8137ca8]
-Sample [[DataSet>データマイニング(DM)- DataSet]]
-[[CSV、Excelファイル読込>Pandas#w8a12f28]]
-[[NP ⇔ DF型変換>Pandas#e3138f86]]
***[[特徴量の選択とエンジニアリング>機械学習(machine lea...
-[[データの理解>#q3ef3a04]]
-[[データの準備>#v8a8aa18]]
**[[CRISP-DM>データマイニング(DM)- CRISP-DM]]上で利用 [...
***(データの取得・加工) [#x2f7bc0d]
(ココはCRISP-DM上に定義なし)
-生成~
[[データ読込>#i8137ca8]]
-加工
--[[切出して>Pandas#mea8020b]]
--[[結合して>Pandas#n20b174a]]、
***データの理解 [#q3ef3a04]
-説明変数と目的変数の~
表([[PandasのDataFrame>Pandas#e1fa02e4]])を用意し、
-基本統計量の計算と確認
>>>df.describe()
-相関~
目的変数と相関の強い説明変数を調査。
--相関係数行列
---2列のみの場合
df.corr()
---不要な列を削除して
df.drop('行番号列名', axis=1).corr()
---[[ヒートマップに表示>Matplotlib#eddbc4be]]
--[[散布図行列>Matplotlib#a41dcf52]]~
列数が多いとハングするので注意。
---通常
>>>sns.pairplot(df)
>>>plt.show()
---カテゴリ分類
>>>sns.pairplot(df, hue='カテゴリ列')
>>>plt.show()
-欠損率の計算と確認
--欠損値をカウント~
各列あたりの欠損値を出力
df.isnull().sum() / len(df)
-[[可視化>データ分析#v5084e84]] -> [[Matplotlib]]、[[seab...
***データの準備 [#v8a8aa18]
-データのクリーニング
--リストワイズ法(削除)~
欠損値を含む行を削除
---欠損値を含む行を削除
df.dropna()
---欠損していない列数が指定した値以上の行を削除
df.dropna(thresh=列数)
--ペアワイズ法(削除)~
指定の列に欠損値を含む行を削除
df.dropna(subset=['列名の指定', '列名の指定'])
--補完値で置換
---代表値補完
# 平均
df.fillna(df.mean())
# 中央
df.fillna(df.median())
# 最頻
df.fillna(df.mode().iloc[0])
---線形補完
df.interpolate(method='linear')
---任意の定数で補完~
・全列
df.fillna(定数)
・列指定
df.fillna({'列名1':定数1, '列名2':定数2, ..., '列名n':定...
---前後の値で補完~
更に、axis、limit等も指定可能。~
・前の値
df.fillna(method='ffill')
・後の値
df.fillna(method='bfill')
---[[高度な補完>Pandas#y7d7000b]]
-データの構築・統合
--単一属性変換
---カテゴリ → 数値
df['列名'] = df['列名'].map({'カテゴリ1':数値1, 'カテゴ...
---数値 → カテゴリ
df['列名'] = df['列名'].map({数値1:'カテゴリ1', 数値2:'...
--One-Hotエンコーディング
---[[NumPyの場合、to_categoricalを使う。>NumPy#c1c53872]]
---[[Pandasの場合、get_dummiesを使う。>Pandas#f4de2b7c]]
***(PG上ある) [#u893f8ae]
(ココはCRISP-DM上に定義なし)
-[[X、Y分割>データマイニング(DM)- CRISP-DM#see28a6b]](...
--いい感じ
x = np.array(df2.loc[:, ['xxx']])
y = np.array(df2.loc[:, ['yyy']])
--DFでやる
df_x = df2.loc[:, ['alcohol']]
df_y = df2.loc[:, ['quality']]
x1 = np.array(df_x)
y1 = np.array(df_y)
--NPでやる
xy = np.array(df2)
x2 = xy[:, 3:4]
y2 = xy[:, 4:5]
--チェック
print(np.allclose(x1, x2))
print(np.allclose(y1, y2))
-[[標準化・正規化>データマイニング(DM)- CRISP-DM#v9d192...
--標準化
---dfで
x = (df.iloc[:, m:n] - df.iloc[:, m:n].mean()) / df.iloc...
x.describe()
---npで
ss = StandardScaler()
# 引数は numpy.ndarray
x = ss.fit_transform(x)
y = ss.fit_transform(y)
--正規化
---...
---...
-[[学習・テストデータの分割>データマイニング(DM)- CRISP...
--ホールド・アウト法
# test_size = 0.3 train:test = 7:3 で分割。
# random_state = 0 毎回同じサンプルに分割
x_train, x_test, y_train, y_test = train_test_split(x, y...
--[[交差検証法>#p41a0a83]]
***モデリング [#f6117b8a]
-[[単回帰分析>#i6f0734b]]
-[[重回帰分析>#aad4af67]]
-[[多項式回帰分析>#sb08c3b8]]
-[[正則化回帰分析>#y118b20c]]
-[[単純パーセプトロン線形分類器>#gc1a3d04]]
-[[サポートベクターマシン分類器>#r0bad011]]
-[[決定木分析>#abcf5051]]
-[[ロジスティック回帰分析>#we38b247]]
-[[主成分分析>#rb8d508f]]
-[[クラスタ分析>#ie416797]]
-[[自然言語処理>#rf012a00]]
***評価 [#fafe43c1]
[[各モデルのコードを参照。>#y4054d35]]
-モデルの評価手法は、モデルのアルゴリズムに依存するので、...
-精度の評価手法は、実行結果から評価するのでモデルに非依存...
***展開 [#ha68bd53]
**手順(モデリング) [#y4054d35]
***[[単回帰分析>統計解析#xc0279dd]] [#i6f0734b]
-[[(データの取得・加工)>#x2f7bc0d]]~
線形単回帰し易そうなデータセットを持ってくる。
-[[データの理解>#q3ef3a04]]~
-[[データの準備>#v8a8aa18]]
-[[データの分割>#u893f8ae]]
--X、Y分割~
説明変数と目的変数の表([[PandasのDataFrame>Pandas#e1fa02...
[[特徴量の選択とエンジニアリング(データの理解、データの...
再び、[[説明変数の表と目的変数の表に分割>Pandas#mea8020b]...
# データを切出して、型を変換(DF → NP)
x = np.array(df.loc[:, ['列名1']])
y = np.array(df.loc[:, ['列名2']])
# データをスライシングして確認。
x[:5]
y[:5]
-実行
--学習
lr = LinearRegression()
lr.fit(x, y)
※ fitは多変量に対応しているので二次元配列であること。
--推論~
new_val = np.array([[説明変数の値]])
pred_val = lr.predict(new_val)
print(pred_val)
※ predictは多変量に対応しているので二次元配列であること。
-評価~
--回帰直線
# y = lr.coef_[0] * x + lr.intercept_
print('coefficient = ', lr.coef_[0]) # 係数
print('intercept = ', lr.intercept_) # 切片
--決定係数(R2乗値)
print('R^2')
print('train: %.3f' % lr.score(x_train, y_train))
print('test : %.3f' % lr.score(x_test, y_test))
※ 過学習などが起きていないか確認する。
--散布図に回帰直線を追加
---プロットのための x を用意~
学習データを用いてもイイが、別途、用意しても良い。
x = np.arange(上限, 下限, 間隔)[:, np.newaxis]
※ predictは多変量に対応しているので二次元配列であること。
---推論の結果を散布
plt.scatter(x, y, color = 'blue')
plt.plot(x, lr.predict(x), color = 'red')
plt.grid()
plt.show()
--[[相関係数は算出済みで、相関係数の2乗が決定係数(R2乗値...
***[[重回帰分析>統計解析#xc0279dd]] [#aad4af67]
-[[(データの取得・加工)>#x2f7bc0d]]~
[[ボストン住宅価格データセット>データマイニング(DM)- Da...
-[[データの理解>#q3ef3a04]]~
-[[データの準備>#v8a8aa18]]
-[[データの分割>#u893f8ae]]
--X、Y分割~
説明変数と目的変数の表([[PandasのDataFrame>Pandas#e1fa02...
[[特徴量の選択とエンジニアリング(データの理解、データの...
再び、[[説明変数の表と目的変数の表に分割>Pandas#mea8020b]...
# データを切出して、型を変換(DF → NP)
x = np.array(df.loc[:, ['列名1', '列名2', ...]])
y = np.array(df.loc[:, ['列名3']])
# データをスライシングして確認。
x[:5]
y[:5]
--データの標準化~
&color(red){ココでは偏回帰係数による追加の特徴量エンジニ...
標準化しないと、偏回帰係数で、どの説明変数が重要か判断で...
---標準化~
x, y 共に標準化。
ss = StandardScaler()
# 引数は numpy.ndarray
x = ss.fit_transform(x)
y = ss.fit_transform(y)
---確認~
・平均が≒0
x.mean()
y.mean()
・標準偏差が≒1
x.std()
y.std()
--学習・テストデータの分割
---ホールド・アウト法
# test_size = 0.3 train:test = 7:3 で分割。
# random_state = 0 毎回同じサンプルに分割
x_train, x_test, y_train, y_test = train_test_split(x, y...
---データ分割の結果確認~
(numpy.ndarray).shapeメソッドで確認できる。
x_train.shape
y_train.shape
x_test.shape
y_test.shape
-実行
--学習~
学習データで学習を実行する。
lr = LinearRegression()
lr.fit(x_train, y_train)
--推論~
i, jは説明変数の値(スカラ)
y_pred = lr.predict(np.array([[i, j]]))
-評価
--回帰超平面
# y = lr.coef_[0] * x1 + lr.coef_[1] * x2 * ... + lr.int...
print('coefficient = ', lr.coef_) # 偏回帰係数
print('intercept = ', lr.intercept_) # 定数項
---偏回帰係数は、データの標準化を施してあれば、追加の[[特...
(標準化する前は説明変数の数値1あたりの重みに差があるので...
---抑制変数(相関係数が低くても予測における重要度が大きい...
があるので、相関係数が低い説明変数を利用した学習もさせる、~
自由度調整済み決定係数がより大きいモデルを採用する。
--推論値から見た実測値の比率を算出するなど。
ratio = y_prop / y_pred
--[[trainとtestの決定係数(R2乗値)を算出する。>データマ...
重回帰の場合の決定係数(R2乗値)≠ 相関係数の2乗
---決定係数(R2乗値)
print('R^2')
print('train: %.3f' % lr.score(x_train, y_train))
print('test : %.3f' % lr.score(x_test, y_test))
※ 過学習などが起きていないか確認する。
---自由度調整済み決定係数(R2乗値)~
関数の定義
def adjusted(score, n_sample, n_explanatory_variables):
adjusted_score = 1 - (1 - score) * ((n_sample - 1) /...
return adjusted_score
計算の実行
print('train: %.3f' % adjusted(lr.score(x_train, y_train...
print('test : %.3f' % adjusted(lr.score(x_test, y_test),...
--[[RMSEなどを計算する。>データマイニング(DM)- CRISP-DM...
print('train: %.3f' % (mse(y_train, lr.predict(x_train))...
print('test : %.3f' % (mse(y_test, lr.predict(x_test)) *...
--[[回帰超平面の可視化>Matplotlib#fb63aada]]
---y, x1, x2 の3変数なので可能。4変数以上では不可能。
---w0 - w2は、以下のように取得して計算する。
w0 = lr.intercept_
w1 = lr.coef_[0, 0]
w2 = lr.coef_[0, 1]
y = w0 + w1*x1 + w2*x2
--[[残差プロットを行う。>データマイニング(DM)- CRISP-DM...
***[[多項式回帰分析>統計解析#oe32e0f1]] [#sb08c3b8]
<元データ>~
[[重回帰分析>#aad4af67]]の改善として、~
[[ボストン住宅価格データセット>データマイニング(DM)- Da...
-目的変数:y_org
-説明変数:x_org~
上記から1説明変数だけ抜いてきたもの。
--x1_org
--x2_org
<単一変数での実装と比較>~
x1_orgのみ使う(y=x^n的なn次関数)。
-準備
--ホールド・アウト法による学習・テストデータの分割
x_train_lin, x_test_lin, y_train, y_test = train_test_sp...
--多項式基底関数で変数変換を実行~
(与えられた変数の累乗を計算して返しているだけ)~
・2次関数
quad = PolynomialFeatures(degree=2)
x1_quad = quad.fit_transform(x1_org)
x_train_quad, x_test_quad, y_train, y_test = train_test_...
・3次関数
cubic = PolynomialFeatures(degree=3)
x1_cubic = cubic.fit_transform(x1_org)
x_train_cubic, x_test_cubic, y_train, y_test = train_tes...
-実行~
[[単回帰分析>#i6f0734b]]の学習を実行
--x_train_linで、model_linを学習
model_lin = LinearRegression()
model_lin.fit(x_train_lin, y_train)
--x_train_quadで、model_quadを学習
model_quad = LinearRegression()
model_quad.fit(x_train_quad, y_train)
--x_train_cubicで、model_cubicを学習
model_cubic = LinearRegression()
model_cubic.fit(x_train_quad, y_train)
-推論~
散布図に回帰式で追加。
--model_linで回帰直線
--model_quadで回帰曲線(2次関数
--model_cubicで回帰曲線(3次関数
# 散布図
plt.scatter(x_org, y_org, color='lightgray', label='data')
# 回帰式でプロット
x = np.arange(下限, 上限, 間隔)[:, np.newaxis] # 二次元化
x_quad = quad.fit_transform(x) # 注意:2次関数の変数変換...
x_cubic = cubic.fit_transform(x) # 注意:3次関数の変数変...
plt.plot(x, model_lin.predict(x), color='red', label='li...
plt.plot(x, model_quad.predict(x_quad), color='green', l...
plt.plot(x, model_cubic.predict(x_cubic), color='blue', ...
# グラフ表示
plt.xlabel('説明変数')
plt.ylabel('目的変数')
plt.legend(loc = 'upper right')
plt.show()
-評価~
model_lin、model_quad、model_cubicの
[[自由度調整済み決定係数>#aad4af67]]の比較
--model_lin
print('train: %.3f' % adjusted(model_lin.score(x_train_l...
print('test : %.3f' % adjusted(model_lin.score(x_test_li...
--model_quad
print('train: %.3f' % adjusted(model_quad.score(x_train_...
print('test : %.3f' % adjusted(model_quad.score(x_test_q...
--model_cubic
print('train: %.3f' % adjusted(model_cubic.score(x_train...
print('test : %.3f' % adjusted(model_cubic.score(x_test_...
<複数変数での実装と比較>~
x1のみ多項式で、x2_orgを追加。
-準備
--説明変数の結合
x_org = np.hstack((x1_org, x2_org))
x_quad = np.hstack((x1_quad, x2_org))
x_cubic = np.hstack((x_cubic, x2_org))
--ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x_or...
x_train_quad, x_test_quad, y_train, y_test = train_test_...
x_train_cubic, x_test_cubic, y_train, y_test = train_tes...
-実行~
[[単回帰分析>#i6f0734b]]の学習を実行(同上)
-評価~
model_lin、model_quad、model_cubicの~
[[自由度調整済み決定係数>#aad4af67]]の比較
--model_lin
print('train: %.3f' % adjusted(model_lin.score(x_train_l...
print('test : %.3f' % adjusted(model_lin.score(x_test_li...
--model_quad
print('train: %.3f' % adjusted(model_quad.score(x_train_...
print('test : %.3f' % adjusted(model_quad.score(x_test_q...
--model_cubic
print('train: %.3f' % adjusted(model_cubic.score(x_train...
print('test : %.3f' % adjusted(model_cubic.score(x_test_...
<全体を通した評価>
-残差プロットの比較
--線形回帰と回帰曲線(3次関数)での残差プロットを比較。
--曲線的相関を非線形性を導入して捉えると残差からも曲線の...
-[[過学習>機械学習(machine learning)#l377f5cd]]
--次数を大きくすると、その柔軟さが過学習のし易さにも繋がる。
--テストデータを用いた[[自由度調整済み決定係数>#aad4af67]...
***[[正則化回帰分析>統計解析#i38c7fea]] [#y118b20c]
各種法の学習・推論・評価
-事前に[[テストデータを作成>#a30bd92e]]しておく
def function(x):
y = 0.0001 * (x**3 + x**2 + x + 1)
return y
-通常の多項式回帰(7次関数)
--準備
pol = PolynomialFeatures(degree=7)
--実行
---学習
x_pol = pol.fit_transform(x) # 変数変換
lr.fit(x_pol, y) # 学習
---推論
x_plot_pol = pol.fit_transform(x_plot) # 変数変換
y_plot_pol = lr.predict(x_plot_pol) # 推論
--評価~
結果をテストデータのグラフに追加してプロット(過学習の確認
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
-多項式回帰(7次関数)でRidge回帰
--準備~
alpha(正則化項の係数λ)の値を変えながら繰り返し実行
model_ridge = Ridge(alpha=1000)
--実行
---学習
model_ridge.fit(x_pol, y)
---推論
y_plot_pol_ridge = model_ridge.predict(x_plot_pol)
--評価
---スコアを確認
print('R^2: %.3f' % model_ridge.score(x_pol, y))
print('adjusted R^2: %.3f' % adjusted(model_ridge.score(...
---結果をプロット(正則化の確認~
(テストデータのグラフに追加)
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
# Ridge回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol_ridge, color='red')
---確認
# 重み(正則化なし)
lr.coef_
# 重み(Ridge回帰)
model_ridge.coef_
# L2ノルム(正則化なし)
LA.norm(lr.coef_)
# L2ノルム(Ridge回帰)
LA.norm(model_ridge.coef_) # L2ノルムの縮小の確認
-多項式回帰(7次関数)でLASSO回帰~
特徴選択による次元削減を自動的に行う。~
サンプル数に対して特徴量が多すぎるスパースなデータを分析...
--準備~
alpha(正則化項の係数λ)の値を変えながら繰り返し実行
model_lasso = Lasso(alpha=1000)
--実行
---学習
model_lasso.fit(x_pol, y)
---推論
y_plot_pol_lasso = model_lasso.predict(x_plot_pol)
--評価
---スコアを確認
print('R^2: %.3f' % model_lasso.score(x_pol, y))
print('adjusted R^2: %.3f' % adjusted(model_lasso.score(...
---結果をプロット(正則化の確認~
(テストデータのグラフに追加)
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
# LASSO回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol_lasso, color='red')
---確認~
特徴選択による次元削減、L1ノルムの縮小
# 重み(正則化なし)
lr.coef_
# 重み(LASSO回帰)
model_lasso.coef_ # 次元削減の確認
# L1ノルム(正則化なし)
LA.norm(lr.coef_, ord=1)
# L1ノルム(LASSO回帰)
LA.norm(model_lasso.coef_, ord=1) # L1ノルムの縮小の確認
-多項式回帰(7次関数)でElasticNet~
L2ノルムとL1ノルムの中間のノルムに罰則を課すと~
Ridge回帰より強いがLASSOより弱い次元削減が行われる。
--準備~
alpha(正則化項の係数λ)とl1_ratioの値を変えながら繰り返...
model_en= ElasticNet(alpha=1000, l1_ratio=0.9)
--実行
---学習
model_en.fit(x_pol, y)
---推論
y_plot_pol_en = model_en.predict(x_plot_pol)
--評価
---スコアを確認
print('R^2: %.3f' % model_en.score(x_pol, y))
print('adjusted R^2: %.3f' % adjusted(model_en.score(x_p...
---結果をプロット(正則化の確認~
(テストデータのグラフに追加)
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
# ElasticNetの回帰式(7次関数)
plt.plot(x_plot, y_plot_pol_en, color='red')
---確認~
次元削減、L1とL2ノルムの縮小
# 重み(正則化なし)
lr.coef_
# 重み(ElasticNet)
model_en.coef_ # 次元削減の確認
# L2ノルム(正則化なし)
LA.norm(lr.coef_)
# L2ノルム(ElasticNet)
LA.norm(model_en.coef_) # L2ノルムの縮小の確認
# L1ノルム(正則化なし)
LA.norm(lr.coef_, ord=1)
# L1ノルム(ElasticNet)
LA.norm(model_en.coef_, ord=1) # L1ノルムの縮小の確認
***単純[[パーセプトロン]]線形分類器 [#gc1a3d04]
-概要
--単純[[パーセプトロン]]を使った線形の分類器
--単層[[パーセプトロン]]だから線形問題しか解けない模様。
-準備
--データの入力~
[[アイリス・データセット>データマイニング(DM)- DataSet#...
df = pd.read_csv('work/iris.csv')
--[[特徴量の選択とエンジニアリング>#m6d6f495]]
---チェック
df.describe()
sns.pairplot(df, hue='Species')
plt.show()
---選択
np_arr=np.array(df)
# PetalLengthCm, PetalWidthCm列の選択
x=np_arr[:100, 3:5] # 100→150で3値分類
# Species列の選択
y=np_arr[:100, 5:6] # 100→150で3値分類
---変換
y[y=='Iris-setosa']=0
y[y=='Iris-versicolor']=1
# y[y=='Iris-virginica']=2
y=np.array(y,dtype='int64')
--データの標準化~
カテゴリ・データは対象外
ss = StandardScaler()
ss.fit(x)
x_std = ss.transform(x)
--散布図に表示~
線形分類器で分類可能であることを確認
plt.scatter(x_std[:50, 0], x_std[:50,1], color="red", ma...
plt.scatter(x_std[50:100, 0], x_std[50:100,1], color="bl...
#plt.scatter(x_std[100:150, 0], x_std[100:150,1], color=...
plt.xlabel("PetalLengthCm")
plt.ylabel("PetalWidthCm")
plt.legend(loc="upper left")
plt.show()
--ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x_st...
-実行
--学習
ppn = Perceptron(eta0=0.1) # 学習率 0.1
ppn.fit(x_train, y_train)
--推論~
ココでは分類
index = 10
print('answer : %d' % y_test[index][0])
print('predict: %d' % ppn.predict([x_test[index]])[0])
-評価
--データセットの正答率
print('train acc: %.3f' % ppn.score(x_train, y_train))
print('test acc: %.3f' % ppn.score(x_test, y_test))
--[[混同行列>#ia6fd5d3]]
cm_ppn = confusion_matrix(y, ppn.predict(x_std))
print(cm_ppn)
cm_ppn = confusion_matrix(y_train, ppn.predict(x_train))
print(cm_ppn)
cm_ppn = confusion_matrix(y_test, ppn.predict(x_test))
print(cm_ppn)
--[[混同行列による指標>#ia6fd5d3]]
print_metrics(y, ppn.predict(x_std))
print_metrics(y_train, ppn.predict(x_train))
print_metrics(y_test, ppn.predict(x_test))
--学習した決定境界を可視化
plot_decision_regions(x_std, y.flatten(), ppn)
plt.xlabel("PetalLengthCm")
plt.ylabel("PetalWidthCm")
plt.legend(loc="upper left")
plt.title('Iris')
plt.show()
***[[サポートベクターマシン>機械学習(machine learning)#...
-概要~
こちらは非線形にも対応した分類器。
-手順~
以下、[[単純パーセプトロン線形分類器>#gc1a3d04]]と異なる...
--学習
---通常
svc = SVC(kernel='linear')
svc.fit(x_train, y_train)
---スラック変数の導入(誤分類を許容)~
C: 誤分類を調整する正則化パラメタ~
(小は誤分類に寛大、大は誤分類に厳格)
svc = SVC(kernel='linear', C=1.0)
svc.fit(x_train, y_train)
---カーネル法の導入(非線形対応)~
C: 誤分類への厳しさ~
gamma: 決定曲線の複雑さ
svc = SVC(kernel='rbf', gamma=0.1, C=10)
svc.fit(x_train, y_train)
--推論~
ppn → svc に変更して実行
--評価~
ppn → svc に変更して実行
>※ カーネル法で以下のテストデータを使うと、~
決定境界の非線形性が顕著に可視化される。
# XORのデータの作成
np.random.seed(0)
X_xor = np.random.randn(200, 2)
y_xor = np.logical_xor(X_xor[:, 0] > 0, X_xor[:, 1] > 0)
y_xor = np.where(y_xor, 1, -1)
# データの散布
plt.scatter(X_xor[y_xor == 1, 0], X_xor[y_xor == 1, 1], ...
plt.scatter(X_xor[y_xor == -1, 0], X_xor[y_xor == -1, 1]...
plt.xlim([-3, 3])
plt.ylim([-3, 3])
plt.legend(loc='best') # 右上に凡例を出力
plt.show()
***[[決定木分析>統計解析#lcaf7a28]] [#abcf5051]
-概要~
意味解釈性が高い「ツリーベース」のアルゴリズム
--決定木
--ランダムフォレスト
--勾配ブースティング木
-手順~
以下、[[単純パーセプトロン線形分類器>#gc1a3d04]]と異なる...
--学習
---通常
tree = DecisionTreeClassifier(random_state=0)
tree.fit(x_train, y_train)
---剪定~
max_depthを指定
tree = DecisionTreeClassifier(random_state=0, max_depth=3)
tree.fit(x_train, y_train)
---ランダムフォレスト~
n_estimatorsを指定
tree = RandomForestClassifier(random_state=0, n_estimato...
tree.fit(x_train, y_train)
---勾配ブースティング木~
learning_rateを指定。
tree = GradientBoostingClassifier(random_state=0, max_de...
tree.fit(x_train, y_train)
--推論~
ppn → tree に変更して実行
--評価
---ppn → tree に変更して実行
---予測確率を出力可能~
・ランダムフォレスト、勾配ブースティング木のみの機能~
tree.predict_proba(x_test[11].reshape(1, -1))
・以下の出力は、0は0%, 1は100%, 2は0%の意。
array([[0., 1., 0.]])
>※ 各特徴量の重要度を出力~
(ランダムフォレストの方が信頼性の高い)
--データの準備~
[[ロジスティック回帰>#we38b247]]の~
[[乳がんデータセット>データマイニング(DM)- DataSet#i9b9...
全列を使用して評価してみる。
--学習~
n_estimators=100に指定。
tree = RandomForestClassifier(random_state=0, n_estimato...
--出力
---配列で表示
print(tree.feature_importances_)
---可視化(棒グラフ)
x_columns = len(df_x.columns)
plt.figure(figsize=(12, 8))
plt.barh(range(x_columns), tree.feature_importances_ , a...
plt.yticks(np.arange(x_columns), df_x.columns)
plt.show()
***[[ロジスティック回帰分析>統計解析#ge055200]] [#we38b247]
-概要
--こちらも、[[単純パーセプトロン線形分類器>#gc1a3d04]]同...
--ただし、こちらは、
---2値分類の確率を予測する。
---[[乳がんデータセット>データマイニング(DM)- DataSet#i...
-手順~
以下、[[単純パーセプトロン線形分類器>#gc1a3d04]]と異なる...
--準備
---[[特徴量の選択とエンジニアリング>#m6d6f495]]~
・チェック
df_pickup = df.loc[:, ['perimeter_worst', 'concave point...
sns.pairplot(df_pickup, hue='diagnosis')
plt.show()
・選択
x = df.loc[:, ['perimeter_worst', 'concave points_mean']...
y = df.loc[:, ['diagnosis']].values
・変換
y[y=='M']=0
y[y=='B']=1
y=np.array(y,dtype='int64')
---データの標準化~
カテゴリ・データは対象外
ss = StandardScaler()
ss.fit(x)
x_std = ss.transform(x)
---ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x_st...
--学習
lr = LogisticRegression(C=1.0)
lr.fit(x_train, y_train)
--推論~
ココでは2値分類
---実行
index = 10
print('answer : %d' % y_test[index][0])
print('predict: %d' % lr.predict([x_test[index]])[0])
---確率
lr.predict_proba([x_test[index]])[0]
--評価
---データセットの正答率
print('train acc: %.3f' % lr.score(x_train, y_train))
print('test acc: %.3f' % lr.score(x_test, y_test))
---[[混同行列>#ia6fd5d3]]~
cm_lr = confusion_matrix(y, lr.predict(x_std))
print(cm_lr)
cm_lr = confusion_matrix(y_train, lr.predict(x_train))
print(cm_lr)
cm_lr = confusion_matrix(y_test, lr.predict(x_test))
print(cm_lr)
---[[混同行列による指標>#ia6fd5d3]]~
print_metrics(y, lr.predict(x_std))
print_metrics(y_train, lr.predict(x_train))
print_metrics(y_test, lr.predict(x_test))
---学習した決定境界を可視化
plot_decision_regions(x_std, y.flatten(), lr)
plt.xlabel("perimeter_worst")
plt.ylabel("concave points_mean")
plt.legend(loc="upper left")
plt.title('cancer')
plt.show()
***[[主成分分析>統計解析#f800acad]] [#rb8d508f]
-準備~
[[単純パーセプトロン線形分類器>#gc1a3d04]]と同じirisを使...
-学習~
n_componentsは説明変数の数以下。~
4を指定するなら、yに4列を残しておく。
pca = PCA(n_components=4) # 主成分を4つまで取得
x_pca = pca.fit_transform(x_std)
-結果
--可視化
---上記を第1、2主成分で散布すると~
上手く、3値分類されていることが可視化される。
plt.figure()
for target, marker, color in zip(range(3), '>ox', 'rgb')...
# y==targetで、boolのnumpy.ndarrayベクトルが返るので...
plt.scatter(x_pca[y==target, 0], x_pca[y==target, 1]...
plt.xlabel('第1主成分')
plt.ylabel('第2主成分')
plt.show()
---上記を第3、4主成分で散布図にプロットすると~
上手く、分類されていないことが可視化される。
--寄与率
---通常の寄与率
pca.explained_variance_ratio_
---累積寄与率(合計100%)
pca.explained_variance_ratio_
--因子負荷量~
目的変数 = √ljh1*説明変数1 + √ljh2*説明変数2 + ... + √ljh...
pca.components_ * np.sqrt(pca.explained_variance_)[:, np...
※ 出力の行列はn行が第n+1主成分の因子負荷量を表し、~
n列が当該成分の因子負荷量に対する説明変数の相関を表す。
***[[クラスタ分析>統計解析#df844c06]] [#ie416797]
-準備~
irisを使用して[[主成分分析>#rb8d508f]]で特徴抽出したデー...
-学習~
k-means法でクラスタ分析する。
km = KMeans(n_clusters=3, # クラスタの個数を指定
init='random', # 重心の初期値の決め方を決定
n_init=10, # 異なる重心の初期値を用いて...
max_iter=300, # ひとつの重心を用いたときの...
tol=1e-04, # 収束と判定するための相対的...
random_state=0, # 重心の初期化に用いる乱数生...
)
y_km = km.fit_predict(x_pca[:, 0:2]) # PC1, 2のみ使用
-結果
--結果を表示する。
---関数定義
def kmeans_plot(n_clusters, km, x):
# クラスタの予測値を算出
y_km = km.fit_predict(x)
# クラスタ毎に散布(ZIP的に5クラスまで、要素を増やせ...
for i, color, marker in zip(range(n_clusters), 'rgbc...
plt.scatter(x[y_km==i, 0], # 横軸の値
x[y_km==i, 1], # 縦軸の値
color=color, # プロット...
marker=marker, # プロット...
label='cluster ' + str(i) # ラベル
)
# クラスタの中心を散布
plt.scatter(km.cluster_centers_[:, 0], # 横軸の値
km.cluster_centers_[:, 1], # 縦軸の値
color='y', # プロット...
marker='*', # プロット...
label='centroids', # ラベル
s=300, # プロット...
)
plt.legend()
plt.grid()
plt.show()
---結果をプロット
kmeans_plot(3, km, x_pca[:, 0:2]) # PC1, 2のみ使用
--正解率を計算する。~
分類データを用いてクラスタリングを正解率を計算する。
---関数定義
def kmeans_score(y_km, y):
y=y.flatten()
correct_ans = 0
for i in range(len(y)):
if y_km[i] == y[i]:
correct_ans += 1
return correct_ans / len(y)
---結果表示
# ひっくり返ったラベルを戻す
y_km[y_km==2]=3
y_km[y_km==1]=2
y_km[y_km==3]=1
# スコアの表示
kmeans_score(y_km, y)
-弱点と対策
--重心の初期値次第で、最終的なクラスタが大きく変わる
---k-means法を~
・n_initの値を変え繰り返し実行し~
・クラスタ内誤差平方和(SSE)が一番小さくなった学習器を採...
---k-means++法を選択する。~
k-means法の初期値の選択に改良を行なった方法~
・init='k-means++'と設定し実行する。~
・initの既定値は'k-means++'になっている。
--クラスタの数を自分で決めなければならない
---エルボー法~
・クラスタ数とクラスタ内誤差平方和(SSE)の関係を見る。~
・SSEが小さくてもクラスタ数ムダに多い時は適切でない可能性...
・以下の例では、肘の部分は 2 - 4 に見え、結構曖昧ではある。
# クラスタ数とSSE
distortions = []
for k in range(1,11): # 1~10クラスタ
km = KMeans(n_clusters=k, # クラスタ数
init='random', # 重心の初期値の決め...
n_init=10, # 重心の初期値を変え...
max_iter=300, # 一回の最適化の繰り...
random_state=0) # 乱数の生成状態を指定
km.fit(x_pca[:, 0:2]) # クラスタリングを実行
distortions.append(km.inertia_) # SSEをリストに格納
# 良く解らんが、distortion = cluster inertia = SSEら...
# 結果をグラフに出力
plt.plot(range(1,11), distortions,marker='o')
plt.xlabel('Number of clusters')
plt.ylabel('Distortion')
plt.show()
※ 肘の部分は 2 or 3 となり、結構曖昧ではある。
---シルエット分析
# シルエット係数の計算
silhouettes = silhouette_samples(x_pca[:, 0:2], y_km, me...
# シルエット係数の表示
cluster_labels = np.unique(y_km)
n_clusters = cluster_labels.shape[0]
yticks = []
y_ax_lower, y_ax_upper = 0, 0
for i, cluster_label in enumerate(cluster_labels):
# 当該クラスタの係数を取り出す
cluster_silhouettes = silhouettes[y_km==cluster_label]
# 描画の上端の値を設定
y_ax_upper += len(cluster_silhouettes)
# 描画時の色の値をセット
color = cm.jet(float(i) / n_clusters)
# クラスタを横棒グラフで描画
cluster_silhouettes.sort()
plt.barh(range(y_ax_lower, y_ax_upper),
cluster_silhouettes,
height=1.0,
edgecolor='none',
color=color)
# クラスタのラベル位置を指定
yticks.append((y_ax_lower + y_ax_upper) / 2.)
# 次の描画のスタート位置
y_ax_lower += len(cluster_silhouettes)
plt.axvline(np.mean(silhouettes), color='red', linestyle...
plt.yticks(yticks, cluster_labels + 1)
plt.ylabel('Cluster')
plt.xlabel('Silhoutte coefficient')
plt.tight_layout()
plt.show()
***[[自然言語処理>言語処理]] [#rf012a00]
<[[ロジスティック回帰>#we38b247]]分類機を使った感情分析>~
レビューを入力として肯定的・否定的を判別する教師あり学習...
-準備
--インポート
---正規表現モジュール
import re
---自然言語ツールキット
import nltk
from nltk.corpus import stopwords
nltk.download("stopwords")
--クレンジング~
・HTMLタグを取り除く~
・", :, - などを取り除く(顔文字は残す)~
・すべて大文字で記述された部分を小文字に統一する~
・ステミング(接頭辞や接尾辞を取り除く)~
・"the" や "to" などのstopwordsの除去
---関数定義
def remove_html_tag(text):
pattern = re.compile(r"<[^>]*>")
removed = re.sub(pattern, " ", text)
return removed
def remove_punct(text):
pattern = re.compile(r"(?::|;|=)(?:-)?(?:\)|\(|D|P)")
emoticons = pattern.findall(text)
lower = text.lower()
removed = re.sub(r"[\W]+", " ", lower)
emoticons = " ".join(emoticons)
emoticons = emoticons.replace("-","")
connected = removed + ' ' + emoticons
return connected
def porter_stem(text):
stemmer = nltk.PorterStemmer()
words = []
for word in text.split(' '):
try:
words.append(stemmer.stem(word))
except:
stem_ls.append(word)
return " ".join(words)
def strip_stop(text):
words = []
stop = stopwords.words("english")
for word in text.split(' '):
if word not in stop:
words.append(word)
return " ".join(words)
---処理実行
df["review"] = df["review"].apply(remove_html_tag)
df["review"] = df["review"].apply(remove_punct)
df["review"] = df["review"].apply(porter_stem)
df["review"] = df["review"].apply(strip_stop)
--ベクトルに変換
cv = CountVectorizer(max_df=0.3, min_df=5, stop_words='e...
cv.fit(df['review'])
feature_names = cv.get_feature_names()
bow = cv.transform(df['review']).toarray()
--ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(bow,...
-実行~
[[ロジスティック回帰>#we38b247]]
--学習
lr = LogisticRegression()
lr.fit(x_train, y_train)
--推論
y_pred_train = lr.predict(x_train)
-評価~
若干 過学習 気味。
--トレーニング・データ
print_metrics(y_train, lr.predict(x_train))
--テスト・データ
print_metrics(y_test, lr.predict(x_test))
-[[TF-IDF>言語処理(AI)#hdbd22d6]]~
--概要~
単語のレア度に依って重み付けする。
---TF(Term Frequency: 単語の出現頻度)~
ある1つの文書の中でその単語が出現した回数
---DF(Document Frequency: 文書頻度)~
すべての文書の中でその単語が出現した回数
--手順
---変換
tfidf = TfidfTransformer(sublinear_tf=True)
x_train_tfidf = tfidf.fit_transform(x_train.astype('f'))...
x_test_tfidf = tfidf.fit_transform(x_test.astype('f')).t...
---学習
lr_tfidf = LogisticRegression()
lr_tfidf.fit(x_train_tfidf, y_train)
---評価~
・過学習が若干、解消される。
print_metrics(y_train, lr_tfidf.predict(x_train_tfidf))
print_metrics(y_test, lr_tfidf.predict(x_test_tfidf))
・重要度の高い単語を確認する。
mglearn.tools.visualize_coefficients(lr.coef_, feature_n...
mglearn.tools.visualize_coefficients(lr_tfidf.coef_, fea...
<LDAトピックモデル(文書のクラスタリング)>~
話題分析、リコメンド、類似文章検索、機械翻訳などで利用で...
-準備~
x_train_tfidfを使用する。
-実行
--特徴的な5つのトピックを抽出
lda = LatentDirichletAllocation(n_components=5, learning...
document_topics = lda.fit_transform(x_train_tfidf)
-評価
--レビュー毎の5トピック
document_topics
--5トピック中の単語と重要度
lda.components_
--各トピックに関連性する単語を強い順に5つ出力
mglearn.tools.print_topics(
topics=range(5),
feature_names=np.array(feature_names),
sorting=np.argsort(lda.components_, axis=1)[:, ::-1],
topics_per_chunk=5, n_words=5)
-LDAを次元削減で利用~
LDAにより次元削減を行った後に分類(教師あり学習)を試す。
--LDAによる次元削減~
5000単語から25トピックに次元削減
lda2 = LatentDirichletAllocation(n_components=25, learni...
x_train_lda = lda2.fit_transform(x_train_tfidf)
x_test_lda = lda2.fit_transform(x_test_tfidf)
--分類機にかけてみる。~
精度は下がるが、使用するコンピュータ・リソースを削減可能
lr_lda = LogisticRegression()
lr_lda.fit(x_train_lda, y_train)
print_metrics(y_train, lr_lda.predict(x_train_lda))
print_metrics(y_test, lr_lda.predict(x_test_lda))
***深層学習 [#s86e2dbc]
[[TensorFlow・Keras]]
**手順(分類の性能評価) [#t3059669]
***分類の性能指標 [#ia6fd5d3]
-データ(共通
iris = datasets.load_iris()
df_data = pd.DataFrame(iris.data, columns=iris.feature_n...
df_target = pd.DataFrame(iris.target, columns=['species'])
df = pd.concat([df_data, df_target], axis=1)
np_arr=np.array(df)
# データの標準化
ss = StandardScaler()
-混同行列による指標の表示関数
def print_metrics(label, pred):
print('accuracy: %.3f' % metrics.accuracy_score(labe...
print('\nmicro') # ミクロ平均
print('recall: %.3f' % metrics.recall_score(label, p...
print('precision: %.3f' % metrics.precision_score(la...
print('f1_score: %.3f' % metrics.f1_score(label, pre...
print('\nmacro') # マクロ平均
print('recall: %.3f' % metrics.recall_score(label, p...
print('precision: %.3f' % metrics.precision_score(la...
print('f1_score: %.3f' % metrics.f1_score(label, pre...
-2値分類
--データ
x2=np_arr[50:150, 2:4]
y2=np.array(np_arr[50:150, 4:5],dtype=np.int64) # 要素の...
ss.fit(x2)
x2_std = ss.transform(x2)
x2_train, x2_test, y2_train, y2_test = train_test_split(...
test_size=0.3, random_state=0)
print(x3.shape)
--学習
svc2 = SVC(kernel='rbf', gamma=0.1, C=10)
svc2.fit(x2_train, np.reshape(y2_train,(-1)))
--[[混同行列>AIプロジェクトのマネジメント#a6b82222]]
cm_svc2 = confusion_matrix(y2_test, svc2.predict(x2_test))
print(cm_svc2.dtype)
print(cm_svc2)
--[[混同行列による指標>データマイニング(DM)- CRISP-DM#u...
print_metrics(y2_test, svc2.predict(x2_test))
-3値分類の性能指標
--データ
x3=np_arr[:, 2:4]
y3=np.array(np_arr[:, 4:5],dtype=np.int64) # 要素の型をi...
ss.fit(x3)
x3_std = ss.transform(x3)
x3_train, x3_test, y3_train, y3_test = train_test_split(...
test_size=0.3, random_state=0)
print(x3.shape)
--学習
svc3 = SVC(kernel='rbf', gamma=0.1, C=10)
svc3.fit(x3_train, np.reshape(y3_train,(-1)))
--[[混同行列>AIプロジェクトのマネジメント#a6b82222]]
cm_svc3 = confusion_matrix(y3_test, svc3.predict(x3_test))
print(cm_svc3.dtype)
print(cm_svc3)
--[[混同行列による指標>データマイニング(DM)- CRISP-DM#u...
ミクロ平均、マクロ平均
print_metrics(y3_test, svc3.predict(x3_test))
***交差検証法 [#p41a0a83]
-回帰の場合:k分割交差検証法(k-fold Cross-Validation)~
[[重回帰分析>#aad4af67]]の例でテストすると良い。
--全てのデータがテストデータとして利用されるよう、~
学習データとテストデータをkパターンに分割して性能評価する...
--ホールド・アウト法よりも高い信頼性評価ができる。
kf = KFold(n_splits=5, shuffle=True, random_state=0)
scores = cross_val_score(lr, x, y, cv=kf)
scores
scores.mean() # 交差検証精度の平均
scores.std() # 交差検証精度の標準偏差
-分類の場合:層化k分割交差検証法(Stratified KFold Cross-...
[[サポートベクターマシン分類器>#r0bad011]]の例でテストす...
--分類問題に適した交差検証の方法
--k分割交差検証法にクラス・ラベルを等分する条件を追加
kf = StratifiedKFold(n_splits=5, shuffle=True, random_st...
scores = cross_val_score(svc, x, y, cv=kf)
scores
scores.mean() # 交差検証精度の平均
scores.std() # 交差検証精度の標準偏差
-特徴量選択でステップワイズ法(変数増減法と変数減増法)共...
**手順(チューニング) [#r3bca668]
***グリッド・サーチ [#d182a112]
-ハイパー・パラメタの組み合わせを格子点(Grid)の上をしら...
-[[サポートベクターマシン分類器>#r0bad011]]の例でテストす...
-手順
--準備
---ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x, y...
---ハイパー・パラメタのグリッド~
ココでは、SVCのハイパー・パラメタを指定。
param_grid = {
'C': [0.1, 1.0, 10, 100, 1000, 10000],
'gamma': [0.001, 0.01, 0.1, 1, 10]}
---層化k分割交差検証法
kf = StratifiedKFold(n_splits=5, shuffle=True, random_st...
---グリッド・サーチのアルゴリズムを生成~
・SVC()~
・任意のアルゴリズムを指定可能。~
・ココでは、SVCのインスタンスを指定。~
・param_grid~
SVCのハイパー・パラメタのグリッド~
・cv=kf~
層化k分割交差検証法
gs_svc = GridSearchCV(SVC(), param_grid, cv=kf)
--学習~
グリッド・サーチで学習
gs_svc.fit(x_train, y_train)
--評価
---結果の出力
# 精度が最も高かった組み合わせ
gs_svc.best_params_
# その際のスコア
gs_svc.best_score_
# データセットの正答率
gs_svc.score(x_test, y_test)
---決定境界の出力
plot_decision_regions(x_std, y.flatten(), gs_svc)
...
***ランダム・サーチ [#x459dc43]
-ハイパー・パラメタの組み合わせをランダムに生成して探索(...
-確率分布を仮定し無駄と思われる探索を見つけ出し、その試行...
-[[サポートベクターマシン分類器>#r0bad011]]の例でテストす...
***多目的ベイズ最適化 [#qeb914cc]
ハイパーパラメタ・チューニング
-多目的最適化
-ベイズ最適化
***[[特徴量の選択とエンジニアリング>機械学習(machine lea...
-[[特徴選択>機械学習(machine learning)#s58bcf22]]
-[[エンジニアリング>機械学習(machine learning)#g620e73a]]
--irisを使用して、
---特徴選択した場合と、
---[[主成分分析>#rb8d508f]]で特徴抽出した場合の、
> 特徴量を使用して精度を比較する。
--アルゴリズムは[[サポートベクターマシン分類器>#r0bad011]...
---x_stdを使用して学習
scores_std = cross_val_score(SVC(), x_std[:, [0, 2]], y,...
print('特徴選択: {}'.format(scores_std.mean()))
---x_pcaを使用して学習
scores_pca = cross_val_score(SVC(), x_pca[:, 0:2], y, cv...
print('特徴抽出: {}'.format(scores_pca.mean()))
※ このケースは低次元なので、特徴選択した x_std の方...
**テストデータの作成 [#icdb58e1]
***回帰データセット [#z9e4729a]
-生成
x, y, coef = make_regression(random_state=12,
n_samples=100, # サンプル数 100
n_features=4, # 特徴量の数 4
n_informative=2, # 目的変数に相関...
noise=10.0, # ノイズ 10.0
bias=-0.0,
coef=True)
-表示
df_x=pd.DataFrame(X,columns=['a','b','c','d'])
df_y=pd.DataFrame(y,columns=['y'])
df=pd.concat([df_x, df_y],axis=1)
sns.pairplot(df)
plt.show()
***分類データセット [#re4ad022]
-生成
x, y = make_blobs(random_state=8,
n_samples=100, # サンプル数 100
n_features=2, # 特徴量の数を 2
cluster_std=1.5, # 標準偏差
centers=3) # 塊数を3
-表示
--関数
def cluster_plot(n_clusters, x, y):
plt.figure()
for target, marker, color in zip(range(3), '>ox', 'r...
# y==targetで、boolのnumpy.ndarrayベクトルが返る...
plt.scatter(x[y==target, 0], x[y==target, 1], ma...
plt.xlabel('x1')
plt.ylabel('x2')
plt.show()
--散布
cluster_plot(3, x, y)
***関数で近似できるデータセット [#a30bd92e]
-適当な関数を定義
def function(x):
y = なんとか x
return y
-関数上のプロット
# xの範囲を指定
x_plot = np.arange(-25, 25, 0.1)
# yを関数で指定
y_plot = function(x_plot)
# 機械学習用に変換
x_plot = x_plot.reshape(-1, 1)
-サンプルの生成
# 乱数生成器の状態を指定
np.random.seed(3)
# 正規分布に従ってX個のデータ点を生成
x = np.random.normal(0, 10, X)
# 対応するyを関数で生成
y = function(x)
# 正規分布に従うノイズを加える
y += np.random.normal(0, 0.25, len(y))
# 機械学習用に変換
x = x.reshape(-1, 1)
-関数の描画と散布図で可視化
# 関数を描画
plt.plot(x_plot, y_plot, color='gray')
# サンプルを散布
plt.scatter(x, y)
# グラフを表示
plt.show()
*参考 [#n60645df]
**[[scikit-learn]] [#b582dbf9]
**[[TensorFlow・Keras]] [#s1bd5818]
**[[Kaggle - Competitions - Getting Started]] [#r47caf1c]
終了行:
「[[.NET 開発基盤部会 Wiki>http://dotnetdevelopmentinfras...
散布図
-[[戻る>ビジネス インテリジェンス(BI)]]
--[[CRISP-DM>データマイニング(DM)- CRISP-DM]]
--[[Excel>データマイニング(DM)- Excel]]
--[[KNIME>データマイニング(DM)- KNIME]]
--Python
--[[Python - DL>データマイニング(DM)- Python - DL]]
--[[DataSet>データマイニング(DM)- DataSet]]
*目次 [#t245ece0]
#contents
*概要 [#hda87b7c]
-ドイツのコンスタンツ大学で作られたOSS
-分析、レポート、および統合プラットフォーム。
-GUI、データ分析の一連の流れを実行できる。
-日本語版は無いため表記は英語。
*詳細 [#hf34e389]
**インストレーション [#i3fd4074]
[[機械学習・深層学習>人工知能(AI)]]の特性上、インタラク...
-[[Jupyter Notebook>Jupyter Notebook#wc0c0415]]
-[[JupyterLab>JupyterLab#w99a4180]]
**基本操作 [#e6b77db8]
***起動 [#dd4714ef]
-[[Jupyter Notebook>Jupyter Notebook#g030b2ce]]
-[[JupyterLab>JupyterLab#d6463240]]
***初期化 [#pc3be9e9]
-インストール
--データ分析
---scikit-learn
!pip install scikit-learn
---Excel読込用
!pip install openpyxl
---散布図表示用
!pip install seaborn
---分類可視化用
!pip install mlxtend
---教材的ライブラリ
!pip install mglearn
--自然言語処理
---自然言語ツールキット
!pip install nltk -q
---日本語形態素解析
!pip install janome
-警告の非表示
import warnings
warnings.filterwarnings('ignore')
-インポート
--基本的なライブラリ~
[[NumPy]], [[Pandas]], [[Matplotlib]], mglearn
import io
import requests
import pandas as pd
import numpy as np
import mglearn
import matplotlib.pyplot as plt
%matplotlib inline
--[[scikit-learn]]
---前処理
from sklearn.preprocessing import StandardScaler ...
from sklearn.model_selection import train_test_split ...
---モデル
from sklearn.linear_model import LinearRegression ...
from sklearn.preprocessing import PolynomialFeatures ...
from sklearn.linear_model import Ridge ...
from sklearn.linear_model import Lasso ...
from sklearn.linear_model import ElasticNet ...
from sklearn.linear_model import Perceptron ...
from sklearn.linear_model import LogisticRegression ...
from sklearn.svm import SVC ...
from sklearn.tree import DecisionTreeClassifier ...
from sklearn.ensemble import RandomForestClassifier ...
from sklearn.ensemble import GradientBoostingClassifier ...
from sklearn.decomposition import PCA ...
from sklearn.cluster import KMeans ...
from sklearn.feature_extraction.text import CountVectori...
from sklearn.feature_extraction.text import TfidfTransfo...
from sklearn.decomposition import LatentDirichletAllocat...
---精度評価
from sklearn import metrics ...
from sklearn.metrics import mean_squared_error as mse ...
from sklearn.metrics import silhouette_samples ...
from sklearn.model_selection import cross_val_score ...
from sklearn.model_selection import KFold ...
from sklearn.model_selection import StratifiedKFold ...
from sklearn.model_selection import GridSearchCV ...
---データセット生成
from sklearn.datasets import make_regression ...
from sklearn.datasets import make_blobs ...
--その他
---可視化
import seaborn as sns ...
from mlxtend.plotting import plot_decision_regions ...
from matplotlib import cm ...
---その他
from numpy import linalg as LA # 線形代数ライブラリ
***データ読込 [#i8137ca8]
-Sample [[DataSet>データマイニング(DM)- DataSet]]
-[[CSV、Excelファイル読込>Pandas#w8a12f28]]
-[[NP ⇔ DF型変換>Pandas#e3138f86]]
***[[特徴量の選択とエンジニアリング>機械学習(machine lea...
-[[データの理解>#q3ef3a04]]
-[[データの準備>#v8a8aa18]]
**[[CRISP-DM>データマイニング(DM)- CRISP-DM]]上で利用 [...
***(データの取得・加工) [#x2f7bc0d]
(ココはCRISP-DM上に定義なし)
-生成~
[[データ読込>#i8137ca8]]
-加工
--[[切出して>Pandas#mea8020b]]
--[[結合して>Pandas#n20b174a]]、
***データの理解 [#q3ef3a04]
-説明変数と目的変数の~
表([[PandasのDataFrame>Pandas#e1fa02e4]])を用意し、
-基本統計量の計算と確認
>>>df.describe()
-相関~
目的変数と相関の強い説明変数を調査。
--相関係数行列
---2列のみの場合
df.corr()
---不要な列を削除して
df.drop('行番号列名', axis=1).corr()
---[[ヒートマップに表示>Matplotlib#eddbc4be]]
--[[散布図行列>Matplotlib#a41dcf52]]~
列数が多いとハングするので注意。
---通常
>>>sns.pairplot(df)
>>>plt.show()
---カテゴリ分類
>>>sns.pairplot(df, hue='カテゴリ列')
>>>plt.show()
-欠損率の計算と確認
--欠損値をカウント~
各列あたりの欠損値を出力
df.isnull().sum() / len(df)
-[[可視化>データ分析#v5084e84]] -> [[Matplotlib]]、[[seab...
***データの準備 [#v8a8aa18]
-データのクリーニング
--リストワイズ法(削除)~
欠損値を含む行を削除
---欠損値を含む行を削除
df.dropna()
---欠損していない列数が指定した値以上の行を削除
df.dropna(thresh=列数)
--ペアワイズ法(削除)~
指定の列に欠損値を含む行を削除
df.dropna(subset=['列名の指定', '列名の指定'])
--補完値で置換
---代表値補完
# 平均
df.fillna(df.mean())
# 中央
df.fillna(df.median())
# 最頻
df.fillna(df.mode().iloc[0])
---線形補完
df.interpolate(method='linear')
---任意の定数で補完~
・全列
df.fillna(定数)
・列指定
df.fillna({'列名1':定数1, '列名2':定数2, ..., '列名n':定...
---前後の値で補完~
更に、axis、limit等も指定可能。~
・前の値
df.fillna(method='ffill')
・後の値
df.fillna(method='bfill')
---[[高度な補完>Pandas#y7d7000b]]
-データの構築・統合
--単一属性変換
---カテゴリ → 数値
df['列名'] = df['列名'].map({'カテゴリ1':数値1, 'カテゴ...
---数値 → カテゴリ
df['列名'] = df['列名'].map({数値1:'カテゴリ1', 数値2:'...
--One-Hotエンコーディング
---[[NumPyの場合、to_categoricalを使う。>NumPy#c1c53872]]
---[[Pandasの場合、get_dummiesを使う。>Pandas#f4de2b7c]]
***(PG上ある) [#u893f8ae]
(ココはCRISP-DM上に定義なし)
-[[X、Y分割>データマイニング(DM)- CRISP-DM#see28a6b]](...
--いい感じ
x = np.array(df2.loc[:, ['xxx']])
y = np.array(df2.loc[:, ['yyy']])
--DFでやる
df_x = df2.loc[:, ['alcohol']]
df_y = df2.loc[:, ['quality']]
x1 = np.array(df_x)
y1 = np.array(df_y)
--NPでやる
xy = np.array(df2)
x2 = xy[:, 3:4]
y2 = xy[:, 4:5]
--チェック
print(np.allclose(x1, x2))
print(np.allclose(y1, y2))
-[[標準化・正規化>データマイニング(DM)- CRISP-DM#v9d192...
--標準化
---dfで
x = (df.iloc[:, m:n] - df.iloc[:, m:n].mean()) / df.iloc...
x.describe()
---npで
ss = StandardScaler()
# 引数は numpy.ndarray
x = ss.fit_transform(x)
y = ss.fit_transform(y)
--正規化
---...
---...
-[[学習・テストデータの分割>データマイニング(DM)- CRISP...
--ホールド・アウト法
# test_size = 0.3 train:test = 7:3 で分割。
# random_state = 0 毎回同じサンプルに分割
x_train, x_test, y_train, y_test = train_test_split(x, y...
--[[交差検証法>#p41a0a83]]
***モデリング [#f6117b8a]
-[[単回帰分析>#i6f0734b]]
-[[重回帰分析>#aad4af67]]
-[[多項式回帰分析>#sb08c3b8]]
-[[正則化回帰分析>#y118b20c]]
-[[単純パーセプトロン線形分類器>#gc1a3d04]]
-[[サポートベクターマシン分類器>#r0bad011]]
-[[決定木分析>#abcf5051]]
-[[ロジスティック回帰分析>#we38b247]]
-[[主成分分析>#rb8d508f]]
-[[クラスタ分析>#ie416797]]
-[[自然言語処理>#rf012a00]]
***評価 [#fafe43c1]
[[各モデルのコードを参照。>#y4054d35]]
-モデルの評価手法は、モデルのアルゴリズムに依存するので、...
-精度の評価手法は、実行結果から評価するのでモデルに非依存...
***展開 [#ha68bd53]
**手順(モデリング) [#y4054d35]
***[[単回帰分析>統計解析#xc0279dd]] [#i6f0734b]
-[[(データの取得・加工)>#x2f7bc0d]]~
線形単回帰し易そうなデータセットを持ってくる。
-[[データの理解>#q3ef3a04]]~
-[[データの準備>#v8a8aa18]]
-[[データの分割>#u893f8ae]]
--X、Y分割~
説明変数と目的変数の表([[PandasのDataFrame>Pandas#e1fa02...
[[特徴量の選択とエンジニアリング(データの理解、データの...
再び、[[説明変数の表と目的変数の表に分割>Pandas#mea8020b]...
# データを切出して、型を変換(DF → NP)
x = np.array(df.loc[:, ['列名1']])
y = np.array(df.loc[:, ['列名2']])
# データをスライシングして確認。
x[:5]
y[:5]
-実行
--学習
lr = LinearRegression()
lr.fit(x, y)
※ fitは多変量に対応しているので二次元配列であること。
--推論~
new_val = np.array([[説明変数の値]])
pred_val = lr.predict(new_val)
print(pred_val)
※ predictは多変量に対応しているので二次元配列であること。
-評価~
--回帰直線
# y = lr.coef_[0] * x + lr.intercept_
print('coefficient = ', lr.coef_[0]) # 係数
print('intercept = ', lr.intercept_) # 切片
--決定係数(R2乗値)
print('R^2')
print('train: %.3f' % lr.score(x_train, y_train))
print('test : %.3f' % lr.score(x_test, y_test))
※ 過学習などが起きていないか確認する。
--散布図に回帰直線を追加
---プロットのための x を用意~
学習データを用いてもイイが、別途、用意しても良い。
x = np.arange(上限, 下限, 間隔)[:, np.newaxis]
※ predictは多変量に対応しているので二次元配列であること。
---推論の結果を散布
plt.scatter(x, y, color = 'blue')
plt.plot(x, lr.predict(x), color = 'red')
plt.grid()
plt.show()
--[[相関係数は算出済みで、相関係数の2乗が決定係数(R2乗値...
***[[重回帰分析>統計解析#xc0279dd]] [#aad4af67]
-[[(データの取得・加工)>#x2f7bc0d]]~
[[ボストン住宅価格データセット>データマイニング(DM)- Da...
-[[データの理解>#q3ef3a04]]~
-[[データの準備>#v8a8aa18]]
-[[データの分割>#u893f8ae]]
--X、Y分割~
説明変数と目的変数の表([[PandasのDataFrame>Pandas#e1fa02...
[[特徴量の選択とエンジニアリング(データの理解、データの...
再び、[[説明変数の表と目的変数の表に分割>Pandas#mea8020b]...
# データを切出して、型を変換(DF → NP)
x = np.array(df.loc[:, ['列名1', '列名2', ...]])
y = np.array(df.loc[:, ['列名3']])
# データをスライシングして確認。
x[:5]
y[:5]
--データの標準化~
&color(red){ココでは偏回帰係数による追加の特徴量エンジニ...
標準化しないと、偏回帰係数で、どの説明変数が重要か判断で...
---標準化~
x, y 共に標準化。
ss = StandardScaler()
# 引数は numpy.ndarray
x = ss.fit_transform(x)
y = ss.fit_transform(y)
---確認~
・平均が≒0
x.mean()
y.mean()
・標準偏差が≒1
x.std()
y.std()
--学習・テストデータの分割
---ホールド・アウト法
# test_size = 0.3 train:test = 7:3 で分割。
# random_state = 0 毎回同じサンプルに分割
x_train, x_test, y_train, y_test = train_test_split(x, y...
---データ分割の結果確認~
(numpy.ndarray).shapeメソッドで確認できる。
x_train.shape
y_train.shape
x_test.shape
y_test.shape
-実行
--学習~
学習データで学習を実行する。
lr = LinearRegression()
lr.fit(x_train, y_train)
--推論~
i, jは説明変数の値(スカラ)
y_pred = lr.predict(np.array([[i, j]]))
-評価
--回帰超平面
# y = lr.coef_[0] * x1 + lr.coef_[1] * x2 * ... + lr.int...
print('coefficient = ', lr.coef_) # 偏回帰係数
print('intercept = ', lr.intercept_) # 定数項
---偏回帰係数は、データの標準化を施してあれば、追加の[[特...
(標準化する前は説明変数の数値1あたりの重みに差があるので...
---抑制変数(相関係数が低くても予測における重要度が大きい...
があるので、相関係数が低い説明変数を利用した学習もさせる、~
自由度調整済み決定係数がより大きいモデルを採用する。
--推論値から見た実測値の比率を算出するなど。
ratio = y_prop / y_pred
--[[trainとtestの決定係数(R2乗値)を算出する。>データマ...
重回帰の場合の決定係数(R2乗値)≠ 相関係数の2乗
---決定係数(R2乗値)
print('R^2')
print('train: %.3f' % lr.score(x_train, y_train))
print('test : %.3f' % lr.score(x_test, y_test))
※ 過学習などが起きていないか確認する。
---自由度調整済み決定係数(R2乗値)~
関数の定義
def adjusted(score, n_sample, n_explanatory_variables):
adjusted_score = 1 - (1 - score) * ((n_sample - 1) /...
return adjusted_score
計算の実行
print('train: %.3f' % adjusted(lr.score(x_train, y_train...
print('test : %.3f' % adjusted(lr.score(x_test, y_test),...
--[[RMSEなどを計算する。>データマイニング(DM)- CRISP-DM...
print('train: %.3f' % (mse(y_train, lr.predict(x_train))...
print('test : %.3f' % (mse(y_test, lr.predict(x_test)) *...
--[[回帰超平面の可視化>Matplotlib#fb63aada]]
---y, x1, x2 の3変数なので可能。4変数以上では不可能。
---w0 - w2は、以下のように取得して計算する。
w0 = lr.intercept_
w1 = lr.coef_[0, 0]
w2 = lr.coef_[0, 1]
y = w0 + w1*x1 + w2*x2
--[[残差プロットを行う。>データマイニング(DM)- CRISP-DM...
***[[多項式回帰分析>統計解析#oe32e0f1]] [#sb08c3b8]
<元データ>~
[[重回帰分析>#aad4af67]]の改善として、~
[[ボストン住宅価格データセット>データマイニング(DM)- Da...
-目的変数:y_org
-説明変数:x_org~
上記から1説明変数だけ抜いてきたもの。
--x1_org
--x2_org
<単一変数での実装と比較>~
x1_orgのみ使う(y=x^n的なn次関数)。
-準備
--ホールド・アウト法による学習・テストデータの分割
x_train_lin, x_test_lin, y_train, y_test = train_test_sp...
--多項式基底関数で変数変換を実行~
(与えられた変数の累乗を計算して返しているだけ)~
・2次関数
quad = PolynomialFeatures(degree=2)
x1_quad = quad.fit_transform(x1_org)
x_train_quad, x_test_quad, y_train, y_test = train_test_...
・3次関数
cubic = PolynomialFeatures(degree=3)
x1_cubic = cubic.fit_transform(x1_org)
x_train_cubic, x_test_cubic, y_train, y_test = train_tes...
-実行~
[[単回帰分析>#i6f0734b]]の学習を実行
--x_train_linで、model_linを学習
model_lin = LinearRegression()
model_lin.fit(x_train_lin, y_train)
--x_train_quadで、model_quadを学習
model_quad = LinearRegression()
model_quad.fit(x_train_quad, y_train)
--x_train_cubicで、model_cubicを学習
model_cubic = LinearRegression()
model_cubic.fit(x_train_quad, y_train)
-推論~
散布図に回帰式で追加。
--model_linで回帰直線
--model_quadで回帰曲線(2次関数
--model_cubicで回帰曲線(3次関数
# 散布図
plt.scatter(x_org, y_org, color='lightgray', label='data')
# 回帰式でプロット
x = np.arange(下限, 上限, 間隔)[:, np.newaxis] # 二次元化
x_quad = quad.fit_transform(x) # 注意:2次関数の変数変換...
x_cubic = cubic.fit_transform(x) # 注意:3次関数の変数変...
plt.plot(x, model_lin.predict(x), color='red', label='li...
plt.plot(x, model_quad.predict(x_quad), color='green', l...
plt.plot(x, model_cubic.predict(x_cubic), color='blue', ...
# グラフ表示
plt.xlabel('説明変数')
plt.ylabel('目的変数')
plt.legend(loc = 'upper right')
plt.show()
-評価~
model_lin、model_quad、model_cubicの
[[自由度調整済み決定係数>#aad4af67]]の比較
--model_lin
print('train: %.3f' % adjusted(model_lin.score(x_train_l...
print('test : %.3f' % adjusted(model_lin.score(x_test_li...
--model_quad
print('train: %.3f' % adjusted(model_quad.score(x_train_...
print('test : %.3f' % adjusted(model_quad.score(x_test_q...
--model_cubic
print('train: %.3f' % adjusted(model_cubic.score(x_train...
print('test : %.3f' % adjusted(model_cubic.score(x_test_...
<複数変数での実装と比較>~
x1のみ多項式で、x2_orgを追加。
-準備
--説明変数の結合
x_org = np.hstack((x1_org, x2_org))
x_quad = np.hstack((x1_quad, x2_org))
x_cubic = np.hstack((x_cubic, x2_org))
--ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x_or...
x_train_quad, x_test_quad, y_train, y_test = train_test_...
x_train_cubic, x_test_cubic, y_train, y_test = train_tes...
-実行~
[[単回帰分析>#i6f0734b]]の学習を実行(同上)
-評価~
model_lin、model_quad、model_cubicの~
[[自由度調整済み決定係数>#aad4af67]]の比較
--model_lin
print('train: %.3f' % adjusted(model_lin.score(x_train_l...
print('test : %.3f' % adjusted(model_lin.score(x_test_li...
--model_quad
print('train: %.3f' % adjusted(model_quad.score(x_train_...
print('test : %.3f' % adjusted(model_quad.score(x_test_q...
--model_cubic
print('train: %.3f' % adjusted(model_cubic.score(x_train...
print('test : %.3f' % adjusted(model_cubic.score(x_test_...
<全体を通した評価>
-残差プロットの比較
--線形回帰と回帰曲線(3次関数)での残差プロットを比較。
--曲線的相関を非線形性を導入して捉えると残差からも曲線の...
-[[過学習>機械学習(machine learning)#l377f5cd]]
--次数を大きくすると、その柔軟さが過学習のし易さにも繋がる。
--テストデータを用いた[[自由度調整済み決定係数>#aad4af67]...
***[[正則化回帰分析>統計解析#i38c7fea]] [#y118b20c]
各種法の学習・推論・評価
-事前に[[テストデータを作成>#a30bd92e]]しておく
def function(x):
y = 0.0001 * (x**3 + x**2 + x + 1)
return y
-通常の多項式回帰(7次関数)
--準備
pol = PolynomialFeatures(degree=7)
--実行
---学習
x_pol = pol.fit_transform(x) # 変数変換
lr.fit(x_pol, y) # 学習
---推論
x_plot_pol = pol.fit_transform(x_plot) # 変数変換
y_plot_pol = lr.predict(x_plot_pol) # 推論
--評価~
結果をテストデータのグラフに追加してプロット(過学習の確認
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
-多項式回帰(7次関数)でRidge回帰
--準備~
alpha(正則化項の係数λ)の値を変えながら繰り返し実行
model_ridge = Ridge(alpha=1000)
--実行
---学習
model_ridge.fit(x_pol, y)
---推論
y_plot_pol_ridge = model_ridge.predict(x_plot_pol)
--評価
---スコアを確認
print('R^2: %.3f' % model_ridge.score(x_pol, y))
print('adjusted R^2: %.3f' % adjusted(model_ridge.score(...
---結果をプロット(正則化の確認~
(テストデータのグラフに追加)
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
# Ridge回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol_ridge, color='red')
---確認
# 重み(正則化なし)
lr.coef_
# 重み(Ridge回帰)
model_ridge.coef_
# L2ノルム(正則化なし)
LA.norm(lr.coef_)
# L2ノルム(Ridge回帰)
LA.norm(model_ridge.coef_) # L2ノルムの縮小の確認
-多項式回帰(7次関数)でLASSO回帰~
特徴選択による次元削減を自動的に行う。~
サンプル数に対して特徴量が多すぎるスパースなデータを分析...
--準備~
alpha(正則化項の係数λ)の値を変えながら繰り返し実行
model_lasso = Lasso(alpha=1000)
--実行
---学習
model_lasso.fit(x_pol, y)
---推論
y_plot_pol_lasso = model_lasso.predict(x_plot_pol)
--評価
---スコアを確認
print('R^2: %.3f' % model_lasso.score(x_pol, y))
print('adjusted R^2: %.3f' % adjusted(model_lasso.score(...
---結果をプロット(正則化の確認~
(テストデータのグラフに追加)
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
# LASSO回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol_lasso, color='red')
---確認~
特徴選択による次元削減、L1ノルムの縮小
# 重み(正則化なし)
lr.coef_
# 重み(LASSO回帰)
model_lasso.coef_ # 次元削減の確認
# L1ノルム(正則化なし)
LA.norm(lr.coef_, ord=1)
# L1ノルム(LASSO回帰)
LA.norm(model_lasso.coef_, ord=1) # L1ノルムの縮小の確認
-多項式回帰(7次関数)でElasticNet~
L2ノルムとL1ノルムの中間のノルムに罰則を課すと~
Ridge回帰より強いがLASSOより弱い次元削減が行われる。
--準備~
alpha(正則化項の係数λ)とl1_ratioの値を変えながら繰り返...
model_en= ElasticNet(alpha=1000, l1_ratio=0.9)
--実行
---学習
model_en.fit(x_pol, y)
---推論
y_plot_pol_en = model_en.predict(x_plot_pol)
--評価
---スコアを確認
print('R^2: %.3f' % model_en.score(x_pol, y))
print('adjusted R^2: %.3f' % adjusted(model_en.score(x_p...
---結果をプロット(正則化の確認~
(テストデータのグラフに追加)
# テストデータ生成に使用した関数
plt.plot(x_plot, y_plot, color='gray')
# 多項式回帰の回帰式(7次関数)
plt.plot(x_plot, y_plot_pol, color='green')
# ElasticNetの回帰式(7次関数)
plt.plot(x_plot, y_plot_pol_en, color='red')
---確認~
次元削減、L1とL2ノルムの縮小
# 重み(正則化なし)
lr.coef_
# 重み(ElasticNet)
model_en.coef_ # 次元削減の確認
# L2ノルム(正則化なし)
LA.norm(lr.coef_)
# L2ノルム(ElasticNet)
LA.norm(model_en.coef_) # L2ノルムの縮小の確認
# L1ノルム(正則化なし)
LA.norm(lr.coef_, ord=1)
# L1ノルム(ElasticNet)
LA.norm(model_en.coef_, ord=1) # L1ノルムの縮小の確認
***単純[[パーセプトロン]]線形分類器 [#gc1a3d04]
-概要
--単純[[パーセプトロン]]を使った線形の分類器
--単層[[パーセプトロン]]だから線形問題しか解けない模様。
-準備
--データの入力~
[[アイリス・データセット>データマイニング(DM)- DataSet#...
df = pd.read_csv('work/iris.csv')
--[[特徴量の選択とエンジニアリング>#m6d6f495]]
---チェック
df.describe()
sns.pairplot(df, hue='Species')
plt.show()
---選択
np_arr=np.array(df)
# PetalLengthCm, PetalWidthCm列の選択
x=np_arr[:100, 3:5] # 100→150で3値分類
# Species列の選択
y=np_arr[:100, 5:6] # 100→150で3値分類
---変換
y[y=='Iris-setosa']=0
y[y=='Iris-versicolor']=1
# y[y=='Iris-virginica']=2
y=np.array(y,dtype='int64')
--データの標準化~
カテゴリ・データは対象外
ss = StandardScaler()
ss.fit(x)
x_std = ss.transform(x)
--散布図に表示~
線形分類器で分類可能であることを確認
plt.scatter(x_std[:50, 0], x_std[:50,1], color="red", ma...
plt.scatter(x_std[50:100, 0], x_std[50:100,1], color="bl...
#plt.scatter(x_std[100:150, 0], x_std[100:150,1], color=...
plt.xlabel("PetalLengthCm")
plt.ylabel("PetalWidthCm")
plt.legend(loc="upper left")
plt.show()
--ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x_st...
-実行
--学習
ppn = Perceptron(eta0=0.1) # 学習率 0.1
ppn.fit(x_train, y_train)
--推論~
ココでは分類
index = 10
print('answer : %d' % y_test[index][0])
print('predict: %d' % ppn.predict([x_test[index]])[0])
-評価
--データセットの正答率
print('train acc: %.3f' % ppn.score(x_train, y_train))
print('test acc: %.3f' % ppn.score(x_test, y_test))
--[[混同行列>#ia6fd5d3]]
cm_ppn = confusion_matrix(y, ppn.predict(x_std))
print(cm_ppn)
cm_ppn = confusion_matrix(y_train, ppn.predict(x_train))
print(cm_ppn)
cm_ppn = confusion_matrix(y_test, ppn.predict(x_test))
print(cm_ppn)
--[[混同行列による指標>#ia6fd5d3]]
print_metrics(y, ppn.predict(x_std))
print_metrics(y_train, ppn.predict(x_train))
print_metrics(y_test, ppn.predict(x_test))
--学習した決定境界を可視化
plot_decision_regions(x_std, y.flatten(), ppn)
plt.xlabel("PetalLengthCm")
plt.ylabel("PetalWidthCm")
plt.legend(loc="upper left")
plt.title('Iris')
plt.show()
***[[サポートベクターマシン>機械学習(machine learning)#...
-概要~
こちらは非線形にも対応した分類器。
-手順~
以下、[[単純パーセプトロン線形分類器>#gc1a3d04]]と異なる...
--学習
---通常
svc = SVC(kernel='linear')
svc.fit(x_train, y_train)
---スラック変数の導入(誤分類を許容)~
C: 誤分類を調整する正則化パラメタ~
(小は誤分類に寛大、大は誤分類に厳格)
svc = SVC(kernel='linear', C=1.0)
svc.fit(x_train, y_train)
---カーネル法の導入(非線形対応)~
C: 誤分類への厳しさ~
gamma: 決定曲線の複雑さ
svc = SVC(kernel='rbf', gamma=0.1, C=10)
svc.fit(x_train, y_train)
--推論~
ppn → svc に変更して実行
--評価~
ppn → svc に変更して実行
>※ カーネル法で以下のテストデータを使うと、~
決定境界の非線形性が顕著に可視化される。
# XORのデータの作成
np.random.seed(0)
X_xor = np.random.randn(200, 2)
y_xor = np.logical_xor(X_xor[:, 0] > 0, X_xor[:, 1] > 0)
y_xor = np.where(y_xor, 1, -1)
# データの散布
plt.scatter(X_xor[y_xor == 1, 0], X_xor[y_xor == 1, 1], ...
plt.scatter(X_xor[y_xor == -1, 0], X_xor[y_xor == -1, 1]...
plt.xlim([-3, 3])
plt.ylim([-3, 3])
plt.legend(loc='best') # 右上に凡例を出力
plt.show()
***[[決定木分析>統計解析#lcaf7a28]] [#abcf5051]
-概要~
意味解釈性が高い「ツリーベース」のアルゴリズム
--決定木
--ランダムフォレスト
--勾配ブースティング木
-手順~
以下、[[単純パーセプトロン線形分類器>#gc1a3d04]]と異なる...
--学習
---通常
tree = DecisionTreeClassifier(random_state=0)
tree.fit(x_train, y_train)
---剪定~
max_depthを指定
tree = DecisionTreeClassifier(random_state=0, max_depth=3)
tree.fit(x_train, y_train)
---ランダムフォレスト~
n_estimatorsを指定
tree = RandomForestClassifier(random_state=0, n_estimato...
tree.fit(x_train, y_train)
---勾配ブースティング木~
learning_rateを指定。
tree = GradientBoostingClassifier(random_state=0, max_de...
tree.fit(x_train, y_train)
--推論~
ppn → tree に変更して実行
--評価
---ppn → tree に変更して実行
---予測確率を出力可能~
・ランダムフォレスト、勾配ブースティング木のみの機能~
tree.predict_proba(x_test[11].reshape(1, -1))
・以下の出力は、0は0%, 1は100%, 2は0%の意。
array([[0., 1., 0.]])
>※ 各特徴量の重要度を出力~
(ランダムフォレストの方が信頼性の高い)
--データの準備~
[[ロジスティック回帰>#we38b247]]の~
[[乳がんデータセット>データマイニング(DM)- DataSet#i9b9...
全列を使用して評価してみる。
--学習~
n_estimators=100に指定。
tree = RandomForestClassifier(random_state=0, n_estimato...
--出力
---配列で表示
print(tree.feature_importances_)
---可視化(棒グラフ)
x_columns = len(df_x.columns)
plt.figure(figsize=(12, 8))
plt.barh(range(x_columns), tree.feature_importances_ , a...
plt.yticks(np.arange(x_columns), df_x.columns)
plt.show()
***[[ロジスティック回帰分析>統計解析#ge055200]] [#we38b247]
-概要
--こちらも、[[単純パーセプトロン線形分類器>#gc1a3d04]]同...
--ただし、こちらは、
---2値分類の確率を予測する。
---[[乳がんデータセット>データマイニング(DM)- DataSet#i...
-手順~
以下、[[単純パーセプトロン線形分類器>#gc1a3d04]]と異なる...
--準備
---[[特徴量の選択とエンジニアリング>#m6d6f495]]~
・チェック
df_pickup = df.loc[:, ['perimeter_worst', 'concave point...
sns.pairplot(df_pickup, hue='diagnosis')
plt.show()
・選択
x = df.loc[:, ['perimeter_worst', 'concave points_mean']...
y = df.loc[:, ['diagnosis']].values
・変換
y[y=='M']=0
y[y=='B']=1
y=np.array(y,dtype='int64')
---データの標準化~
カテゴリ・データは対象外
ss = StandardScaler()
ss.fit(x)
x_std = ss.transform(x)
---ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x_st...
--学習
lr = LogisticRegression(C=1.0)
lr.fit(x_train, y_train)
--推論~
ココでは2値分類
---実行
index = 10
print('answer : %d' % y_test[index][0])
print('predict: %d' % lr.predict([x_test[index]])[0])
---確率
lr.predict_proba([x_test[index]])[0]
--評価
---データセットの正答率
print('train acc: %.3f' % lr.score(x_train, y_train))
print('test acc: %.3f' % lr.score(x_test, y_test))
---[[混同行列>#ia6fd5d3]]~
cm_lr = confusion_matrix(y, lr.predict(x_std))
print(cm_lr)
cm_lr = confusion_matrix(y_train, lr.predict(x_train))
print(cm_lr)
cm_lr = confusion_matrix(y_test, lr.predict(x_test))
print(cm_lr)
---[[混同行列による指標>#ia6fd5d3]]~
print_metrics(y, lr.predict(x_std))
print_metrics(y_train, lr.predict(x_train))
print_metrics(y_test, lr.predict(x_test))
---学習した決定境界を可視化
plot_decision_regions(x_std, y.flatten(), lr)
plt.xlabel("perimeter_worst")
plt.ylabel("concave points_mean")
plt.legend(loc="upper left")
plt.title('cancer')
plt.show()
***[[主成分分析>統計解析#f800acad]] [#rb8d508f]
-準備~
[[単純パーセプトロン線形分類器>#gc1a3d04]]と同じirisを使...
-学習~
n_componentsは説明変数の数以下。~
4を指定するなら、yに4列を残しておく。
pca = PCA(n_components=4) # 主成分を4つまで取得
x_pca = pca.fit_transform(x_std)
-結果
--可視化
---上記を第1、2主成分で散布すると~
上手く、3値分類されていることが可視化される。
plt.figure()
for target, marker, color in zip(range(3), '>ox', 'rgb')...
# y==targetで、boolのnumpy.ndarrayベクトルが返るので...
plt.scatter(x_pca[y==target, 0], x_pca[y==target, 1]...
plt.xlabel('第1主成分')
plt.ylabel('第2主成分')
plt.show()
---上記を第3、4主成分で散布図にプロットすると~
上手く、分類されていないことが可視化される。
--寄与率
---通常の寄与率
pca.explained_variance_ratio_
---累積寄与率(合計100%)
pca.explained_variance_ratio_
--因子負荷量~
目的変数 = √ljh1*説明変数1 + √ljh2*説明変数2 + ... + √ljh...
pca.components_ * np.sqrt(pca.explained_variance_)[:, np...
※ 出力の行列はn行が第n+1主成分の因子負荷量を表し、~
n列が当該成分の因子負荷量に対する説明変数の相関を表す。
***[[クラスタ分析>統計解析#df844c06]] [#ie416797]
-準備~
irisを使用して[[主成分分析>#rb8d508f]]で特徴抽出したデー...
-学習~
k-means法でクラスタ分析する。
km = KMeans(n_clusters=3, # クラスタの個数を指定
init='random', # 重心の初期値の決め方を決定
n_init=10, # 異なる重心の初期値を用いて...
max_iter=300, # ひとつの重心を用いたときの...
tol=1e-04, # 収束と判定するための相対的...
random_state=0, # 重心の初期化に用いる乱数生...
)
y_km = km.fit_predict(x_pca[:, 0:2]) # PC1, 2のみ使用
-結果
--結果を表示する。
---関数定義
def kmeans_plot(n_clusters, km, x):
# クラスタの予測値を算出
y_km = km.fit_predict(x)
# クラスタ毎に散布(ZIP的に5クラスまで、要素を増やせ...
for i, color, marker in zip(range(n_clusters), 'rgbc...
plt.scatter(x[y_km==i, 0], # 横軸の値
x[y_km==i, 1], # 縦軸の値
color=color, # プロット...
marker=marker, # プロット...
label='cluster ' + str(i) # ラベル
)
# クラスタの中心を散布
plt.scatter(km.cluster_centers_[:, 0], # 横軸の値
km.cluster_centers_[:, 1], # 縦軸の値
color='y', # プロット...
marker='*', # プロット...
label='centroids', # ラベル
s=300, # プロット...
)
plt.legend()
plt.grid()
plt.show()
---結果をプロット
kmeans_plot(3, km, x_pca[:, 0:2]) # PC1, 2のみ使用
--正解率を計算する。~
分類データを用いてクラスタリングを正解率を計算する。
---関数定義
def kmeans_score(y_km, y):
y=y.flatten()
correct_ans = 0
for i in range(len(y)):
if y_km[i] == y[i]:
correct_ans += 1
return correct_ans / len(y)
---結果表示
# ひっくり返ったラベルを戻す
y_km[y_km==2]=3
y_km[y_km==1]=2
y_km[y_km==3]=1
# スコアの表示
kmeans_score(y_km, y)
-弱点と対策
--重心の初期値次第で、最終的なクラスタが大きく変わる
---k-means法を~
・n_initの値を変え繰り返し実行し~
・クラスタ内誤差平方和(SSE)が一番小さくなった学習器を採...
---k-means++法を選択する。~
k-means法の初期値の選択に改良を行なった方法~
・init='k-means++'と設定し実行する。~
・initの既定値は'k-means++'になっている。
--クラスタの数を自分で決めなければならない
---エルボー法~
・クラスタ数とクラスタ内誤差平方和(SSE)の関係を見る。~
・SSEが小さくてもクラスタ数ムダに多い時は適切でない可能性...
・以下の例では、肘の部分は 2 - 4 に見え、結構曖昧ではある。
# クラスタ数とSSE
distortions = []
for k in range(1,11): # 1~10クラスタ
km = KMeans(n_clusters=k, # クラスタ数
init='random', # 重心の初期値の決め...
n_init=10, # 重心の初期値を変え...
max_iter=300, # 一回の最適化の繰り...
random_state=0) # 乱数の生成状態を指定
km.fit(x_pca[:, 0:2]) # クラスタリングを実行
distortions.append(km.inertia_) # SSEをリストに格納
# 良く解らんが、distortion = cluster inertia = SSEら...
# 結果をグラフに出力
plt.plot(range(1,11), distortions,marker='o')
plt.xlabel('Number of clusters')
plt.ylabel('Distortion')
plt.show()
※ 肘の部分は 2 or 3 となり、結構曖昧ではある。
---シルエット分析
# シルエット係数の計算
silhouettes = silhouette_samples(x_pca[:, 0:2], y_km, me...
# シルエット係数の表示
cluster_labels = np.unique(y_km)
n_clusters = cluster_labels.shape[0]
yticks = []
y_ax_lower, y_ax_upper = 0, 0
for i, cluster_label in enumerate(cluster_labels):
# 当該クラスタの係数を取り出す
cluster_silhouettes = silhouettes[y_km==cluster_label]
# 描画の上端の値を設定
y_ax_upper += len(cluster_silhouettes)
# 描画時の色の値をセット
color = cm.jet(float(i) / n_clusters)
# クラスタを横棒グラフで描画
cluster_silhouettes.sort()
plt.barh(range(y_ax_lower, y_ax_upper),
cluster_silhouettes,
height=1.0,
edgecolor='none',
color=color)
# クラスタのラベル位置を指定
yticks.append((y_ax_lower + y_ax_upper) / 2.)
# 次の描画のスタート位置
y_ax_lower += len(cluster_silhouettes)
plt.axvline(np.mean(silhouettes), color='red', linestyle...
plt.yticks(yticks, cluster_labels + 1)
plt.ylabel('Cluster')
plt.xlabel('Silhoutte coefficient')
plt.tight_layout()
plt.show()
***[[自然言語処理>言語処理]] [#rf012a00]
<[[ロジスティック回帰>#we38b247]]分類機を使った感情分析>~
レビューを入力として肯定的・否定的を判別する教師あり学習...
-準備
--インポート
---正規表現モジュール
import re
---自然言語ツールキット
import nltk
from nltk.corpus import stopwords
nltk.download("stopwords")
--クレンジング~
・HTMLタグを取り除く~
・", :, - などを取り除く(顔文字は残す)~
・すべて大文字で記述された部分を小文字に統一する~
・ステミング(接頭辞や接尾辞を取り除く)~
・"the" や "to" などのstopwordsの除去
---関数定義
def remove_html_tag(text):
pattern = re.compile(r"<[^>]*>")
removed = re.sub(pattern, " ", text)
return removed
def remove_punct(text):
pattern = re.compile(r"(?::|;|=)(?:-)?(?:\)|\(|D|P)")
emoticons = pattern.findall(text)
lower = text.lower()
removed = re.sub(r"[\W]+", " ", lower)
emoticons = " ".join(emoticons)
emoticons = emoticons.replace("-","")
connected = removed + ' ' + emoticons
return connected
def porter_stem(text):
stemmer = nltk.PorterStemmer()
words = []
for word in text.split(' '):
try:
words.append(stemmer.stem(word))
except:
stem_ls.append(word)
return " ".join(words)
def strip_stop(text):
words = []
stop = stopwords.words("english")
for word in text.split(' '):
if word not in stop:
words.append(word)
return " ".join(words)
---処理実行
df["review"] = df["review"].apply(remove_html_tag)
df["review"] = df["review"].apply(remove_punct)
df["review"] = df["review"].apply(porter_stem)
df["review"] = df["review"].apply(strip_stop)
--ベクトルに変換
cv = CountVectorizer(max_df=0.3, min_df=5, stop_words='e...
cv.fit(df['review'])
feature_names = cv.get_feature_names()
bow = cv.transform(df['review']).toarray()
--ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(bow,...
-実行~
[[ロジスティック回帰>#we38b247]]
--学習
lr = LogisticRegression()
lr.fit(x_train, y_train)
--推論
y_pred_train = lr.predict(x_train)
-評価~
若干 過学習 気味。
--トレーニング・データ
print_metrics(y_train, lr.predict(x_train))
--テスト・データ
print_metrics(y_test, lr.predict(x_test))
-[[TF-IDF>言語処理(AI)#hdbd22d6]]~
--概要~
単語のレア度に依って重み付けする。
---TF(Term Frequency: 単語の出現頻度)~
ある1つの文書の中でその単語が出現した回数
---DF(Document Frequency: 文書頻度)~
すべての文書の中でその単語が出現した回数
--手順
---変換
tfidf = TfidfTransformer(sublinear_tf=True)
x_train_tfidf = tfidf.fit_transform(x_train.astype('f'))...
x_test_tfidf = tfidf.fit_transform(x_test.astype('f')).t...
---学習
lr_tfidf = LogisticRegression()
lr_tfidf.fit(x_train_tfidf, y_train)
---評価~
・過学習が若干、解消される。
print_metrics(y_train, lr_tfidf.predict(x_train_tfidf))
print_metrics(y_test, lr_tfidf.predict(x_test_tfidf))
・重要度の高い単語を確認する。
mglearn.tools.visualize_coefficients(lr.coef_, feature_n...
mglearn.tools.visualize_coefficients(lr_tfidf.coef_, fea...
<LDAトピックモデル(文書のクラスタリング)>~
話題分析、リコメンド、類似文章検索、機械翻訳などで利用で...
-準備~
x_train_tfidfを使用する。
-実行
--特徴的な5つのトピックを抽出
lda = LatentDirichletAllocation(n_components=5, learning...
document_topics = lda.fit_transform(x_train_tfidf)
-評価
--レビュー毎の5トピック
document_topics
--5トピック中の単語と重要度
lda.components_
--各トピックに関連性する単語を強い順に5つ出力
mglearn.tools.print_topics(
topics=range(5),
feature_names=np.array(feature_names),
sorting=np.argsort(lda.components_, axis=1)[:, ::-1],
topics_per_chunk=5, n_words=5)
-LDAを次元削減で利用~
LDAにより次元削減を行った後に分類(教師あり学習)を試す。
--LDAによる次元削減~
5000単語から25トピックに次元削減
lda2 = LatentDirichletAllocation(n_components=25, learni...
x_train_lda = lda2.fit_transform(x_train_tfidf)
x_test_lda = lda2.fit_transform(x_test_tfidf)
--分類機にかけてみる。~
精度は下がるが、使用するコンピュータ・リソースを削減可能
lr_lda = LogisticRegression()
lr_lda.fit(x_train_lda, y_train)
print_metrics(y_train, lr_lda.predict(x_train_lda))
print_metrics(y_test, lr_lda.predict(x_test_lda))
***深層学習 [#s86e2dbc]
[[TensorFlow・Keras]]
**手順(分類の性能評価) [#t3059669]
***分類の性能指標 [#ia6fd5d3]
-データ(共通
iris = datasets.load_iris()
df_data = pd.DataFrame(iris.data, columns=iris.feature_n...
df_target = pd.DataFrame(iris.target, columns=['species'])
df = pd.concat([df_data, df_target], axis=1)
np_arr=np.array(df)
# データの標準化
ss = StandardScaler()
-混同行列による指標の表示関数
def print_metrics(label, pred):
print('accuracy: %.3f' % metrics.accuracy_score(labe...
print('\nmicro') # ミクロ平均
print('recall: %.3f' % metrics.recall_score(label, p...
print('precision: %.3f' % metrics.precision_score(la...
print('f1_score: %.3f' % metrics.f1_score(label, pre...
print('\nmacro') # マクロ平均
print('recall: %.3f' % metrics.recall_score(label, p...
print('precision: %.3f' % metrics.precision_score(la...
print('f1_score: %.3f' % metrics.f1_score(label, pre...
-2値分類
--データ
x2=np_arr[50:150, 2:4]
y2=np.array(np_arr[50:150, 4:5],dtype=np.int64) # 要素の...
ss.fit(x2)
x2_std = ss.transform(x2)
x2_train, x2_test, y2_train, y2_test = train_test_split(...
test_size=0.3, random_state=0)
print(x3.shape)
--学習
svc2 = SVC(kernel='rbf', gamma=0.1, C=10)
svc2.fit(x2_train, np.reshape(y2_train,(-1)))
--[[混同行列>AIプロジェクトのマネジメント#a6b82222]]
cm_svc2 = confusion_matrix(y2_test, svc2.predict(x2_test))
print(cm_svc2.dtype)
print(cm_svc2)
--[[混同行列による指標>データマイニング(DM)- CRISP-DM#u...
print_metrics(y2_test, svc2.predict(x2_test))
-3値分類の性能指標
--データ
x3=np_arr[:, 2:4]
y3=np.array(np_arr[:, 4:5],dtype=np.int64) # 要素の型をi...
ss.fit(x3)
x3_std = ss.transform(x3)
x3_train, x3_test, y3_train, y3_test = train_test_split(...
test_size=0.3, random_state=0)
print(x3.shape)
--学習
svc3 = SVC(kernel='rbf', gamma=0.1, C=10)
svc3.fit(x3_train, np.reshape(y3_train,(-1)))
--[[混同行列>AIプロジェクトのマネジメント#a6b82222]]
cm_svc3 = confusion_matrix(y3_test, svc3.predict(x3_test))
print(cm_svc3.dtype)
print(cm_svc3)
--[[混同行列による指標>データマイニング(DM)- CRISP-DM#u...
ミクロ平均、マクロ平均
print_metrics(y3_test, svc3.predict(x3_test))
***交差検証法 [#p41a0a83]
-回帰の場合:k分割交差検証法(k-fold Cross-Validation)~
[[重回帰分析>#aad4af67]]の例でテストすると良い。
--全てのデータがテストデータとして利用されるよう、~
学習データとテストデータをkパターンに分割して性能評価する...
--ホールド・アウト法よりも高い信頼性評価ができる。
kf = KFold(n_splits=5, shuffle=True, random_state=0)
scores = cross_val_score(lr, x, y, cv=kf)
scores
scores.mean() # 交差検証精度の平均
scores.std() # 交差検証精度の標準偏差
-分類の場合:層化k分割交差検証法(Stratified KFold Cross-...
[[サポートベクターマシン分類器>#r0bad011]]の例でテストす...
--分類問題に適した交差検証の方法
--k分割交差検証法にクラス・ラベルを等分する条件を追加
kf = StratifiedKFold(n_splits=5, shuffle=True, random_st...
scores = cross_val_score(svc, x, y, cv=kf)
scores
scores.mean() # 交差検証精度の平均
scores.std() # 交差検証精度の標準偏差
-特徴量選択でステップワイズ法(変数増減法と変数減増法)共...
**手順(チューニング) [#r3bca668]
***グリッド・サーチ [#d182a112]
-ハイパー・パラメタの組み合わせを格子点(Grid)の上をしら...
-[[サポートベクターマシン分類器>#r0bad011]]の例でテストす...
-手順
--準備
---ホールド・アウト法による学習・テストデータの分割
x_train, x_test, y_train, y_test = train_test_split(x, y...
---ハイパー・パラメタのグリッド~
ココでは、SVCのハイパー・パラメタを指定。
param_grid = {
'C': [0.1, 1.0, 10, 100, 1000, 10000],
'gamma': [0.001, 0.01, 0.1, 1, 10]}
---層化k分割交差検証法
kf = StratifiedKFold(n_splits=5, shuffle=True, random_st...
---グリッド・サーチのアルゴリズムを生成~
・SVC()~
・任意のアルゴリズムを指定可能。~
・ココでは、SVCのインスタンスを指定。~
・param_grid~
SVCのハイパー・パラメタのグリッド~
・cv=kf~
層化k分割交差検証法
gs_svc = GridSearchCV(SVC(), param_grid, cv=kf)
--学習~
グリッド・サーチで学習
gs_svc.fit(x_train, y_train)
--評価
---結果の出力
# 精度が最も高かった組み合わせ
gs_svc.best_params_
# その際のスコア
gs_svc.best_score_
# データセットの正答率
gs_svc.score(x_test, y_test)
---決定境界の出力
plot_decision_regions(x_std, y.flatten(), gs_svc)
...
***ランダム・サーチ [#x459dc43]
-ハイパー・パラメタの組み合わせをランダムに生成して探索(...
-確率分布を仮定し無駄と思われる探索を見つけ出し、その試行...
-[[サポートベクターマシン分類器>#r0bad011]]の例でテストす...
***多目的ベイズ最適化 [#qeb914cc]
ハイパーパラメタ・チューニング
-多目的最適化
-ベイズ最適化
***[[特徴量の選択とエンジニアリング>機械学習(machine lea...
-[[特徴選択>機械学習(machine learning)#s58bcf22]]
-[[エンジニアリング>機械学習(machine learning)#g620e73a]]
--irisを使用して、
---特徴選択した場合と、
---[[主成分分析>#rb8d508f]]で特徴抽出した場合の、
> 特徴量を使用して精度を比較する。
--アルゴリズムは[[サポートベクターマシン分類器>#r0bad011]...
---x_stdを使用して学習
scores_std = cross_val_score(SVC(), x_std[:, [0, 2]], y,...
print('特徴選択: {}'.format(scores_std.mean()))
---x_pcaを使用して学習
scores_pca = cross_val_score(SVC(), x_pca[:, 0:2], y, cv...
print('特徴抽出: {}'.format(scores_pca.mean()))
※ このケースは低次元なので、特徴選択した x_std の方...
**テストデータの作成 [#icdb58e1]
***回帰データセット [#z9e4729a]
-生成
x, y, coef = make_regression(random_state=12,
n_samples=100, # サンプル数 100
n_features=4, # 特徴量の数 4
n_informative=2, # 目的変数に相関...
noise=10.0, # ノイズ 10.0
bias=-0.0,
coef=True)
-表示
df_x=pd.DataFrame(X,columns=['a','b','c','d'])
df_y=pd.DataFrame(y,columns=['y'])
df=pd.concat([df_x, df_y],axis=1)
sns.pairplot(df)
plt.show()
***分類データセット [#re4ad022]
-生成
x, y = make_blobs(random_state=8,
n_samples=100, # サンプル数 100
n_features=2, # 特徴量の数を 2
cluster_std=1.5, # 標準偏差
centers=3) # 塊数を3
-表示
--関数
def cluster_plot(n_clusters, x, y):
plt.figure()
for target, marker, color in zip(range(3), '>ox', 'r...
# y==targetで、boolのnumpy.ndarrayベクトルが返る...
plt.scatter(x[y==target, 0], x[y==target, 1], ma...
plt.xlabel('x1')
plt.ylabel('x2')
plt.show()
--散布
cluster_plot(3, x, y)
***関数で近似できるデータセット [#a30bd92e]
-適当な関数を定義
def function(x):
y = なんとか x
return y
-関数上のプロット
# xの範囲を指定
x_plot = np.arange(-25, 25, 0.1)
# yを関数で指定
y_plot = function(x_plot)
# 機械学習用に変換
x_plot = x_plot.reshape(-1, 1)
-サンプルの生成
# 乱数生成器の状態を指定
np.random.seed(3)
# 正規分布に従ってX個のデータ点を生成
x = np.random.normal(0, 10, X)
# 対応するyを関数で生成
y = function(x)
# 正規分布に従うノイズを加える
y += np.random.normal(0, 0.25, len(y))
# 機械学習用に変換
x = x.reshape(-1, 1)
-関数の描画と散布図で可視化
# 関数を描画
plt.plot(x_plot, y_plot, color='gray')
# サンプルを散布
plt.scatter(x, y)
# グラフを表示
plt.show()
*参考 [#n60645df]
**[[scikit-learn]] [#b582dbf9]
**[[TensorFlow・Keras]] [#s1bd5818]
**[[Kaggle - Competitions - Getting Started]] [#r47caf1c]
ページ名: