203 lines
No EOL
9.5 KiB
Python
203 lines
No EOL
9.5 KiB
Python
# -------------------------------------------------------#
|
|
# Скрипт для созданиия и тестирования различных моделей #
|
|
# полносвязного перцептрона на одном наборе данных. #
|
|
# В скрипте создается три модели: #
|
|
# - полносвязный перцептрон с одним скрытым слоем, #
|
|
# - полносвязный перцептрон с тремя срытыми слоями, #
|
|
# - полносвязный перцептрон с тремя срытыми слоями #
|
|
# и регуляризацией. #
|
|
# При обучении моделей из обучающей выборки выделяется #
|
|
# 20% выборки для валидации результатов. #
|
|
# После обучения проводится проверка работоспособности #
|
|
# модели на тестовой выборке (отдельный файл данных) #
|
|
# -------------------------------------------------------#
|
|
# Импорт библиотек
|
|
import os
|
|
import pandas as pd
|
|
import numpy as np
|
|
import tensorflow as tf
|
|
from tensorflow import keras
|
|
import matplotlib.pyplot as plt
|
|
import MetaTrader5 as mt5
|
|
|
|
# Загрузка обучающей выборки
|
|
if not mt5.initialize():
|
|
print("initialize() failed, error code =",mt5.last_error())
|
|
quit()
|
|
|
|
path=os.path.join(mt5.terminal_info().data_path,r'MQL5\Files')
|
|
mt5.shutdown()
|
|
filename = os.path.join(path,'study_data.csv')
|
|
data = np.asarray( pd.read_table(filename,
|
|
sep=',',
|
|
header=None,
|
|
skipinitialspace=True,
|
|
encoding='utf-8',
|
|
float_precision='high',
|
|
dtype=np.float64,
|
|
low_memory=False))
|
|
|
|
# Разделение обучающей выборки на исходные данные и цели
|
|
inputs=data.shape[1]-2
|
|
targerts=2
|
|
train_data=data[:,0:inputs]
|
|
train_target=data[:,inputs:]
|
|
|
|
# Созданиие первой модели с одним скрытым слоем
|
|
callback = tf.keras.callbacks.EarlyStopping(monitor='loss', patience=5)
|
|
model1 = keras.Sequential([keras.layers.InputLayer(input_shape=inputs),
|
|
keras.layers.Dense(40, activation=tf.nn.swish),
|
|
keras.layers.Dense(targerts, activation=tf.nn.tanh)
|
|
])
|
|
model1.compile(optimizer='Adam',
|
|
loss='mean_squared_error',
|
|
metrics=['accuracy'])
|
|
history1 = model1.fit(train_data, train_target,
|
|
epochs=500, batch_size=1000,
|
|
callbacks=[callback],
|
|
verbose=2,
|
|
validation_split=0.2,
|
|
shuffle=True)
|
|
model1.save(os.path.join(path,'perceptron1.h5'))
|
|
|
|
# Созданиие модели с тремя скрытыми слоями
|
|
model2 = keras.Sequential([keras.layers.InputLayer(input_shape=inputs),
|
|
keras.layers.Dense(40, activation=tf.nn.swish),
|
|
keras.layers.Dense(40, activation=tf.nn.swish),
|
|
keras.layers.Dense(40, activation=tf.nn.swish),
|
|
keras.layers.Dense(targerts, activation=tf.nn.tanh)
|
|
])
|
|
model2.compile(optimizer='Adam',
|
|
loss='mean_squared_error',
|
|
metrics=['accuracy'])
|
|
history2 = model2.fit(train_data, train_target,
|
|
epochs=500, batch_size=1000,
|
|
callbacks=[callback],
|
|
verbose=2,
|
|
validation_split=0.2,
|
|
shuffle=True)
|
|
model2.save(os.path.join(path,'perceptron2.h5'))
|
|
|
|
|
|
# Добавляем регуляризацию в модель с тремя скрытыми слоями
|
|
model3 = keras.Sequential([keras.layers.InputLayer(input_shape=inputs),
|
|
keras.layers.Dense(40, activation=tf.nn.swish, kernel_regularizer=keras.regularizers.l1_l2(l1=1e-7, l2=1e-5)),
|
|
keras.layers.Dense(40, activation=tf.nn.swish, kernel_regularizer=keras.regularizers.l1_l2(l1=1e-7, l2=1e-5)),
|
|
keras.layers.Dense(40, activation=tf.nn.swish, kernel_regularizer=keras.regularizers.l1_l2(l1=1e-7, l2=1e-5)),
|
|
keras.layers.Dense(targerts, activation=tf.nn.tanh)
|
|
])
|
|
model3.compile(optimizer='Adam',
|
|
loss='mean_squared_error',
|
|
metrics=['accuracy'])
|
|
history3 = model3.fit(train_data, train_target,
|
|
epochs=500, batch_size=1000,
|
|
callbacks=[callback],
|
|
verbose=2,
|
|
validation_split=0.2,
|
|
shuffle=True)
|
|
model3.save(os.path.join(path,'perceptron3.h5'))
|
|
|
|
# Отрисовка результатов обучениия первой модели
|
|
plt.plot(history1.history['loss'], label='Train 1 hidden layer')
|
|
plt.plot(history1.history['val_loss'], label='Validation 1 hidden layer')
|
|
plt.ylabel('$MSE$ $Loss$')
|
|
plt.xlabel('$Epochs$')
|
|
plt.title('Dinamic of Models train')
|
|
plt.legend(loc='upper right')
|
|
|
|
plt.figure()
|
|
plt.plot(history1.history['accuracy'], label='Train 1 hidden layer')
|
|
plt.plot(history1.history['val_accuracy'], label='Validation 1 hidden layer')
|
|
plt.ylabel('$Accuracy$')
|
|
plt.xlabel('$Epochs$')
|
|
plt.title('Dinamic of Models train')
|
|
plt.legend(loc='lower right')
|
|
|
|
# Отрисовка результатов обучениия второй модели
|
|
plt.figure()
|
|
plt.plot(history1.history['loss'], label='Train 1 hidden layer')
|
|
plt.plot(history1.history['val_loss'], label='Validation 1 hidden layer')
|
|
plt.plot(history2.history['loss'], label='Train 3 hidden layers')
|
|
plt.plot(history2.history['val_loss'], label='Validation 3 hidden layers')
|
|
plt.ylabel('$MSE$ $Loss$')
|
|
plt.xlabel('$Epochs$')
|
|
plt.title('Dinamic of Models train')
|
|
plt.legend(loc='lower left')
|
|
|
|
plt.figure()
|
|
plt.plot(history1.history['accuracy'], label='Train 1 hidden layer')
|
|
plt.plot(history1.history['val_accuracy'], label='Validation 1 hidden layer')
|
|
plt.plot(history2.history['accuracy'], label='Train 3 hidden layers')
|
|
plt.plot(history2.history['val_accuracy'], label='Validation 3 hidden layers')
|
|
plt.ylabel('$Accuracy$')
|
|
plt.xlabel('$Epochs$')
|
|
plt.title('Dinamic of Models train')
|
|
plt.legend(loc='lower left')
|
|
|
|
# Отрисовка результатов обучениия третьей модели
|
|
plt.figure()
|
|
plt.plot(history1.history['loss'], label='Train 1 hidden layer')
|
|
plt.plot(history1.history['val_loss'], label='Validation 1 hidden layer')
|
|
plt.plot(history2.history['loss'], label='Train 3 hidden layers')
|
|
plt.plot(history2.history['val_loss'], label='Validation 3 hidden layers')
|
|
plt.plot(history3.history['loss'], label='Train 3 hidden layers vs regularization')
|
|
plt.plot(history3.history['val_loss'], label='Validation 3 hidden layer vs regularization')
|
|
plt.ylabel('$MSE$ $Loss$')
|
|
plt.xlabel('$Epochs$')
|
|
plt.title('Dinamic of Models train')
|
|
plt.legend(loc='lower left')
|
|
|
|
plt.figure()
|
|
plt.plot(history1.history['accuracy'], label='Train 1 hidden layer')
|
|
plt.plot(history1.history['val_accuracy'], label='Validation 1 hidden layer')
|
|
plt.plot(history2.history['accuracy'], label='Train 3 hidden layers')
|
|
plt.plot(history2.history['val_accuracy'], label='Validation 3 hidden layers')
|
|
plt.plot(history3.history['accuracy'], label='Train 3 hidden layers\nvs regularization')
|
|
plt.plot(history3.history['val_accuracy'], label='Validation 3 hidden layer\nvs regularization')
|
|
plt.ylabel('$Accuracy$')
|
|
plt.xlabel('$Epochs$')
|
|
plt.title('Dinamic of Models train')
|
|
plt.legend(loc='upper left')
|
|
|
|
# Загрузка тестовой выборки
|
|
test_filename = os.path.join(path,'test_data.csv')
|
|
test = np.asarray( pd.read_table(test_filename,
|
|
sep=',',
|
|
header=None,
|
|
skipinitialspace=True,
|
|
encoding='utf-8',
|
|
float_precision='high',
|
|
dtype=np.float64,
|
|
low_memory=False))
|
|
# Разделение тестовой выборки на исходные данные и цели
|
|
test_data=test[:,0:inputs]
|
|
test_target=test[:,inputs:]
|
|
|
|
# Проверка результатов моделей на тестовой выборке
|
|
test_loss1, test_acc1 = model1.evaluate(test_data, test_target, verbose=2)
|
|
test_loss2, test_acc2 = model2.evaluate(test_data, test_target, verbose=2)
|
|
test_loss3, test_acc3 = model3.evaluate(test_data, test_target, verbose=2)
|
|
|
|
# Вывод результатов тестирования в журнал
|
|
print('Model 1 hidden layer')
|
|
print('Test accuracy:', test_acc1)
|
|
print('Test loss:', test_loss1)
|
|
|
|
print('Model 3 hidden layers')
|
|
print('Test accuracy:', test_acc2)
|
|
print('Test loss:', test_loss2)
|
|
|
|
print('Model 3 hidden layers vs regularization')
|
|
print('Test accuracy:', test_acc3)
|
|
print('Test loss:', test_loss3)
|
|
|
|
plt.figure()
|
|
plt.bar(['1 hidden layer','3 hidden layers', '3 hidden layers\nvs regularization'],[test_loss1,test_loss2,test_loss3])
|
|
plt.ylabel('$MSE$ $Loss$')
|
|
plt.title('Result of test')
|
|
plt.figure()
|
|
plt.bar(['1 hidden layer','3 hidden layers', '3 hidden layers\nvs regularization'],[test_acc1,test_acc2,test_acc3])
|
|
plt.ylabel('$Accuracy$')
|
|
plt.title('Result of test')
|
|
|
|
plt.show() |