python-多元线性回归模型

只是python代码方便以后调用,理论部分需要看其他人的

回归模型的预测

import matplotlib
import matplotlib.pyplot as plt
import pandas as pd
import numpy as np
import seaborn as sns
import statsmodels.api as sm
from sklearn import model_selection
from scipy.stats import f
from scipy.stats import norm
font = {
    'family': 'FangSong',
    'weight': 'bold',
    'size': 12
}
matplotlib.rc("font", **font)
Profit = pd.read_excel("../data/Predict to Profit.xlsx", names=list("abcde"))
'''
RD_Spend           49 non-null float64
Administration     49 non-null float64
Marketing_Spend    49 non-null float64
State              49 non-null object
Profit             49 non-null float64
'''
print(Profit.shape)
# 将数据拆分成训练集和测试集
train, test = model_selection.train_test_split(Profit, test_size=0.2, random_state=1234)
# 根据train数据集建模
model = sm.formula.ols('e ~ a+b+c+C(d)', data=train).fit()
# 删除test集中的Profit变量,用剩下的自变量进行预测
test_X = test.drop(labels='e', axis=1)
pred = model.predict(exog=test_X)
# 对比预测值和实际值的差异
print(pd.DataFrame({
    'pred': pred,
    'real': test.e
}))

模型的显著性检验 F检验

# 计算建模数据中因变量的均值
ybar = train.e.mean()
# 统计变量个数和观测个数
p = model.df_model  # 变量个数
n = train.shape[0]  # 观测个数
# 计算回归离差平方和
RSS = np.sum((model.fittedvalues - ybar) ** 2)
# 计算误差平方和
ESS = np.sum((train.e - model.fittedvalues) ** 2)
# 计算F统计量的值
F = (RSS/p)/(ESS/(n - p - 1))
# 直接得到F统计量值
F1 = model.fvalue
print(F)
# 对比结果下结论
# 计算F分布的理论值
F_Theroy = f.ppf(q=0.95, dfn=p, dfd=n-p-1)
print(F_Theroy)

回归系数的显著性检验 t检验

print(model.summary())

P>|t|的值小于0.05才有用

回归模型的诊断

①误差项ε服从正态分布

误差项服从正太分布,就是要求因变量服从正态分布

绘制直方图
sns.distplot(a=Profit.e, bins=10, norm_hist=True, fit=norm,
             hist_kws={'color': 'steelblue'},
             kde_kws={'color': 'black', 'linestyle': '--', 'label': '核密度图'},
             fit_kws={'color': 'red', 'linestyle': ':', 'label': '正态密度曲线'})
plt.legend()
# 显示图形
plt.show()

②无多重共线性

关于多重共线性的检验可以使用方差膨胀因子VIF来鉴定,如果VIF大于10,则说明变量间存在多重共线性;如果VIF大于100,则表名变量间存在严重的多重共线性如果发现变量之间存在多重共线性的话,则可以考虑删除变量或重新选择模型

# 导入statsmodel模块函数
from statsmodels.stats.outliers_influence import variance_inflation_factor
# 自变量X(包含RD_Speed、Marketing_Speed和常数列1)
X = sm.add_constant(Profit.ix[:, ['a', 'c']])
# 构造空的数据框,用于存储VIF值
vif = pd.DataFrame()
vif['features'] = X.columns
vif['VIF Factor'] = [variance_inflation_factor(X.values, i) for i in range(X.shape[1])]
print(vif)

③线性相关性

高度相关:|p| >= 0.8 
中度相关:0.5 <= |p| <0.8
弱相关:0.3 <= |p| < 0.5
几乎不相关:|p| < 0.3
相关性越大越好
# 计算数据集Profit中每个自变量与因变量利润之间的相关系数
res = Profit.drop(labels=['e'], axis=1).corrwith(Profit.e)
print(res)
# 绘制散点图矩阵
sns.pairplot(Profit.loc[:, ['a', 'b', 'c', 'e']])
plt.show()

