TfLearn 混淆矩阵训练于 std::bad_alloc 终止
TfLearn Confusion Matrix training terminated on std::bad_alloc
在使用 TFLearn 创建卷积神经网络时,遇到如何计算混淆矩阵的问题。到目前为止我的代码如下:
from __future__ import division, print_function, absolute_import
import tflearn
from tflearn.layers.core import input_data, dropout, fully_connected
from tflearn.layers.conv import conv_2d, max_pool_2d
from tflearn.layers.normalization import local_response_normalization
from tflearn.layers.estimator import regression
from sklearn.metrics import confusion_matrix
import h5py
hdf5Test = h5py.File('/path', 'r')
X = hdf5Test['X']
Y = hdf5Test['Y']
# Building convolutional network
network = input_data(shape=[None, 240, 320, 3], name='input')
network = conv_2d(network, 32, 3, activation='relu', regularizer="L2")
network = max_pool_2d(network, 2)
network = local_response_normalization(network)
network = conv_2d(network, 64, 3, activation='relu', regularizer="L2")
network = max_pool_2d(network, 2)
network = local_response_normalization(network)
network = fully_connected(network, 128, activation='tanh')
network = dropout(network, 0.8)
network = fully_connected(network, 256, activation='tanh')
network = dropout(network, 0.8)
network = fully_connected(network, 2, activation='softmax')
network = regression(
network,
optimizer='sgd',
learning_rate=0.01,
loss='categorical_crossentropy',
name='target'
)
# Training
model = tflearn.DNN(network, tensorboard_verbose=0)
model.load('/path.tflearn')
predictions = model.predict(X)
print(confusion_matrix(Y, predictions))
每次我尝试 运行 此代码时,我都会收到以下错误消息:
terminate called after throwing an instance of 'std::bad_alloc'
what(): std::bad_alloc
Aborted (core dumped)
任何建议都很好,TFLearn 的新手。
最后发现是我预测的数据量大的问题。我通过将它插入一个循环来解决这个问题:
# Predict Classes
predictions = []
count = 0
length = len(X)
for line in X:
print('Line ' + str(count) + ' of ' + str(length))
tmp = model.predict_label([line])
predictions.append(tmp[0])
count += 1
通过一些格式化,我可以使用 Sklearn 生成混淆矩阵:
predictedClasses = np.argmin(predictions, axis=1)
actualClasses = np.argmax(Y, axis=1)
print(confusion_matrix(actualClasses, predictedClasses))
这种方法对我有用,也可能对你有用...我认为 TFLearn 应该研究一种简化的方法来生成混淆矩阵,这样其他人就不会遇到同样的问题。
在使用 TFLearn 创建卷积神经网络时,遇到如何计算混淆矩阵的问题。到目前为止我的代码如下:
from __future__ import division, print_function, absolute_import
import tflearn
from tflearn.layers.core import input_data, dropout, fully_connected
from tflearn.layers.conv import conv_2d, max_pool_2d
from tflearn.layers.normalization import local_response_normalization
from tflearn.layers.estimator import regression
from sklearn.metrics import confusion_matrix
import h5py
hdf5Test = h5py.File('/path', 'r')
X = hdf5Test['X']
Y = hdf5Test['Y']
# Building convolutional network
network = input_data(shape=[None, 240, 320, 3], name='input')
network = conv_2d(network, 32, 3, activation='relu', regularizer="L2")
network = max_pool_2d(network, 2)
network = local_response_normalization(network)
network = conv_2d(network, 64, 3, activation='relu', regularizer="L2")
network = max_pool_2d(network, 2)
network = local_response_normalization(network)
network = fully_connected(network, 128, activation='tanh')
network = dropout(network, 0.8)
network = fully_connected(network, 256, activation='tanh')
network = dropout(network, 0.8)
network = fully_connected(network, 2, activation='softmax')
network = regression(
network,
optimizer='sgd',
learning_rate=0.01,
loss='categorical_crossentropy',
name='target'
)
# Training
model = tflearn.DNN(network, tensorboard_verbose=0)
model.load('/path.tflearn')
predictions = model.predict(X)
print(confusion_matrix(Y, predictions))
每次我尝试 运行 此代码时,我都会收到以下错误消息:
terminate called after throwing an instance of 'std::bad_alloc' what(): std::bad_alloc Aborted (core dumped)
任何建议都很好,TFLearn 的新手。
最后发现是我预测的数据量大的问题。我通过将它插入一个循环来解决这个问题:
# Predict Classes
predictions = []
count = 0
length = len(X)
for line in X:
print('Line ' + str(count) + ' of ' + str(length))
tmp = model.predict_label([line])
predictions.append(tmp[0])
count += 1
通过一些格式化,我可以使用 Sklearn 生成混淆矩阵:
predictedClasses = np.argmin(predictions, axis=1)
actualClasses = np.argmax(Y, axis=1)
print(confusion_matrix(actualClasses, predictedClasses))
这种方法对我有用,也可能对你有用...我认为 TFLearn 应该研究一种简化的方法来生成混淆矩阵,这样其他人就不会遇到同样的问题。