循环神经网络中的问题

Issue in RECURRENT NEURAL NETWORK

请让我们知道下面代码中的任何错误,没有得到想要的结果 -

from numpy import sqrt
from numpy import asarray
from pandas import read_csv
from tensorflow.keras import Sequential
from tensorflow.keras.layers import Dense
from tensorflow.keras.layers import LSTM
import tensorflow as tf
from sklearn import metrics
from sklearn.model_selection import train_test_split

将值 40 分配给将作为种子值的变量 RANDOM_SEED。使用存储在变量 RANDOM_SEED.

中的值设置随机种子值
RANDOM_SEED = 40
tf.random.set_seed(RANDOM_SEED)

将单变量序列拆分为样本

def split_sequence(sequence, n_steps):
    X, y = list(), list()
    for i in range(len(sequence)):
        # find the end of this pattern
        end_ix = i + n_steps
        # check if we are beyond the sequence
        if end_ix > len(sequence)-1:
            break
        # gather input and output parts of the pattern
        seq_x, seq_y = sequence[i:end_ix], sequence[end_ix]
        X.append(seq_x)
        y.append(seq_y)
    return asarray(X), asarray(y)

读取数据集 airline-passengers.csv 并将参数 index_col 设为 0 并将其保存在变量 df 中。

df = read_csv("airline-passengers.csv", index_col=0)

将values dataframe df的数据类型转换为float32,保存在变量values中。 将值 5 分配给变量 n_steps,即 window 大小。 使用函数 split_sequence 拆分样本并传递参数值和 n_steps 并将其保存在变量 X 和 y

values = df.values.astype('float32')
n_steps = 5
X, y = split_sequence(values, n_steps)

用参数test_size=0.33和random_state=RANDOM_SEED.**

的sklearn函数train_test_split拆分数据X,y
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.33, random_state=RANDOM_SEED)

构造一个使用dense定义的全连接网络结构class

编译模型时传递以下参数 - -优化器作为亚当 -损失为mse -metrics 作为 mae

model.compile(optimizer='Adam', loss='mse', metrics=['mae'])

用 X_train、y_train、epochs=350、batch_size=32、verbose=0.

拟合模型
model.fit(X_train, y_train, epochs=350, batch_size=32, verbose=0)

对 X_test 上的测试数据(即)执行预测并将预测保存在变量 y_pred.

row = ([X_test])
y_pred = model.predict(row)

使用 sklearn 指标中的 mean_squared_error 函数计算变量 y_test 和 y_pred 的均方误差,并将其保存在变量 MSE 中。

通过对上述结果进行平方根计算变量 y_test 和 y_pred 的均方根误差,并将其保存在变量 RMSE 中。

使用 sklearn 指标中的 mean_absolute_error 函数计算变量 y_test 和 y_pred 的平均绝对误差并将其保存在变量 MAE 中。

MSE  = metrics.mean_squared_error(y_test,y_pred)
RMSE = sqrt(metrics.mean_squared_error(y_test,y_pred))
MAE  = metrics.mean_absolute_error(y_test,y_pred)
print('MSE: %.3f, RMSE: %.3f, MAE: %.3f' % (MSE, RMSE,MAE))

MSE:665.522,RMSE:25.798,MAE:17.127 ...这是错误的。

with open("MSE.txt", "w") as text_file:
        MSE=str(MSE)
        text_file.write(MSE)
with open("RMSE.txt", "w") as text_file:
        RMSE=str(RMSE)
        text_file.write(RMSE)
with open("MAE.txt", "w") as text_file:
        MAE=str(MAE)
        text_file.write(MAE)
# serialize model to JSON
model_json = model.to_json()
with open("model.json", "w") as json_file:
    json_file.write(model_json)

airline-passengers.zip

RNN_Question.zip

毕竟我们是运行-

from hashlib import md5
f = open("MSE.txt", "r")
s=f.read()
s=float(s)
s=round(s,3)
f1=open("RMSE.txt","r")
s1=f1.read()
s1=float(s1)
s1=round(s1,3)
f2=open("MAE.txt","r")
s2=f2.read()
s2=float(s2)
s2=round(s2,3)
if (md5(str(s).encode()).hexdigest() == '51ad543f7ac467cb8b518f1a04cc06af') and (md5(str(s1).encode()).hexdigest() == '6ad48a76bec847ede2ad2c328978bcfa') and (md5(str(s2).encode()).hexdigest() == '64bd1e146726e9f8622756173ab27831'):

    print("Your MSE,RMSE and MAE Scores matched the expected output")
else :
    print("Your MSE,RMSE and MAE Scores does not match the expected output") 

这里我们的输出应该是匹配的,但结果是不匹配的。

试试这个:

def square_it(n):
    global rv
    rv+=str(n*n)+'\n'
    print(rv)

它会工作,但它会提供额外的行作为输出,但没关系