综合考虑相关系数、散点图矩阵和t检验的结果,最终确定只保留模型model中的a(RD_Speed)和c(Marketing_Speed)两个自变量重新对该模型做修正

model2 = sm.formula.ols('e ~ a + c', data=train).fit()
# 模型回归系数的估计值 e = 51902.112471 + 0.79*a + 0.02*c
print(model2.params)

异常值检验

通常利用帽子矩阵、DFFITS准则、学生化残差或Cook距离进行异常点检测

outliers = model2.get_influence()
# 高杠杆值点(帽子矩阵)
leverage = outliers.hat_matrix_diag
# diffits值
dffits = outliers.dffits[0]
# 学生化残差
resid_stu = outliers.resid_studentized_external
# cook距离
cook = outliers.cooks_distance[0]
# 合并各种异常值检验的统计量值
contat1 = pd.concat([pd.Series(leverage, name='leverage'), pd.Series(dffits, name='dffits'),
                     pd.Series(resid_stu, name='resid_stu'), pd.Series(cook, name='cook')], axis=1)
# 重设train数据的行索引
train.index = range(train.shape[0])
# 将上面的统计量与train数据集合并
profit_outliers = pd.concat([train, contat1], axis=1)
print(profit_outliers.head())
# 为了简单起见,这里使用标准化残差,当标准化残差大于2时,即认为对应的数据点为异常点
outliers_ratio = sum(np.where((np.abs(profit_outliers.resid_stu) > 2), 1, 0))/profit_outliers.shape[0]
print(outliers_ratio)
# 异常比例不高,低于5%,可以考虑删除
# 挑选非异常观测点
none_outliers = profit_outliers.loc[np.abs(profit_outliers.resid_stu) <= 2, :]
# 应用无异常值的数据集重新建模
model3 = sm.formula.ols('e ~ a + c', data=none_outliers).fit()
print(model3.params)

方差齐性检验

方差齐性是要求模型残差项的方差不随自变量的变动而呈现某种趋势,否则,残差的趋势就可以被自变量刻画。   

# 设置第一张子图的位置
ax1 = plt.subplot2grid(shape=(2, 1), loc=(0, 0))
# 绘制散点图
ax1.scatter(none_outliers.a, (model3.resid - model3.resid.mean())/model3.resid.std())
# 添加水平参考线
ax1.hlines(y=0, xmin=none_outliers.a.min(), xmax=none_outliers.a.max(), colors='red', linestyles='--')
# 添加x轴和y轴标签
ax1.set_xlabel('RD_Spend')
ax1.set_ylabel('Std_Residual')
# 设置第二张子图的位置
ax2 = plt.subplot2grid(shape=(2, 1), loc=(1, 0))
# 绘制散点图
ax2.scatter(none_outliers.c, (model3.resid - model3.resid.mean())/model3.resid.std())
# 添加水平参考线
ax2.hlines(y=0, xmin=none_outliers.c.min(), xmax=none_outliers.c.max(), colors='red', linestyles='--')
# 添加x轴和y轴标签
ax2.set_xlabel('Marketing_Spend')
ax2.set_ylabel('Std_Residual')
# 调整子图之间的水平间距和高度间距
plt.subplots_adjust(hspace=0.6, wspace=0.3)
# 显示图形
plt.show()
# 回归模型的预测
pred3 = model3.predict(exog=test.loc[:, ['a', 'c']])
# 绘制预测值与实际值的散点图
plt.scatter(x=test.e, y=pred3)
# 添加斜率为1、截距项为0的参考线
plt.plot([test.e.min(), test.e.max()], [test.e.min(), test.e.max()], color='red', linestyle='--')
# 添加轴标签
plt.xlabel('实际值')
plt.ylabel('预测值')
# 显示图形
plt.show()

 

 

 

 

 

 

 

 

 

 

 

 

评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值