使用scikit-learn中的线性回归包对自定义数据集进行拟合

1. 导入必要的库

首先,需要导入所需的库,包括pandas用于数据处理,numpy用于数值计算,以及scikit-learn中的线性回归模型。

python 复制代码
import pandas as pd
import numpy as np
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LinearRegression
from sklearn.metrics import mean_squared_error, r2_score
import matplotlib.pyplot as plt

2. 加载自定义数据集

假设有一个CSV文件custom_dataset.csv,其中包含特征(自变量)和标签(因变量)。将使用pandas读取这个文件。

python 复制代码
# 加载自定义数据集
data = pd.read_csv('custom_dataset.csv')

# 假设数据集中有两列:'feature'为特征,'target'为标签
X = data[['feature']].values  # 特征需要是二维数组
y = data['target'].values     # 标签

3. 分割数据集

为了评估模型的性能,将数据集分为训练集和测试集。

python 复制代码
# 将数据集分为训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

4. 创建并训练线性回归模型

使用scikit-learn中的LinearRegression类创建线性回归模型,并使用训练集进行训练。

python 复制代码
# 创建线性回归模型
model = LinearRegression()

# 训练模型
model.fit(X_train, y_train)

5. 进行预测并评估模型

使用测试集进行预测,并评估模型的性能。将使用均方误差(MSE)和决定系数(R²)作为评估指标。

python 复制代码
# 进行预测
y_pred = model.predict(X_test)

# 计算均方误差和决定系数
mse = mean_squared_error(y_test, y_pred)
r2 = r2_score(y_test, y_pred)

print(f'Mean Squared Error: {mse:.2f}')
print(f'R² Score: {r2:.2f}')

6. 可视化结果

为了更直观地了解模型的拟合效果,可以绘制散点图来显示真实值和预测值。

python 复制代码
# 可视化结果
plt.scatter(X_test, y_test, color='black', label='Actual data')
plt.plot(X_test, y_pred, color='blue', linewidth=3, label='Fitted line')

plt.xlabel('Feature')
plt.ylabel('Target')
plt.title('Linear Regression Fit')
plt.legend()
plt.show()
相关推荐
夏天的味道٥19 小时前
@JsonIgnore对Date类型不生效
开发语言·python
tsumikistep19 小时前
【前后端】接口文档与导入
前端·后端·python·硬件架构
小白学大数据20 小时前
Python爬虫伪装策略:如何模拟浏览器正常访问JSP站点
java·开发语言·爬虫·python
头发还在的女程序员21 小时前
三天搞定招聘系统!附完整源码
开发语言·python
温轻舟21 小时前
Python自动办公工具06-设置Word文档中表格的格式
开发语言·python·word·自动化工具·温轻舟
花酒锄作田1 天前
[python]FastAPI-Tracking ID 的设计
python·fastapi
AI-智能1 天前
别啃文档了!3 分钟带小白跑完 Dify 全链路:从 0 到第一个 AI 工作流
人工智能·python·自然语言处理·llm·embedding·agent·rag
d***95621 天前
爬虫自动化(DrissionPage)
爬虫·python·自动化
APIshop1 天前
Python 零基础写爬虫:一步步抓取商品详情(超细详解)
开发语言·爬虫·python
二川bro1 天前
AutoML自动化机器学习:Python实战指南
python·机器学习·自动化