本文介绍Keras一些常见的验证和调参技巧,快速地验证模型和调节超参(Super Parameters)。
小技巧:
- CSV数据文件加载
- Dense初始化警告
验证与调参:
- 模型验证(Validation)
- K重交叉验证(K-fold Cross-Validation)
- 网格搜索验证(Grid Search Cross-Validation)
CSV数据文件加载
使用NumPy的 loadtxt() 方法加载CSV数据文件
- delimiter:数据单元的分割符;
- skiprows:略过首行标题;
dataset = np.loadtxt(raw_path, delimiter=',', skiprows=1)
复制代码
Dense初始化警告
Dense初始化参数的警告:
UserWarning: Update your `Dense` call to the Keras 2 API
`Dense(units=12, activation="relu", kernel_initializer="uniform")`
output = Dense(units=12, init='uniform', activation='relu')(main_input)
复制代码
将init参数替换为kernel_initializer
参数即可。
模型验证
在 fit() 中自动划分验证集:
通过设置参数validation_split
的值(0~1)确定验证集的比例。
实现:
history = self.model.fit(
self.data[0], self.data[1],
epochs=self.config.num_epochs,
verbose=1,
batch_size=self.config.batch_size,
validation_split=0.33,
)
复制代码
在 fit() 中手动划分验证集:
train_test_split
来源sklearn.model_selection:
test_size
:验证集的比例;random_state
:随机数的种子;
通过参数validation_data
添加验证数据,格式是 数据+标签 的元组。
实现:
X_train, X_test, y_train, y_test = \
train_test_split(self.data[0], self.data[1], test_size=0.33, random_state=47)
history = self.model.fit(
X_train, y_train,
validation_data=(X_test, y_test),
epochs=self.config.num_epochs,
batch_size=self.config.batch_size,
verbose=1,
)
复制代码
交叉验证
K重交叉验证(K-fold Cross-Validation)是常见的模型评估统计。
人工模式
交叉验证函数 StratifiedKFold()
来源于sklearn.model_selection:
n_splits
:交叉的重数,即N重交叉验证;shuffle
:数据和标签是否随机洗牌;random_state
:随机数种子;skf.split(X, y)
:划分数据和标签的索引。
cvscores用于统计K重交叉验证的结果,计算均值和方差。
实现:
X = self.data[0] # 数据
y = self.data[1] # 标签
skf = StratifiedKFold(n_splits=10, shuffle=True, random_state=47)
cvscores = [] # 交叉验证结果
for train_index, test_index in skf.split(X, y): # 索引值
X_train, X_test = X[train_index], X[test_index]
y_train, y_test = y[train_index], y[test_index]
history = self.model.fit(
X_train, y_train,
epochs=self.config.num_epochs,
batch_size=self.config.batch_size,
verbose=0,
)
self.loss.extend(history.history['loss'])
self.acc.extend(history.history['acc'])
# scores的第一维是loss,第二维是acc
scores = self.model.evaluate(X_test, y_test)
print('[INFO] %s: %.2f%%' % (self.model.metrics_names[1], scores[1] * 100))
cvscores.append(scores[1] * 100)
cvscores = np.asarray(cvscores)
print('[INFO] %.2f%% (+/- %.2f%%)' % (np.mean(cvscores), np.std(cvscores)))
复制代码
输出:
[INFO] acc: 79.22%
[INFO] acc: 70.13%
[INFO] acc: 75.32%
[INFO] acc: 75.32%
[INFO] acc: 80.52%
[INFO] acc: 81.82%
[INFO] acc: 75.32%
[INFO] acc: 85.71%
[INFO] acc: 75.00%
[INFO] acc: 76.32%
[INFO] 77.47% (+/- 4.18%)
复制代码
Wrapper模式
通过 cross_val_score()
函数集成模型和交叉验证逻辑。
- 将模型封装成wrapper,注意使用内置函数,而非调用,没有括号
()
。 epochs
即轮次,batch_size
即批次数;- StratifiedKFold是K重交叉验证的逻辑;
cross_val_score
的输入是模型wrapper、数据X、标签Y、交叉验证cv;输出是每次验证的结果,再计算均值和方差。
实现:
X = self.data[0] # 数据
Y = self.data[1] # 标签
model_wrapper = KerasClassifier(
build_fn=create_model,
epochs=self.config.num_epochs,
batch_size=self.config.batch_size,
verbose=0
) # keras wrapper
kfold = StratifiedKFold(n_splits=10, shuffle=True, random_state=47)
results = cross_val_score(model_wrapper, X, Y, cv=kfold)
print('[INFO] %.2f%% (+/- %.2f%%)' % (np.mean(results) * 100.0, np.std(results) * 100.0))
复制代码
输出:
[INFO] 74.74% (+/- 4.37%)
复制代码
网格搜索验证
网格搜索验证(Grid Search Cross-Validation)用于选择模型的最优超参值。
交叉验证函数 GridSearchCV()
来源于sklearn.model_selection:
- 设置超参列表,如optimizers、
init_modes
、epochs、batches; - 创建参数字典,key值是模型的参数,或者wrapper的参数;
- estimator是模型,
param_grid
是网格参数字典,n_jobs
是进程数; - 输出最优结果和其他排列组合结果。
实现:
X = self.data[0] # 数据
Y = self.data[1] # 标签
model_wrapper = KerasClassifier(
build_fn=create_model,
verbose=0
) # 模型
optimizers = ['rmsprop', 'adam'] # 优化器
init_modes = ['glorot_uniform', 'normal', 'uniform'] # 初始化模式
epochs = np.array([50, 100, 150]) # Epoch数
batches = np.array([5, 10, 20]) # 批次数
# 网格字典optimizer和init_mode是模型的参数,epochs和batch_size是wrapper的参数
param_grid = dict(optimizer=optimizers, epochs=epochs, batch_size=batches, init_mode=init_modes)
grid = GridSearchCV(estimator=model_wrapper, param_grid=param_grid, n_jobs=4)
grid_result = grid.fit(X, Y)
print('[INFO] Best: %f using %s' % (grid_result.best_score_, grid_result.best_params_))
for params, mean_score, scores in grid_result.grid_scores_:
print('[INFO] %f (%f) with %r' % (scores.mean(), scores.std(), params))
复制代码
输出:
[INFO] Best: 0.721354 using {'epochs': 100, 'init_mode': 'uniform', 'optimizer': 'adam', 'batch_size': 20}
[INFO] 0.697917 (0.025976) with {'epochs': 50, 'init_mode': 'normal', 'optimizer': 'rmsprop', 'batch_size': 10}
[INFO] 0.700521 (0.006639) with {'epochs': 50, 'init_mode': 'normal', 'optimizer': 'adam', 'batch_size': 10}
[INFO] 0.697917 (0.018414) with {'epochs': 50, 'init_mode': 'uniform', 'optimizer': 'rmsprop', 'batch_size': 10}
[INFO] 0.701823 (0.030314) with {'epochs': 50, 'init_mode': 'uniform', 'optimizer': 'adam', 'batch_size': 10}
[INFO] 0.632813 (0.059069) with {'epochs': 100, 'init_mode': 'normal', 'optimizer': 'rmsprop', 'batch_size': 10}
...
复制代码
欢迎Follow我的GitHub:https://github.com/SpikeKing
By C. L. Wang
OK, that’s all! Enjoy it!