数据挖掘中关于逻辑回归实验预测用户的数据集并将其制成图的详细代码
时间: 2024-10-09 10:01:10 浏览: 25
在Python中,使用Scikit-Learn库进行数据挖掘中逻辑回归实验,并将预测结果可视化,可以参考以下步骤:
首先确保已安装所需的库:
```bash
pip install pandas numpy matplotlib scikit-learn seaborn
```
然后是代码示例:
```python
# 导入所需库
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LogisticRegression
from sklearn.preprocessing import StandardScaler
from sklearn.metrics import accuracy_score, confusion_matrix
# 加载数据集(假设已经存在)
data = pd.read_csv('your_dataset.csv') # 替换为实际数据集路径
X = data.drop('target_column', axis=1) # 假设目标列名为'target_column'
y = data['target_column']
# 数据预处理
scaler = StandardScaler()
X_scaled = scaler.fit_transform(X)
# 划分训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(X_scaled, y, test_size=0.2, random_state=42)
# 创建逻辑回归模型
model = LogisticRegression()
# 训练模型
model.fit(X_train, y_train)
# 预测
y_pred = model.predict(X_test)
# 计算精度
accuracy = accuracy_score(y_test, y_pred)
print(f"Accuracy: {accuracy * 100:.2f}%")
# 绘制混淆矩阵
conf_mat = confusion_matrix(y_test, y_pred)
plt.figure(figsize=(6, 6))
sns.heatmap(conf_mat, annot=True, fmt="d", cmap='Blues')
plt.title("Confusion Matrix")
plt.xlabel("Predicted Label")
plt.ylabel("True Label")
plt.show()
```
这个例子中,你需要替换`your_dataset.csv`为你的实际数据集路径,以及`target_column`为你想要预测的目标变量名。最后的部分会显示预测的准确性和一个混淆矩阵图,用于理解模型的性能。
阅读全文