PCA降維實例

1.導入數據

import numpy as np
import pandas as pd
df = pd.read_csv('iris.data')
df.head()

在這裏插入圖片描述

2.修改列名

df.columns=['sepal_len', 'sepal_wid', 'petal_len', 'petal_wid', 'class']
df.head()

在這裏插入圖片描述

3.賦值

# split data table into data X and class labels y

X = df.iloc[:,0:4].values
y = df.iloc[:,4].values

4.繪圖

plt.hist函數講解

matplotlib.pyplot.hist(x, bins=None, range=None, normed=False, weights=None, cumulative=False, bottom=None, histtype=’bar’, align=’mid’, orientation=’vertical’, rwidth=None, log=False, color=None, label=None, stacked=False, hold=None, data=None, **kwargs)

x : 這個參數是指定每個bin(箱子)分佈的數據,對應x軸;
bins:這個參數指定bin(箱子)的個數,也就是總共有幾條條狀圖;
range : 設置顯示的範圍,範圍之外的將被捨棄;
normed : 這個參數指定密度,也就是每個條狀圖的佔比例比,默認爲1;
histtype : 選擇展示的類型,默認爲bar;
align : 對齊方式;
orientation : 直方圖方向;
log : log刻度;
color : 顏色設置;
label : 刻度標籤。

from matplotlib import pyplot as plt
import math

label_dict = {1: 'Iris-Setosa',
              2: 'Iris-Versicolor',
              3: 'Iris-Virgnica'}

feature_dict = {0: 'sepal length [cm]',
                1: 'sepal width [cm]',
                2: 'petal length [cm]',
                3: 'petal width [cm]'}


plt.figure(figsize=(8, 6))
for cnt in range(4):
    plt.subplot(2, 2, cnt+1)
    for lab in ('Iris-setosa', 'Iris-versicolor', 'Iris-virginica'):
        plt.hist(X[y==lab, cnt],
                     label=lab,
                     bins=10,
                     alpha=0.3,)
    plt.xlabel(feature_dict[cnt])
    plt.legend(loc='upper right', fancybox=True, fontsize=8)

plt.tight_layout()
plt.show()

在這裏插入圖片描述

from sklearn.preprocessing import StandardScaler
X_std = StandardScaler().fit_transform(X)
print (X_std)

在這裏插入圖片描述

5. 求協方差矩陣

mean_vec = np.mean(X_std, axis=0)
cov_mat = (X_std - mean_vec).T.dot((X_std - mean_vec)) / (X_std.shape[0]-1)
print('Covariance matrix \n%s' %cov_mat)

在這裏插入圖片描述

6.轉置

print('NumPy covariance matrix: \n%s' %np.cov(X_std.T))

在這裏插入圖片描述

7.特徵值和特徵向量

numpy.cov()
Numpy中的 cov() 可以直接求得矩陣的協方差矩陣。
numpy.linalg.eig(a)
參數:

  • a:想要計算奇異值和右奇異值的方陣。

返回值:

  • w:特徵值。每個特徵值根據它的多重性重複。這個數組將是複雜類型,除非虛數部分爲0。當傳進的參數a是實數時,得到的特徵值是實數。
  • v:特徵向量。
cov_mat = np.cov(X_std.T)

eig_vals, eig_vecs = np.linalg.eig(cov_mat)

print('Eigenvectors \n%s' %eig_vecs)
print('\nEigenvalues \n%s' %eig_vals)

在這裏插入圖片描述

8.將特徵值做成特徵對

# Make a list of (eigenvalue, eigenvector) tuples
eig_pairs = [(np.abs(eig_vals[i]), eig_vecs[:,i]) for i in range(len(eig_vals))]
print (eig_pairs)
print ('----------')
# Sort the (eigenvalue, eigenvector) tuples from high to low
eig_pairs.sort(key=lambda x: x[0], reverse=True)

# Visually confirm that the list is correctly sorted by decreasing eigenvalues
print('Eigenvalues in descending order:')
for i in eig_pairs:
    print(i[0])

在這裏插入圖片描述

9.COMSUM

tot = sum(eig_vals)
# 歸一化成百分制
var_exp = [(i / tot)*100 for i in sorted(eig_vals, reverse=True)]
print (var_exp)
cum_var_exp = np.cumsum(var_exp)
cum_var_exp

在這裏插入圖片描述COMSUM使用舉例

a = np.array([1,2,3,4])
print (a)
print ('-----------')
print (np.cumsum(a))

在這裏插入圖片描述

10.繪圖操作

bar
繪製柱形圖
step
繪製動態越階函數

plt.figure(figsize=(6, 4))

plt.bar(range(4), var_exp, alpha=0.5, align='center',
            label='individual explained variance')
plt.step(range(4), cum_var_exp, where='mid',
             label='cumulative explained variance')
plt.ylabel('Explained variance ratio')
plt.xlabel('Principal components')
plt.legend(loc='best')
plt.tight_layout()
plt.show()

在這裏插入圖片描述

11.水平組合

matrix_w = np.hstack((eig_pairs[0][1].reshape(4,1),
                      eig_pairs[1][1].reshape(4,1)))

print('Matrix W:\n', matrix_w)

在這裏插入圖片描述

Y = X_std.dot(matrix_w)
Y

在這裏插入圖片描述

12.原始繪圖

plt.figure(figsize=(6, 4))
for lab, col in zip(('Iris-setosa', 'Iris-versicolor', 'Iris-virginica'),
                        ('blue', 'red', 'green')):
     plt.scatter(X[y==lab, 0],
                X[y==lab, 1],
                label=lab,
                c=col)
plt.xlabel('sepal_len')
plt.ylabel('sepal_wid')
plt.legend(loc='best')
plt.tight_layout()
plt.show()

在這裏插入圖片描述

13.PCA後繪圖

plt.figure(figsize=(6, 4))
for lab, col in zip(('Iris-setosa', 'Iris-versicolor', 'Iris-virginica'),
                        ('blue', 'red', 'green')):
     plt.scatter(Y[y==lab, 0],
                Y[y==lab, 1],
                label=lab,
                c=col)
plt.xlabel('Principal Component 1')
plt.ylabel('Principal Component 2')
plt.legend(loc='lower center')
plt.tight_layout()
plt.show()

在這裏插入圖片描述

發表評論
所有評論
還沒有人評論,想成為第一個評論的人麼? 請在上方評論欄輸入並且點擊發布.
相關文章