【10个适合新手的人工智能项目 - 01】线性回归模型:使用Python编写一个简单的线性回归模型来预测房屋价格或其他连续变量。

当使用Python编写一个简单的线性回归模型来预测房屋价格或其他连续变量时,可以按照以下步骤进行:

导入必要的库

import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from sklearn.linear_model import LinearRegression

我们导入了几个常用的Python库:NumPy、Pandas、Matplotlib和Scikit-learn的线性回归模型库。

读取数据

data = pd.read_csv('house_price.csv')

我们使用Pandas库中的read_csv函数读取了一个名为house_price.csv的数据集,数据集中包含房屋的面积和价格信息。

准备数据

x = data['sqft_living'].values.reshape(-1, 1)
y = data['price'].values.reshape(-1, 1)

我们从数据集中提取了房屋的面积和价格数据,并将它们的形状改变为2D数组,以符合Scikit-learn模型的要求。

拟合模型

model = LinearRegression().fit(x, y)

我们使用Scikit-learn库中的线性回归模型来拟合数据。我们调用LinearRegression类并使用fit方法将数据拟合到模型中。

预测结果

Copy code
predictions = model.predict(x)

我们使用训练好的模型来预测房屋价格,并将结果保存在predictions变量中。

绘制结果

plt.scatter(x, y, color='black')
plt.plot(x, predictions, color='blue', linewidth=3)
plt.xlabel('Sqft Living')
plt.ylabel('Price')
plt.show()

我们使用Matplotlib库来绘制数据和模型的预测结果。我们使用scatter函数绘制原始数据,使用plot函数绘制模型的预测结果,然后添加标签并显示图形。

评估模型

from sklearn.metrics import r2_score

r_squared = r2_score(y, predictions)
print('R-squared:', r_squared)

我们使用Scikit-learn库中的r2_score函数来评估模型的拟合程度。该函数接受两个参数:实际值和预测值。我们将实际值和预测值作为参数传递给函数,并将结果保存在r_squared变量中。该函数的结果是一个介于0和1之间的值,越接近1,说明模型的拟合程度越好。

使用模型进行预测

new_sqft_living = np.array([1500]).reshape(-1, 1)
new_price = model.predict(new_sqft_living)
print('Predicted price for a 1500 sqft living house:', new_price)

我们使用训练好的模型来预测一间1500平方英尺的房屋的价格。我们使用predict方法并将新的面积作为参数传递给它,并将结果保存在new_price变量中。

完整代码如下:

import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from sklearn.linear_model import LinearRegression
from sklearn.metrics import r2_score

data = pd.read_csv('house_price.csv')
x = data['sqft_living'].values.reshape(-1, 1)
y = data['price'].values.reshape(-1, 1)

model = LinearRegression().fit(x, y)

predictions = model.predict(x)

plt.scatter(x, y, color='black')
plt.plot(x, predictions, color='blue', linewidth=3)
plt.xlabel('Sqft Living')
plt.ylabel('Price')
plt.show()

r_squared = r2_score(y, predictions)
print('R-squared:', r_squared)

new_sqft_living = np.array([1500]).reshape(-1, 1)
new_price = model.predict(new_sqft_living)
print('Predicted price for a 1500 sqft living house:', new_price)

这个示例展示了如何使用Scikit-learn库的线性回归模型来预测房屋价格。通过拟合数据和评估模型的拟合程度,我们可以使用该模型对新的房屋面积进行预测。

你可能感兴趣的:(人工智能,python,人工智能,线性回归)