Scikit-learnは、Pythonで機械学習を行うためのライブラリで、多くの機能を提供しています。
チートシートは、これらの機能を簡単に参照できるようにまとめたものです。
以下にScikit-learnの主要な機能とその使い方をチートシート形式で詳しく説明します。
目次
インポート
import numpy as np
import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import StandardScaler
from sklearn.linear_model import LinearRegression
from sklearn.metrics import mean_squared_error
データの準備
- データの読み込み
df = pd.read_csv('data.csv')
X = df.drop('target', axis=1)
y = df['target']
- データの分割
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)
前処理
- 標準化
scaler = StandardScaler()
X_train_scaled = scaler.fit_transform(X_train)
X_test_scaled = scaler.transform(X_test)
- エンコーディング(カテゴリカルデータの場合)
from sklearn.preprocessing import OneHotEncoder
encoder = OneHotEncoder()
X_encoded = encoder.fit_transform(X)
モデルの構築
- 線形回帰
model = LinearRegression()
model.fit(X_train_scaled, y_train)
- 決定木
from sklearn.tree import DecisionTreeClassifier
model = DecisionTreeClassifier()
model.fit(X_train, y_train)
- ランダムフォレスト
from sklearn.ensemble import RandomForestClassifier
model = RandomForestClassifier()
model.fit(X_train, y_train)
- サポートベクターマシン
from sklearn.svm import SVC
model = SVC()
model.fit(X_train, y_train)
モデルの評価
- 予測と評価
y_pred = model.predict(X_test_scaled)
mse = mean_squared_error(y_test, y_pred)
print(f'Mean Squared Error: {mse}')
- 分類モデルの評価
from sklearn.metrics import accuracy_score, classification_report
accuracy = accuracy_score(y_test, y_pred)
report = classification_report(y_test, y_pred)
print(f'Accuracy: {accuracy}')
print(report)
クロスバリデーション
- クロスバリデーションの実行
from sklearn.model_selection import cross_val_score
scores = cross_val_score(model, X, y, cv=5)
print(f'Cross-validation scores: {scores}')
ハイパーパラメータチューニング
- グリッドサーチ
from sklearn.model_selection import GridSearchCV
param_grid = {'C': [0.1, 1, 10], 'gamma': [1, 0.1, 0.01]}
grid = GridSearchCV(SVC(), param_grid, refit=True, verbose=2)
grid.fit(X_train, y_train)
print(grid.best_params_)
print(grid.best_estimator_)
- ランダムサーチ
from sklearn.model_selection import RandomizedSearchCV
param_dist = {'n_estimators': range(50, 200, 10), 'max_depth': range(1, 20, 2)}
random_search = RandomizedSearchCV(RandomForestClassifier(), param_distributions=param_dist, n_iter=100, cv=5, verbose=2, random_state=42)
random_search.fit(X_train, y_train)
print(random_search.best_params_)
print(random_search.best_estimator_)
モデルの保存と読み込み
- 保存
import joblib
joblib.dump(model, 'model.pkl')
- 読み込み
model = joblib.load('model.pkl')
このチートシートは、Scikit-learnの基本的な使い方を網羅していますが、詳細なドキュメントや具体的なチュートリアルも参照することで、さらに深く学ぶことができます。
Scikit-learnの公式ドキュメントは非常に充実しており、初心者から上級者まで幅広いユーザーにとって有用です。
以上、Scikit-learnのチートシートについてでした。
最後までお読みいただき、ありがとうございました。