- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我在 Keras 中使用 MNIST 数字数据创建了一个分类器,我尝试仅使用 Tensorflow 保存和恢复模型,但我的所有 10 个类都为零。
这是分类器:
from keras import models
from keras import layers
from keras.datasets import mnist
from keras.layers.core import K
import tensorflow as tf
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()
network = models.Sequential()
network.add(layers.Dense(512, activation='relu', input_shape=(28*28,)))
network.add(layers.Dense(10, activation='softmax'))
network.compile(optimizer='rmsprop',
loss='categorical_crossentropy',
metrics=['accuracy'])
train_images = train_images.reshape((60000, 28*28))
train_images = train_images.astype('float32')/255
test_images = test_images.reshape((10000, 28*28))
test_images = test_images.astype('float32')/255
from keras.utils import to_categorical
train_labels = to_categorical(train_labels)
test_labels = to_categorical(test_labels)
network.fit(train_images, train_labels, epochs=5, batch_size=128)
test_loss, test_acc = network.evaluate(test_images, test_labels)
print('\n\ntest_acc: ', test_acc)
print('\n' + network.input.op.name)
print('\n' + network.output.op.name)
sess = K.get_session()
saver = tf.train.Saver()
saver.save(sess, './digit-model')
运行脚本后的结果:
test_acc: 0.9799
dense_1_input
dense_2/Softmax
这是我传递自己的图像的脚本,将其大小调整为 28 * 28 并将其提供给保存的模型:
import tensorflow as tf
import numpy as np
import os
import cv2
# First, pass the path of the image
dir_path = os.path.dirname(os.path.realpath(__file__))
image_path = './3.png' # sys.argv[1]
filename = dir_path + '/' + image_path
image_size = 28
num_channels = 1
images = []
# Reading the image using OpenCV
image = cv2.imread(filename)
# Resizing the image to our desired size and pre-processing will be done exactly as done
# during training
image = cv2.resize(image, (image_size, image_size), 0, 0, cv2.INTER_LINEAR)
if num_channels == 1:
image = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
image = np.reshape(image, (image.shape[0], image.shape[1], 1))
images.append(image)
images = np.array(images, dtype=np.uint8)
images = images.astype('float32')
images = np.multiply(images, 1.0 / 255.0)
# The input to the network is of shape [None image_size image_size num_channels].
# Hence we reshape
x_batch = images.reshape(1, image_size * image_size)
# Let us restore the saved model
sess = tf.Session()
# Step-1: Recreate the network graph. At this step only graph is created.
saver = tf.train.import_meta_graph('./digit-model.meta')
# Step-2: Now let's load the weights saved using the restore method
saver.restore(sess, tf.train.latest_checkpoint('./'))
# Accessing the default graph which we have restored
graph = tf.get_default_graph()
# for op in graph.get_operations():
# print(str(op.name))
# Now, let's get hold of the op that we can be processed to get the output.
# In the original network y_pred is the tensor that is the prediction of the network
y_pred = graph.get_tensor_by_name("dense_2/Softmax:0")
# Let's feed the images to the input placeholders
x = graph.get_tensor_by_name("dense_1_input:0")
y_true = graph.get_tensor_by_name("dense_2/Softmax:0")
y_test_images = np.zeros((1, 10))
# Creating the feed_dict that is required to be fed to calculate y_pred
feed_dict_testing = {x: x_batch, y_true: y_test_images}
result = sess.run(y_pred, feed_dict=feed_dict_testing)
for r in result:
for i in r:
print(i)
这些是我得到的结果:
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
0.0
我猜这与我使用的 y_true 和 y_pred 张量有关,我不知道要为它们使用哪个其他张量。我会感谢任何帮助,谢谢!
最佳答案
代码中的问题是,您应该只为图表提供x_batch
。所以解决方案是改变原来的:
feed_dict_testing = {x: x_batch, y_true: y_test_images
至
feed_dict_testing = {x: x_batch}
我们根本不需要这条线: y_true = graph.get_tensor_by_name("dense_2/Softmax:0")
实际上我们不需要y_true
变量,我们只需要训练阶段的true标签。
您也可以更改行:
images = np.array(images, dtype=np.uint8)
images = images.astype('float32')
至
images = np.array(images, dtype=np.float32)
因此,您赢得了一行并节省了一些额外的计算。
经过我们的努力,我们对任意图像都得到了一些合理的结果。
INFO:tensorflow:Restoring parameters from ./digit-model
3.4569392e-29
6.898592e-28
1.0
2.9526584e-16
0.0
7.1692116e-14
2.0023208e-12
1.9861456e-14
2.7171926e-23
1.3212834e-28
关于python - 为什么使用 Keras 制作的恢复后的 TensorFlow 模型给出的预测为 0?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/53437710/
有什么方法可以恢复删除的元素吗? 这是我删除元素的代码 myFunction() { var width = window.innerWidth; var February = doc
我有一个 TokuDB 表,由于某种原因缺少 ***_status.tokudb 文件。 我还不确定文件是否由于 TokuDB 崩溃而丢失。 问题是: 有没有办法从主要文件和关键文件(我可以从 tok
我正在 Windows 7 (x86) 上运行带有 Workbench 6.3.8 的 32 位 MySQL Server 5.7.22 本地实例(必须选择 32 位版本 - 所以,较旧的版本)。 我
1、备份 <% SQL="backup database 数据库名 to disk='"&Serve
1、ASP中怎么实现SQL数据库备份、恢复! 答:asp在线备份sql server数据库: 1、备份 <% SQL="ba
我在 R 中使用 stats::filter 函数来理解 R 中的 ARIMA 模拟(如在函数 stats::arima.sim 中)和估计。我知道 stats::filter 将线性过滤器应用于向量
我已经浏览了示例应用程序的文档和代码,并发现 files/objectbox/objectbox/data.mdb 是存储所有数据的默认文件。 假设我的理解是正确的,我有几个问题找不到文档: 我想在我
为了恢复非续订订阅类型的 InAppPurchase,我已经实现了服务器来处理此问题。 但在购买过程中,iTunes 有时不会要求用户验证他们的卡详细信息, 在这种情况下,它会在后台发送应用程序并显示
我的问题是寻找cocos2d游戏期间暂停/恢复状态(包括所有需要保存的数据信息)的设计解决方案。 包括但不限于以下情况: 1).用户选择退出,然后弹出一个对话框供用户选择“直接退出”、“暂停”; 2)
在 Mercurial 中,我有一个旧的变更集,除了对单个文件的更改外,它都很好。我将如何恢复对该单个文件的更改? 即使只是能够在上一个变更集中查看文件的状态也会很好,然后我可以剪切和粘贴。 我的 M
我的一项职能遇到了困难。我想做的是计时器在页面加载后立即启动,并且只有一个带有启动/恢复的按钮。我无法在代码中找出需要更改功能的位置。有人可以帮助我吗?谢谢! HTML: , Javascr
我正在阅读Scrap your type classes 。这为类型类提供了替代方案。然而,我被Paul Chiusano的评论所困扰。其中讨论了恢复 do 表示法 语法。 坦白说,我无法理解 ret
当 OrientDB 因某人重新启动机器而非正常关闭时,OrientDB 最终会处于数据恢复失败的状态。对于如何从这种不正常的关闭中正常恢复有什么建议吗?我们正在寻找系统在断电期间能够自行恢复的方法。
我正在构建一个 Electron 应用程序,如果发生崩溃,它必须重新加载渲染进程窗口。 目前我可以从主进程重新启动应用程序 app.relaunch(); app.quit(); 但我无法检测到窗口崩
我有 3 个 Activity ,比如说 MainActivity、 Activity 2 和 Activity 3。 在 MainActivity 中,我有一个按钮(开始/停止),当我单击此按钮时,
关闭。这个问题是off-topic .它目前不接受答案。 想改进这个问题吗? Update the question所以它是on-topic用于堆栈溢出。 关闭 11 年前。 Improve thi
Twilio 是否支持暂停和恢复内容播放。换句话说,我有相当长的文件将播放给调用者,并且我正在尝试找到一种方法来实现暂停和恢复功能。在播放某些内容的过程中,我希望用户能够按数字暂停,然后再次按数字从音
我已经提交了 A、B、C、D 和 E。我意识到在提交 B 中发生了一些非常糟糕的事情,所以我想回到 A,这次正确地进行之前搞砸了 B 的更改,然后重新应用 C 、 D 和 E 自动。 您可能想知道为什
我的一个文件被“标记为文本”,图标也发生了变化。实际上这是一个 PHP 文件。我尝试过使用 Help -> Find Action -> Mark As 尝试将其恢复为 PHP 突出显示,但它不起作用
我有一些 SSE 程序,可以将循环中的内存归零,当指针未对齐时,它会引发 SIGSEGV进入我的处理程序。我可以在此类处理程序中获取更多信息吗例行公事,现在我不知道它是在哪里完成的,我也可以吗以某种可
我是一名优秀的程序员,十分优秀!