受限玻尔兹曼机特征提取与数字分类

机器学习深度学习领域,受限玻尔兹曼机(RBM)是一种有效的非线性特征提取模型。它特别适用于处理灰度图像数据,例如手写数字识别任务。在这类任务中,像素值可以被解释为在白色背景上的黑色程度。本文将介绍如何使用伯努利RBM模型来提取特征,并结合逻辑回归进行数字分类

数据生成

为了从小数据集中学习到良好的潜在表示,通过在每个方向上对训练数据进行1像素的线性偏移来人为地生成更多的标记数据。这种方法可以增加数据的多样性,从而提高模型的泛化能力。

import numpy as np from scipy.ndimage import convolve from sklearn import datasets from sklearn.model_selection import train_test_split from sklearn.preprocessing import minmax_scale def nudge_dataset(X, Y): direction_vectors = [ [[0, 1, 0], [0, 0, 0], [0, 0, 0]], [[0, 0, 0], [1, 0, 0], [0, 0, 0]], [[0, 0, 0], [0, 0, 1], [0, 0, 0]], [[0, 0, 0], [0, 0, 0], [0, 1, 0]], ] def shift(x, w): return convolve(x.reshape((8, 8)), mode="constant", weights=w).ravel() X = np.concatenate([X] + [np.apply_along_axis(shift, 1, X, vector) for vector in direction_vectors]) Y = np.concatenate([Y for _ in range(5)], axis=0) return X, Y X, y = datasets.load_digits(return_X_y=True) X = np.asarray(X, "float32") X, y = nudge_dataset(X, y) X = minmax_scale(X, feature_range=(0, 1)) X_train, X_test, Y_train, Y_test = train_test_split(X, y, test_size=0.2, random_state=0)

模型定义

构建了一个包含伯努利RBM特征提取器和逻辑回归分类器的分类管道。这种组合可以有效地提高分类的准确性。

from sklearn import linear_model from sklearn.neural_network import BernoulliRBM from sklearn.pipeline import Pipeline logistic = linear_model.LogisticRegression(solver="newton-cg", tol=1) rbm = BernoulliRBM(random_state=0, verbose=True) rbm_features_classifier = Pipeline(steps=[("rbm", rbm), ("logistic", logistic)])

训练

整个模型的超参数(学习率、隐藏层大小、正则化)通过网格搜索进行了优化。但在这里,由于运行时间的限制,没有再现搜索过程。

from sklearn.base import clone rbm.learning_rate = 0.06 rbm.n_iter = 10 rbm.n_components = 100 logistic.C = 6000 rbm_features_classifier.fit(X_train, Y_train) raw_pixel_classifier = clone(logistic) raw_pixel_classifier.C = 100.0 raw_pixel_classifier.fit(X_train, Y_train)

评估

使用RBM特征的逻辑回归和直接使用原始像素特征的逻辑回归都进行了评估。结果显示,RBM提取的特征有助于提高分类的准确性。

from sklearn import metrics Y_pred = rbm_features_classifier.predict(X_test) print("使用RBM特征的逻辑回归:\n%s\n" % (metrics.classification_report(Y_test, Y_pred))) Y_pred = raw_pixel_classifier.predict(X_test) print("使用原始像素特征的逻辑回归:\n%s\n" % (metrics.classification_report(Y_test, Y_pred)))

绘图

为了更直观地展示RBM提取的特征,可以绘制出RBM的100个组件。这些组件可以帮助理解模型是如何从原始数据中学习到有用特征的。

import matplotlib.pyplot as plt plt.figure(figsize=(4.2, 4)) for i, comp in enumerate(rbm.components_): plt.subplot(10, 10, i + 1) plt.imshow(comp.reshape((8, 8)), cmap=plt.cm.gray_r, interpolation="nearest") plt.xticks(()) plt.yticks(()) plt.suptitle("RBM提取的100个组件", fontsize=16) plt.subplots_adjust(0.08, 0.02, 0.92, 0.85, 0.08, 0.23) plt.show()
沪ICP备2024098111号-1
上海秋旦网络科技中心:上海市奉贤区金大公路8218号1幢 联系电话:17898875485