- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我是 Keras 新手,一直在努力正确调整数据。我已经尝试了几个星期了,这是我最接近的一次。我很确定我只是强制事情正常工作并且必须调整数据的形状。有几个问题:
如果不是,我该如何将数据塑造成正确的形式。
我尝试将数据整形为 (1, 1, 59),但随后我会收到提示,目标数据的形状为 (1, 1, 19)。目前,我知道如何实现这一点的唯一方法是将数据切成两半,使其成为均匀的形状,但我只想使用 20% 的数据来创建一个新集。
我的代码:我想做的是让模型学习 1 - 100 之间的序列。然后给定一个数字,它应该预测下一个数字应该是什么。
# Tool setup
import numpy as np
import matplotlib.pyplot as plt
from keras.models import Sequential
from keras.layers import Dense
from keras.layers import LSTM
from keras.layers import Dropout
# Setup our dataset and testset.
dataset = [] # Training set.
validset = []
testset = []
dataset = list(range(60))
validset = list(range(60, 80))
testset = list(range(80, 100))
# Preprocess Data:
X_train = dataset[:-1] # Drop the last element.
Y_train = dataset[1:] # The second element is the target for prediction.
# Reshape training data for Keras LSTM model
# The training data needs to be (batchIndex, timeStepIndex, dimensionIndex)
# Single batch, time steps, dimensions
#print(np.array(X_train).shape)
X_train = np.array(X_train).reshape(-1, 59, 1)
Y_train = np.array(Y_train).reshape(-1, 59, 1)
# Normalize the Data:
#X_train = np.divide(X_train, 200)
#Y_train = np.divide(Y_train, 200)
X_test = validset[:-1] # Drop the last element.
Y_test = validset[1:] # The second element is the target for prediction.
#print(np.array(X_test).shape)
X_test = np.array(X_test).reshape(-1, 19, 1)
Y_test = np.array(Y_test).reshape(-1, 19, 1)
# Build Model
model = Sequential()
#model.add(LSTM(100, input_dim=1, return_sequences=True,
activation='softmax'))
model.add(LSTM(100, input_dim=1, return_sequences=True))
model.add(Dense(1))
model.compile(loss='mse', optimizer='rmsprop', metrics=["accuracy"])
#model.add(Dropout(0.80))
# Train the Model
history = model.fit(X_train, Y_train, validation_data=(X_test, Y_test),
nb_epoch=10, batch_size=1, verbose=1)
# The validation set is checked during training to monitor progress, and
possibly for early stopping,
# but is never used for gradient descent.
# validation_data is used as held-out validation data. Will override
validation_split.
# validation_data=(X_test, Y_test)
# validation_split is the Fraction of the data to use as held-out validation
data.
# validation_split=0.083
from IPython.display import SVG
from keras.utils.visualize_util import model_to_dot
SVG(model_to_dot(model).create(prog='dot', format='svg'))
# list all data in history
print(history.history.keys())
# summarize history for accuracy
plt.plot(history.history['acc'])
plt.plot(history.history['val_acc'])
plt.title('model accuracy')
plt.ylabel('accuracy')
plt.xlabel('epoch')
plt.legend(['train', 'validate'], loc='upper left')
plt.show()
# summarize history for loss
plt.plot(history.history['loss'])
plt.plot(history.history['val_loss'])
plt.title('model loss')
plt.ylabel('loss')
plt.xlabel('epoch')
plt.legend(['train', 'validate'], loc='upper left')
plt.show()
# Test the Model
#print(np.array(testset).shape)
testset = np.array(testset).reshape(-1, 5, 1)
predict = model.predict(testset)
# Undo the normalization step.
#predict = np.multiply(data, 200)
predict = predict.reshape(-1)
print(predict[0])
最佳答案
Does the model, loss, optimization, or activation function determine what shape/dimension the input_shape or input_dim needs to be?
我倾向于答案是"is"。某些功能需要不同的尺寸大小。
现在让我们保持简单,只关注问题的本质。
dataset = list(range(100))
validset = dataset[-20:]
testset = dataset[-20:]
Keras 似乎希望 LSTM 的数据如下所示:批处理索引、时间步长索引、维度索引
print(np.array(X_train).shape)
X_train = np.array(X_train).reshape(99, 1, 1)
Y_train = np.array(Y_train).reshape(99, 1, 1)
print(np.array(X_train).shape)
结果:(99,)(99, 1, 1)
模型简化为:
model = Sequential()
model.add(LSTM(100, input_dim=1, return_sequences=True))
model.add(Dense(1))
model.compile(loss='mse', optimizer='rmsprop', metrics=["accuracy"])
从图表和错误的预测来看,仍有很多工作要做。至少这会让事情开始。
关于machine-learning - 如何正确输入形状或输入尺寸?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/43854443/
进程虚拟机和系统虚拟机有什么区别? 我的猜测是,进程 VM 没有为该操作系统的整个应用程序提供一种操作系统,而是为某些特定应用程序提供环境。 系统虚拟机为操作系统提供了一个安装环境,就像 Virtua
我写了一个 C# windows 应用程序表单,它在客户端机器上运行并连接到另一台机器上的 SQL 服务器。在 C# 中建立连接时,我使用了像这样的 dll 1)microsoft.sqlserver
作为我作业的一部分,我正在处理几个数据集,并通过线性回归查找它们的训练错误。我想知道标准化是否对训练误差有影响?对于标准化前后的数据集,我的相关性和 RMSE 是相等的。 谢谢 最佳答案 很容易证明,
我在公司数据中心的 linux VM 上安装了 docker-engine。我在 Windows 上安装了 docker-machine。我想通过我的 Windows 机器管理这个 docker-en
我在我的 PC 上运行 SAS Enterprise Guide 以连接到位于我们网络内的服务器上的 SAS 实例。 我正在编写一个将在服务器上运行的 SAS 程序,该程序将使用 ODS 将 HTML
我正在创建一个包含 ASP.Net HttpModule 和 HttpHandler 的强签名类库。 我已经为我的库创建了一个 visual studio 安装项目,该项目在 GAC 中安装了该库,但
我试过 docker-machine create -d none --url tcp://:2376 remote并复制 {ca,key,cert}.pem (客户端证书)到机器目录。然后我做了 e
请注意 : 这个问题不是关于 LLVM IR , 但 LLVM 的 MIR ,一种低于前一种的内部中间表示。 本文档关于 LLVM Machine code description classes ,
我理解图灵机的逻辑。当给出图灵机时,我可以理解它是如何工作的以及它是如何停止的。但是当它被要求构造图灵机,难度更大。 有什么简单的方法可以找到问题的答案,例如: Construct a Turing
我不确定我是否理解有限状态机和状态机之间是否有区别?我是不是想得太难了? 最佳答案 I'm not sure I understand if there is a difference between
我遵循 docker 入门教程并到达第 4 部分,您需要使用 virtualbox ( https://docs.docker.com/get-started/part4/#create-a-clus
我使用 Virtual Machine Manager 通过 QEMU-KVM 运行多个客户操作系统。我在某处读到,通过输入 ctrl+alt+2 应该会弹出监视器控制台。它不工作或禁用。有什么办法可
当我尝试在项目中包含 libc.lib 时,会出现此错误,即使我的 Windows 是 32 位,也会出现此错误。不知道我是否必须从某个地方下载它或什么。 最佳答案 您正在尝试链接为 IA64 架构编
生成模型和判别模型似乎可以学习条件 P(x|y) 和联合 P(x,y) 概率分布。但从根本上讲,我无法说服自己“学习概率分布”意味着什么。 最佳答案 这意味着您的模型要么充当训练样本的分布估计器,要么
我正在使用 visual studio 2012.我得到了错误 LNK1112: module machine type 'x64' conflicts with target machine typ
使用 start|info|stop|delete 参数运行 boot2docker导致错误消息: snowch$ boot2docker start error in run: Failed to
到目前为止,我一直只在本地使用 Vagrant,现在我想使用 Azure 作为提供程序来创建 VM,但不幸的是,我遇到了错误,可以在通过链接访问的图像上看到该错误。我明白它说的是什么,但我完全不知道如
这个问题在这里已经有了答案: 关闭 10 年前。 Possible Duplicate: linking problem: fatal error LNK1112: module machine t
我正在使用 Nodejs 的 dgram 模块运行一个简单的 UDP 服务器。相关代码很简单: server = dgram.createSocket('udp4'); serve
嗨,我收到以下错误,导致构建失败,但在 bin 中创建了 Wix 安装程序 MSI。我怎样才能避免这些错误或抑制? 错误 LGHT0204:ICE57:组件 'cmp52CD5A4CB5D668097
我是一名优秀的程序员,十分优秀!