机器学习 - 随机森林



随机森林是一种机器学习算法,它使用决策树的集合来进行预测。该算法由 Leo Breiman 于 2001 年首次提出。该算法背后的关键思想是创建大量的决策树,每个决策树都训练于不同的数据子集。然后将这些单个树的预测结果组合起来,以产生最终预测。

随机森林算法的工作原理

我们可以通过以下步骤来理解随机森林算法的工作原理:

  • 步骤 1 - 首先,从给定的数据集中选择随机样本。

  • 步骤 2 - 接下来,该算法将为每个样本构建一棵决策树。然后它将从每棵决策树中获取预测结果。

  • 步骤 3 - 在此步骤中,将对每个预测结果进行投票。

  • 步骤 4 - 最后,选择得票最多的预测结果作为最终预测结果。

下图说明了随机森林算法的工作原理:

Random Forest Algorithm

随机森林是一种灵活的算法,可用于分类和回归任务。在分类任务中,该算法使用各个树预测结果的众数来进行最终预测。在回归任务中,该算法使用各个树预测结果的平均值。

随机森林算法的优点

随机森林算法比其他机器学习算法具有几个优点。一些关键优势包括:

  • 对过拟合的鲁棒性 - 随机森林算法以其对过拟合的鲁棒性而闻名。这是因为该算法使用决策树的集合,这有助于减少数据中异常值和噪声的影响。

  • 高精度 - 随机森林算法以其高精度而闻名。这是因为该算法结合了多个决策树的预测结果,这有助于减少可能存在偏差或不准确的单个决策树的影响。

  • 处理缺失数据 - 随机森林算法可以处理缺失数据,无需进行插补。这是因为该算法只考虑每个数据点可用的特征,并且不需要所有数据点的所有特征都存在。

  • 非线性关系 - 随机森林算法可以处理特征和目标变量之间的非线性关系。这是因为该算法使用决策树,可以模拟非线性关系。

  • 特征重要性 - 随机森林算法可以提供有关模型中每个特征重要性的信息。此信息可用于识别数据中最重要的特征,并可用于特征选择和特征工程。

在 Python 中实现随机森林算法

让我们来看一下在 Python 中实现随机森林算法的方法。我们将使用 scikit-learn 库来实现该算法。scikit-learn 库是一个流行的机器学习库,它提供了广泛的机器学习算法和工具。

步骤 1 - 导入库

我们将从导入必要的库开始。我们将使用 pandas 库进行数据操作,并使用 scikit-learn 库来实现随机森林算法。

import pandas as pd
from sklearn.ensemble import RandomForestClassifier

步骤 2 - 加载数据

接下来,我们将数据加载到 pandas 数据框中。在本教程中,我们将使用著名的 Iris 数据集,这是一个用于分类任务的经典数据集。

# Loading the iris dataset

iris = pd.read_csv('https://archive.ics.uci.edu/ml/machine-learningdatabases/iris/iris.data', header=None)

iris.columns = ['sepal_length', 'sepal_width', 'petal_length','petal_width', 'species']

步骤 3 - 数据预处理

在我们使用数据训练模型之前,我们需要对其进行预处理。这包括分离特征和目标变量,并将数据分成训练集和测试集。

# Separating the features and target variable
X = iris.iloc[:, :-1]
y = iris.iloc[:, -1]

# Splitting the data into training and testing sets
from sklearn.model_selection import train_test_split

X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.35, random_state=42)

步骤 4 - 训练模型

接下来,我们将使用训练数据训练我们的随机森林分类器。

# Creating the Random Forest classifier object
rfc = RandomForestClassifier(n_estimators=100)

# Training the model on the training data
rfc.fit(X_train, y_train)

步骤 5 - 进行预测

训练完模型后,我们可以使用它对测试数据进行预测。

# Making predictions on the test data
y_pred = rfc.predict(X_test)

步骤 6 - 评估模型

最后,我们将使用各种指标(如准确率、精确率、召回率和 F1 分数)来评估模型的性能。

# Importing the metrics library
from sklearn.metrics import accuracy_score, precision_score,
recall_score, f1_score

# Calculating the accuracy, precision, recall, and F1-score
accuracy = accuracy_score(y_test, y_pred)
precision = precision_score(y_test, y_pred, average='weighted')
recall = recall_score(y_test, y_pred, average='weighted')
f1 = f1_score(y_test, y_pred, average='weighted')

print("Accuracy:", accuracy)
print("Precision:", precision)
print("Recall:", recall)
print("F1-score:", f1)

完整的实现示例

以下是使用 iris 数据集在 python 中实现随机森林算法的完整实现示例:

import pandas as pd
from sklearn.ensemble import RandomForestClassifier

# Loading the iris dataset
iris = pd.read_csv('https://archive.ics.uci.edu/ml/machine-learningdatabases/iris/iris.data', header=None)

iris.columns = ['sepal_length', 'sepal_width', 'petal_length', 'petal_width', 'species']

# Separating the features and target variable
X = iris.iloc[:, :-1]
y = iris.iloc[:, -1]

# Splitting the data into training and testing sets
from sklearn.model_selection import train_test_split

X_train, X_test, y_train, y_test = train_test_split(X, y,
test_size=0.35, random_state=42)

# Creating the Random Forest classifier object
rfc = RandomForestClassifier(n_estimators=100)

# Training the model on the training data
rfc.fit(X_train, y_train)
# Making predictions on the test data
y_pred = rfc.predict(X_test)
# Importing the metrics library
from sklearn.metrics import accuracy_score, precision_score,
recall_score, f1_score

# Calculating the accuracy, precision, recall, and F1-score
accuracy = accuracy_score(y_test, y_pred)
precision = precision_score(y_test, y_pred, average='weighted')
recall = recall_score(y_test, y_pred, average='weighted')
f1 = f1_score(y_test, y_pred, average='weighted')

print("Accuracy:", accuracy)
print("Precision:", precision)
print("Recall:", recall)
print("F1-score:", f1)

输出

这将给出我们随机森林分类器的性能指标,如下所示:

Accuracy: 0.9811320754716981
Precision: 0.9821802935010483
Recall: 0.9811320754716981
F1-score: 0.9811157396063056
广告