Python實現(xiàn)機(jī)器學(xué)習(xí)算法的分類
Python算法的分類
對葡萄酒數(shù)據(jù)集進(jìn)行測試,由于數(shù)據(jù)集是多分類且數(shù)據(jù)的樣本分布不平衡,所以直接對數(shù)據(jù)測試,效果不理想。所以使用SMOTE過采樣對數(shù)據(jù)進(jìn)行處理,對數(shù)據(jù)去重,去空,處理后數(shù)據(jù)達(dá)到均衡,然后進(jìn)行測試,與之前測試相比,準(zhǔn)確率提升較高。
例如:決策樹:
Smote處理前:
Smote處理后:
from typing import Counter from matplotlib import colors, markers import numpy as np import pandas as pd import operator import matplotlib.pyplot as plt from sklearn import tree from sklearn.model_selection import train_test_split from sklearn.ensemble import AdaBoostClassifier from sklearn.ensemble import RandomForestClassifier from sklearn.neighbors import KNeighborsClassifier from sklearn.neural_network import MLPClassifier from sklearn.svm import SVC # 判斷模型預(yù)測準(zhǔn)確率的模型 from sklearn.metrics import accuracy_score from sklearn.metrics import roc_auc_score from sklearn.metrics import f1_score from sklearn.metrics import classification_report #設(shè)置繪圖內(nèi)的文字 plt.rcParams['font.family'] = ['sans-serif'] plt.rcParams['font.sans-serif'] = ['SimHei'] path ="C:\\Users\\zt\\Desktop\\winequality\\myexcel.xls" # path=r"C:\\Users\\zt\\Desktop\\winequality\\winequality-red.csv"#您要讀取的文件路徑 # exceldata = np.loadtxt( # path, # dtype=str, # delimiter=";",#每列數(shù)據(jù)的隔開標(biāo)志 # skiprows=1 # ) # print(Counter(exceldata[:,-1])) exceldata = pd.read_excel(path) print(exceldata) print(exceldata[exceldata.duplicated()]) print(exceldata.duplicated().sum()) #去重 exceldata = exceldata.drop_duplicates() #判空去空 print(exceldata.isnull()) print(exceldata.isnull().sum) print(exceldata[~exceldata.isnull()]) exceldata = exceldata[~exceldata.isnull()] print(Counter(exceldata["quality"])) #smote #使用imlbearn庫中上采樣方法中的SMOTE接口 from imblearn.over_sampling import SMOTE #定義SMOTE模型,random_state相當(dāng)于隨機(jī)數(shù)種子的作用 X,y = np.split(exceldata,(11,),axis=1) smo = SMOTE(random_state=10) x_smo,y_smo = SMOTE().fit_resample(X.values,y.values)print(Counter(y_smo)) x_smo = pd.DataFrame({"fixed acidity":x_smo[:,0], "volatile acidity":x_smo[:,1],"citric acid":x_smo[:,2] ,"residual sugar":x_smo[:,3] ,"chlorides":x_smo[:,4],"free sulfur dioxide":x_smo[:,5] ,"total sulfur dioxide":x_smo[:,6] ,"density":x_smo[:,7],"pH":x_smo[:,8] ,"sulphates":x_smo[:,9] ," alcohol":x_smo[:,10]}) y_smo = pd.DataFrame({"quality":y_smo}) print(x_smo.shape) print(y_smo.shape) #合并 exceldata = pd.concat([x_smo,y_smo],axis=1) print(exceldata) #分割X,y X,y = np.split(exceldata,(11,),axis=1) X_train,X_test,y_train,y_test = train_test_split(X,y,random_state=10,train_size=0.7) print("訓(xùn)練集大?。?d"%(X_train.shape[0])) print("測試集大小:%d"%(X_test.shape[0])) def func_mlp(X_train,X_test,y_train,y_test): print("神經(jīng)網(wǎng)絡(luò)MLP:") kk = [i for i in range(200,500,50) ] #迭代次數(shù) t_precision = [] t_recall = [] t_accuracy = [] t_f1_score = [] for n in kk: method = MLPClassifier(activation="tanh",solver='lbfgs', alpha=1e-5, hidden_layer_sizes=(5, 2), random_state=1,max_iter=n) method.fit(X_train,y_train) MLPClassifier(activation='relu', alpha=1e-05, batch_size='auto', beta_1=0.9,beta_2=0.999, early_stopping=False, epsilon=1e-08,hidden_layer_sizes=(5, 2), learning_rate='constant',learning_rate_init=0.001, max_iter=n, momentum=0.9,nesterovs_momentum=True, power_t=0.5, random_state=1, shuffle=True,solver='lbfgs', tol=0.0001, validation_fraction=0.1, verbose=False,warm_start=False) y_predict = method.predict(X_test) t =classification_report(y_test, y_predict, target_names=['3','4','5','6','7','8'],output_dict=True) print(t) t_accuracy.append(t["accuracy"]) t_precision.append(t["weighted avg"]["precision"]) t_recall.append(t["weighted avg"]["recall"]) t_f1_score.append(t["weighted avg"]["f1-score"]) plt.figure("數(shù)據(jù)未處理MLP") plt.subplot(2,2,1) #添加文本 #x軸文本 plt.xlabel('迭代次數(shù)') #y軸文本 plt.ylabel('accuracy') #標(biāo)題 plt.title('不同迭代次數(shù)下的accuracy') plt.plot(kk,t_accuracy,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,2) #添加文本 #x軸文本 plt.xlabel('迭代次數(shù)') #y軸文本 plt.ylabel('precision') #標(biāo)題 plt.title('不同迭代次數(shù)下的precision') plt.plot(kk,t_precision,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,3) #添加文本 #x軸文本 plt.xlabel('迭代次數(shù)') #y軸文本 plt.ylabel('recall') #標(biāo)題 plt.title('不同迭代次數(shù)下的recall') plt.plot(kk,t_recall,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,4) #添加文本 #x軸文本 plt.xlabel('迭代次數(shù)') #y軸文本 plt.ylabel('f1_score') #標(biāo)題 plt.title('不同迭代次數(shù)下的f1_score') plt.plot(kk,t_f1_score,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.show() def func_svc(X_train,X_test,y_train,y_test): print("向量機(jī):") kk = ["linear","poly","rbf"] #核函數(shù)類型 t_precision = [] t_recall = [] t_accuracy = [] t_f1_score = [] for n in kk: method = SVC(kernel=n, random_state=0) method = method.fit(X_train, y_train) y_predic = method.predict(X_test) t =classification_report(y_test, y_predic, target_names=['3','4','5','6','7','8'],output_dict=True) print(t) t_accuracy.append(t["accuracy"]) t_precision.append(t["weighted avg"]["precision"]) t_recall.append(t["weighted avg"]["recall"]) t_f1_score.append(t["weighted avg"]["f1-score"]) plt.figure("數(shù)據(jù)未處理向量機(jī)") plt.subplot(2,2,1) #添加文本 #x軸文本 plt.xlabel('核函數(shù)類型') #y軸文本 plt.ylabel('accuracy') #標(biāo)題 plt.title('不同核函數(shù)類型下的accuracy') plt.plot(kk,t_accuracy,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,2) #添加文本 #x軸文本 plt.xlabel('核函數(shù)類型') #y軸文本 plt.ylabel('precision') #標(biāo)題 plt.title('不同核函數(shù)類型下的precision') plt.plot(kk,t_precision,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,3) #添加文本 #x軸文本 plt.xlabel('核函數(shù)類型') #y軸文本 plt.ylabel('recall') #標(biāo)題 plt.title('不同核函數(shù)類型下的recall') plt.plot(kk,t_recall,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,4) #添加文本 #x軸文本 plt.xlabel('核函數(shù)類型') #y軸文本 plt.ylabel('f1_score') #標(biāo)題 plt.title('不同核函數(shù)類型下的f1_score') plt.plot(kk,t_f1_score,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.show() def func_classtree(X_train,X_test,y_train,y_test): print("決策樹:") kk = [10,20,30,40,50,60,70,80,90,100] #決策樹最大深度 t_precision = [] t_recall = [] t_accuracy = [] t_f1_score = [] for n in kk: method = tree.DecisionTreeClassifier(criterion="gini",max_depth=n) method.fit(X_train,y_train) predic = method.predict(X_test) print("method.predict:%f"%method.score(X_test,y_test)) t =classification_report(y_test, predic, target_names=['3','4','5','6','7','8'],output_dict=True) print(t) t_accuracy.append(t["accuracy"]) t_precision.append(t["weighted avg"]["precision"]) t_recall.append(t["weighted avg"]["recall"]) t_f1_score.append(t["weighted avg"]["f1-score"]) plt.figure("數(shù)據(jù)未處理決策樹") plt.subplot(2,2,1) #添加文本 #x軸文本 plt.xlabel('決策樹最大深度') #y軸文本 plt.ylabel('accuracy') #標(biāo)題 plt.title('不同決策樹最大深度下的accuracy') plt.plot(kk,t_accuracy,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,2) #添加文本 #x軸文本 plt.xlabel('決策樹最大深度') #y軸文本 plt.ylabel('precision') #標(biāo)題 plt.title('不同決策樹最大深度下的precision') plt.plot(kk,t_precision,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,3) #添加文本 #x軸文本 plt.xlabel('決策樹最大深度') #y軸文本 plt.ylabel('recall') #標(biāo)題 plt.title('不同決策樹最大深度下的recall') plt.plot(kk,t_recall,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,4) #添加文本 #x軸文本 plt.xlabel('決策樹最大深度') #y軸文本 plt.ylabel('f1_score') #標(biāo)題 plt.title('不同決策樹最大深度下的f1_score') plt.plot(kk,t_f1_score,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.show() def func_adaboost(X_train,X_test,y_train,y_test): print("提升樹:") kk = [0.1,0.2,0.3,0.4,0.5,0.6,0.7,0.8] t_precision = [] t_recall = [] t_accuracy = [] t_f1_score = [] for n in range(100,200,200): for k in kk: print("迭代次數(shù)為:%d\n學(xué)習(xí)率:%.2f"%(n,k)) bdt = AdaBoostClassifier(tree.DecisionTreeClassifier(max_depth=2, min_samples_split=20), algorithm="SAMME", n_estimators=n, learning_rate=k) bdt.fit(X_train, y_train) #迭代100次 ,學(xué)習(xí)率為0.1 y_pred = bdt.predict(X_test) print("訓(xùn)練集score:%lf"%(bdt.score(X_train,y_train))) print("測試集score:%lf"%(bdt.score(X_test,y_test))) print(bdt.feature_importances_) t =classification_report(y_test, y_pred, target_names=['3','4','5','6','7','8'],output_dict=True) print(t) t_accuracy.append(t["accuracy"]) t_precision.append(t["weighted avg"]["precision"]) t_recall.append(t["weighted avg"]["recall"]) t_f1_score.append(t["weighted avg"]["f1-score"]) plt.figure("數(shù)據(jù)未處理迭代100次(adaboost)") plt.subplot(2,2,1) #添加文本 #x軸文本 plt.xlabel('學(xué)習(xí)率') #y軸文本 plt.ylabel('accuracy') #標(biāo)題 plt.title('不同學(xué)習(xí)率下的accuracy') plt.plot(kk,t_accuracy,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,2) #添加文本 #x軸文本 plt.xlabel('學(xué)習(xí)率') #y軸文本 plt.ylabel('precision') #標(biāo)題 plt.title('不同學(xué)習(xí)率下的precision') plt.plot(kk,t_precision,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,3) #添加文本 #x軸文本 plt.xlabel('學(xué)習(xí)率') #y軸文本 plt.ylabel('recall') #標(biāo)題 plt.title('不同學(xué)習(xí)率下的recall') plt.plot(kk,t_recall,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,4) #添加文本 #x軸文本 plt.xlabel('學(xué)習(xí)率') #y軸文本 plt.ylabel('f1_score') #標(biāo)題 plt.title('不同學(xué)習(xí)率下的f1_score') plt.plot(kk,t_f1_score,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.show() # inX 用于分類的輸入向量 # dataSet表示訓(xùn)練樣本集 # 標(biāo)簽向量為labels,標(biāo)簽向量的元素數(shù)目和矩陣dataSet的行數(shù)相同 # 參數(shù)k表示選擇最近鄰居的數(shù)目 def classify0(inx, data_set, labels, k): """實現(xiàn)k近鄰""" data_set_size = data_set.shape[0]# 數(shù)據(jù)集個數(shù),即行數(shù) diff_mat = np.tile(inx, (data_set_size, 1)) - data_set# 各個屬性特征做差 sq_diff_mat = diff_mat**2 # 各個差值求平方 sq_distances = sq_diff_mat.sum(axis=1) # 按行求和 distances = sq_distances**0.5# 開方 sorted_dist_indicies = distances.argsort() # 按照從小到大排序,并輸出相應(yīng)的索引值 class_count = {} # 創(chuàng)建一個字典,存儲k個距離中的不同標(biāo)簽的數(shù)量 for i in range(k): vote_label = labels[sorted_dist_indicies[i]] # 求出第i個標(biāo)簽 # 訪問字典中值為vote_label標(biāo)簽的數(shù)值再加1, #class_count.get(vote_label, 0)中的0表示當(dāng)為查詢到vote_label時的默認(rèn)值 class_count[vote_label[0]] = class_count.get(vote_label[0], 0) + 1 # 將獲取的k個近鄰的標(biāo)簽類進(jìn)行排序 sorted_class_count = sorted(class_count.items(), key=operator.itemgetter(1), reverse=True) # 標(biāo)簽類最多的就是未知數(shù)據(jù)的類 return sorted_class_count[0][0] def func_knn(X_train,X_test,y_train,y_test): print("k近鄰:") kk = [i for i in range(3,30,5)] #k的取值 t_precision = [] t_recall = [] t_accuracy = [] t_f1_score = [] for n in kk: y_predict = [] for x in X_test.values: a = classify0(x, X_train.values, y_train.values, n) # 調(diào)用k近鄰分類 y_predict.append(a) t =classification_report(y_test, y_predict, target_names=['3','4','5','6','7','8'],output_dict=True) print(t) t_accuracy.append(t["accuracy"]) t_precision.append(t["weighted avg"]["precision"]) t_recall.append(t["weighted avg"]["recall"]) t_f1_score.append(t["weighted avg"]["f1-score"]) plt.figure("數(shù)據(jù)未處理k近鄰") plt.subplot(2,2,1) #添加文本 #x軸文本 plt.xlabel('k值') #y軸文本 plt.ylabel('accuracy') #標(biāo)題 plt.title('不同k值下的accuracy') plt.plot(kk,t_accuracy,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,2) #添加文本 #x軸文本 plt.xlabel('k值') #y軸文本 plt.ylabel('precision') #標(biāo)題 plt.title('不同k值下的precision') plt.plot(kk,t_precision,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,3) #添加文本 #x軸文本 plt.xlabel('k值') #y軸文本 plt.ylabel('recall') #標(biāo)題 plt.title('不同k值下的recall') plt.plot(kk,t_recall,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,4) #添加文本 #x軸文本 plt.xlabel('k值') #y軸文本 plt.ylabel('f1_score') #標(biāo)題 plt.title('不同k值下的f1_score') plt.plot(kk,t_f1_score,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.show() def func_randomforest(X_train,X_test,y_train,y_test): print("隨機(jī)森林:") t_precision = [] t_recall = [] t_accuracy = [] t_f1_score = [] kk = [10,20,30,40,50,60,70,80] #默認(rèn)樹的數(shù)量 for n in kk: clf = RandomForestClassifier(n_estimators=n, max_depth=100,min_samples_split=2, random_state=10,verbose=True) clf.fit(X_train,y_train) predic = clf.predict(X_test) print("特征重要性:",clf.feature_importances_) print("acc:",clf.score(X_test,y_test)) t =classification_report(y_test, predic, target_names=['3','4','5','6','7','8'],output_dict=True) print(t) t_accuracy.append(t["accuracy"]) t_precision.append(t["weighted avg"]["precision"]) t_recall.append(t["weighted avg"]["recall"]) t_f1_score.append(t["weighted avg"]["f1-score"]) plt.figure("數(shù)據(jù)未處理深度100(隨機(jī)森林)") plt.subplot(2,2,1) #添加文本 #x軸文本 plt.xlabel('樹的數(shù)量') #y軸文本 plt.ylabel('accuracy') #標(biāo)題 plt.title('不同樹的數(shù)量下的accuracy') plt.plot(kk,t_accuracy,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,2) #添加文本 #x軸文本 plt.xlabel('樹的數(shù)量') #y軸文本 plt.ylabel('precision') #標(biāo)題 plt.title('不同樹的數(shù)量下的precision') plt.plot(kk,t_precision,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,3) #添加文本 #x軸文本 plt.xlabel('樹的數(shù)量') #y軸文本 plt.ylabel('recall') #標(biāo)題 plt.title('不同樹的數(shù)量下的recall') plt.plot(kk,t_recall,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.subplot(2,2,4) #添加文本 #x軸文本 plt.xlabel('樹的數(shù)量') #y軸文本 plt.ylabel('f1_score') #標(biāo)題 plt.title('不同樹的數(shù)量下的f1_score') plt.plot(kk,t_f1_score,color="r",marker="o",lineStyle="-") plt.yticks(np.arange(0,1,0.1)) plt.show() if __name__ == '__main__': #神經(jīng)網(wǎng)絡(luò) print(func_mlp(X_train,X_test,y_train,y_test)) #向量機(jī) print(func_svc(X_train,X_test,y_train,y_test)) #決策樹 print(func_classtree(X_train,X_test,y_train,y_test)) #提升樹 print(func_adaboost(X_train,X_test,y_train,y_test)) #knn print(func_knn(X_train,X_test,y_train,y_test)) #randomforest print(func_randomforest(X_train,X_test,y_train,y_test))
到此這篇關(guān)于Python實現(xiàn)機(jī)器學(xué)習(xí)算法的分類的文章就介紹到這了,更多相關(guān)Python算法分類內(nèi)容請搜索本站以前的文章或繼續(xù)瀏覽下面的相關(guān)文章希望大家以后多多支持本站!
版權(quán)聲明:本站文章來源標(biāo)注為YINGSOO的內(nèi)容版權(quán)均為本站所有,歡迎引用、轉(zhuǎn)載,請保持原文完整并注明來源及原文鏈接。禁止復(fù)制或仿造本網(wǎng)站,禁止在非www.sddonglingsh.com所屬的服務(wù)器上建立鏡像,否則將依法追究法律責(zé)任。本站部分內(nèi)容來源于網(wǎng)友推薦、互聯(lián)網(wǎng)收集整理而來,僅供學(xué)習(xí)參考,不代表本站立場,如有內(nèi)容涉嫌侵權(quán),請聯(lián)系alex-e#qq.com處理。