1. 程式人生 > >2018.12.01 作業十二

2018.12.01 作業十二

樸素貝葉斯應用:垃圾郵件分類

1. 資料準備:收集資料與讀取

2. 資料預處理:處理資料

3. 訓練集與測試集:將先驗資料按一定比例進行拆分。

4. 提取資料特徵,將文字解析為詞向量 。

5. 訓練模型:建立模型,用訓練資料訓練模型。即根據訓練樣本集,計算詞項出現的概率P(xi|y),後得到各類下詞彙出現概率的向量 。

6. 測試模型:用測試資料集評估模型預測的正確率。

混淆矩陣

準確率、精確率、召回率、F值

7. 預測一封新郵件的類別。

8. 考慮如何進行中文的文字分類(期末作業之一)。

 

要點:

理解樸素貝葉斯演算法

理解機器學習演算法建模過程

理解文字常用處理流程

理解模型評估方法

 

 

#垃圾郵件分類

import csv
import nltk
from nltk.corpus import stopwords
from nltk.stem import WordNetLemmatizer

text = '''As per your request 'Melle Melle (Oru Minnaminunginte Nurungu Vettam)' has been set as your callertune for all Callers. Press *9 to copy your friends Callertune'''

#預處理
def preprocessing(text):
#分詞
tokens = [word for sent in nltk.sent_tokenize(text) for word in nltk.word_tokenize(sent)] 
#對文字按照句子進行分割
#for sent in nltk.sent_tokenize(text):  
#對句子進行分詞       
#for word in nltk.word_tokenize(sent):          
#print(word)
tokens

#停用詞
stops = stopwords.words('english')
stops
#去掉停用詞
tokens = [token for token in tokens if token not in stops]
tokens
#去掉短於3的詞
tokens = [token.lower() for token in tokens if len(token)>=3]
tokens
#詞性還原
lmtzr = WordNetLemmatizer()
tokens = [lmtzr.lemmatize(token) for token in tokens]
tokens
#將剩下的詞重新連線成字串 preprocessed_text = ' '.join(tokens) return preprocessed_text preprocessing(text) #讀資料
import csv file_path = r'C:\Users\s2009\Desktop\email.txt' sms = open(file_path,'r',encoding = 'utf-8') sms_data = [] sms_target = [] csv_reader = csv.reader(sms,delimiter = '\t') #將資料分別存入資料列表和目標分類列表 for line in csv_reader: sms_data.append(preprocessing(line[1])) sms_target.append(line[0]) sms.close() print("郵件總數為:",len(sms_target)) sms_target #將資料分為訓練集和測試集
import numpy as np
sms_data=np.array(sms_data)
sms_label=np.array(sms_label) from sklearn.model_selection import train_test_split x_train,x_test,y_train,y_test=train_test_split(sms_data,sms_target,test_size=0.3,random_state=0,startify=sms_target) print(len(x_train,len(x_test))) #將其向量化 from sklearn.feature_extraction.text import TfidfVectorizer ##建立資料的特徵向量 vectorizer=TfidfVectorizer(min_df=2,ngram_range=(1,2),stop_words='english',strip_accents='unicode',norm='12') X_train=vectorizer.fit_transform(x_train) X_test=vectorizer.transform(x_test)


import numpy as np ##觀察向量 a = X_train.toarray() #X_test = X_test.toarray() #X_train.shape #X_train for i in range(1000): ##輸出不為0的列 for j in range(5984): if a[i,j]!=0: print(i,j,a[i,j]) #樸素貝葉斯分類器 from sklearn.navie_bayes import MultinomialNB clf= MultinomialNB().fit(X_train,y_train) y_nb_pred=clf.predict(X_test) #分類結果顯示 from sklearn.metrics import confusion_matrix from sklearn.metrics import classification_report #x_test預測結果 print(y_nb_pred.shape,y_nb_pred) print('nb_confusion_matrix:') #混淆矩陣 cm=confusion_matrix(y_test,y_nb_pred) print(cm) print('nb_classification_report:') #主要分類指標的文字報告
cr=classification_report(y_test,y_nb_pred) print(cr) #出現過的單詞列表 feature_name=vectorizer.get_feature_name() #先驗概率 coefs=clf_coef_ intercept=clf.intercept_ #對數概率p(x_i|y)與單詞x_i對映
coefs_with_fns=sorted(zip(coefs[0],feature_names)) n=10
#最大的10個與最小的10個單詞
top=zip(coefs_with_fns[:n],coefs_with_fns[:-(n+1):-1]) for (coef_1,fn_1),(coef_2,fn_2) in top: print('\t%.4f\t%-15s\t\t%.4f\t%-15s' % (coef_1,fn_1,coef_2,fn_2))