多项式回归波士顿房价代码
时间: 2024-05-06 17:14:29 浏览: 106
多项式回归是一种回归分析方法,它是将一个自变量的高次幂作为新的自变量加入到线性回归模型中进行拟合,以提高模型的拟合度。在波士顿房价预测中,多项式回归可以帮助我们更好地描述房价与其他因素之间的复杂关系。
以下是一个使用多项式回归预测波士顿房价的 Python 代码示例:
```
# 导入必要的库
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
from sklearn.linear_model import LinearRegression
from sklearn.preprocessing import PolynomialFeatures
from sklearn.model_selection import train_test_split
# 读取数据集
data = pd.read_csv('boston.csv')
# 准备数据集
x = data.iloc[:, :-1].values
y = data.iloc[:, -1].values
# 将数据集拆分为训练集和测试集
x_train, x_test, y_train, y_test = train_test_split(x, y, test_size=0.2, random_state=0)
# 将特征转换为多项式特征
poly = PolynomialFeatures(degree=2)
x_poly_train = poly.fit_transform(x_train)
x_poly_test = poly.transform(x_test)
# 训练模型
model = LinearRegression()
model.fit(x_poly_train, y_train)
# 预测测试集结果
y_pred = model.predict(x_poly_test)
# 计算模型评估指标
print('Mean Absolute Error:', np.mean(np.abs(y_pred - y_test)))
print('Mean Squared Error:', np.mean((y_pred - y_test) ** 2))
print('Root Mean Squared Error:', np.sqrt(np.mean((y_pred - y_test) ** 2)))
# 可视化结果
plt.scatter(x_test[:, 5], y_test, color='red')
plt.plot(x_test[:, 5], y_pred, color='blue')
plt.title('Boston House Prices Prediction')
plt.xlabel('Number of Rooms')
plt.ylabel('Price')
plt.show()
```
这段代码使用了 `sklearn` 库中的 `PolynomialFeatures` 方法将特征转换为多项式特征,然后使用线性回归模型进行训练和预测。最后,计算了模型评估指标并可视化了预测结果。如果需要进一步了解该代码的细节和实现,请参考相关文档和教程。
阅读全文