scikit-learn을 사용한 퍼셉트론 – Python 기계 학습 3장 학습 메모

전 기사는 여기

최근 파이썬 기계 학습을 읽고 진행하고 있습니다만, 그 학습 메모입니다.
마지막 시간은 여기

퍼셉트론


  • iris 데이터 세트를 사용하여 scikit-learn의 퍼셉트론으로 훈련
  • 특징 량은 萼片의 길이와 꽃잎의 길이

  • 교육 데이터 생성


    from sklearn import datasets
    import numpy as np
    from sklearn.cross_validation import train_test_split
    from sklearn.preprocessing import StandardScaler
    from sklearn.linear_model import Perceptron
    from sklearn.metrics import accuracy_score
    
    # Irisデータセットをロード
    iris = datasets.load_iris()
    # 3,4列目の特徴量を抽出
    X = iris.data[:, [2, 3]]
    # クラスラベルを取得
    y = iris.target
    # print('Class labels:', np.unique(y))
    
    # テストデータの分離
    X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=0)
    
    # 特徴量のスケーリング
    sc = StandardScaler()
    # トレーニングデータの平均と標準偏差を計算
    sc.fit(X_train)
    # 平均と標準偏差を用いて標準化
    X_train_std = sc.transform(X_train)
    X_test_std = sc.transform(X_test)
    
    
    

    퍼셉트론을 이용한 학습


  • scikit-learn의 대부분의 알고리즘은 다중 클래스 분류를 지원한다.
  • 다중 클래스 분류에는 일대 다 (OvR) 기술이 사용됩니다.
  • # パーセプトロンインスタンス生成
    ppn = Perceptron(n_iter=40, eta0=0.1, random_state=0, shuffle=True)
    # トレーニングデータをモデルに適合
    ppn.fit(X_train_std, y_train)
    
    y_pred = ppn.predict(X_test_std)
    print('誤分類:%d' % (y_test != y_pred).sum())
    print('正解率: %.2f' % accuracy_score(y_test, y_pred))
    

    출력


    誤分類:4
    正解率: 0.91
    

    학습 결과 플롯


    from matplotlib.colors import ListedColormap
    import matplotlib.pyplot as plt
    import warnings
    
    
    def versiontuple(v):
        return tuple(map(int, (v.split("."))))
    
    
    def plot_decision_regions(X, y, classifier, test_idx=None, resolution=0.02):
    
        # setup marker generator and color map
        markers = ('s', 'x', 'o', '^', 'v')
        colors = ('red', 'blue', 'lightgreen', 'gray', 'cyan')
        cmap = ListedColormap(colors[:len(np.unique(y))])
    
        # plot the decision surface
        x1_min, x1_max = X[:, 0].min() - 1, X[:, 0].max() + 1
        x2_min, x2_max = X[:, 1].min() - 1, X[:, 1].max() + 1
        xx1, xx2 = np.meshgrid(np.arange(x1_min, x1_max, resolution),
                               np.arange(x2_min, x2_max, resolution))
        Z = classifier.predict(np.array([xx1.ravel(), xx2.ravel()]).T)
        Z = Z.reshape(xx1.shape)
        plt.contourf(xx1, xx2, Z, alpha=0.4, cmap=cmap)
        plt.xlim(xx1.min(), xx1.max())
        plt.ylim(xx2.min(), xx2.max())
    
        for idx, cl in enumerate(np.unique(y)):
            plt.scatter(x=X[y == cl, 0],
                        y=X[y == cl, 1],
                        alpha=0.6,
                        c=cmap(idx),
                        edgecolor='black',
                        marker=markers[idx],
                        label=cl)
    
        # highlight test samples
        if test_idx:
            # plot all samples
            if not versiontuple(np.__version__) >= versiontuple('1.9.0'):
                X_test, y_test = X[list(test_idx), :], y[list(test_idx)]
                warnings.warn('Please update to NumPy 1.9.0 or newer')
            else:
                X_test, y_test = X[test_idx, :], y[test_idx]
    
            plt.scatter(X_test[:, 0],
                        X_test[:, 1],
                        c='',
                        alpha=1.0,
                        edgecolor='black',
                        linewidths=1,
                        marker='o',
                        s=55, label='test set')
    
    
    X_combined_std = np.vstack((X_train_std, X_test_std))
    y_combined = np.hstack((y_train, y_test))
    
    plot_decision_regions(X=X_combined_std, y=y_combined,
                          classifier=ppn, test_idx=range(105, 150))
    plt.xlabel('petal length [standardized]')
    plt.ylabel('petal width [standardized]')
    plt.legend(loc='upper left')
    
    plt.tight_layout()
    # plt.savefig('./figures/iris_perceptron_scikit.png', dpi=300)
    plt.show()
    

    실행 결과



    좋은 웹페이지 즐겨찾기