gpt4 book ai didi

python - 我如何获得图像识别的概率

转载 作者:太空宇宙 更新时间:2023-11-04 04:18:30 25 4
gpt4 key购买 nike

我有一个 MNIST CNN。从 MNIST 数据集学习和训练网络,并为每个数字(0 到 9)给出 10 个概率的 vector ,总和为 1(当然使用 softmax)。我正在尝试以一种方式进行更改,即我将为每个数字获得十个概率,例如,所选图像为 b 1 的概率为 0.23,因此它不为 1 的概率为 0.67,(总和为 1但对于 10 位数字)。所以我需要的是 10 种不同的 softmax 激活,但我不知道该怎么做。这是计算 10 个加起来为 1 的概率并最终给出准确度计算的原始代码。有没有一种方法可以更改代码为每个数字提供 10 softmax?

from __future__ import absolute_import
from __future__ import division
from __future__ import print_function

import numpy as np
import tensorflow as tf

tf.logging.set_verbosity(tf.logging.INFO)


def cnn_model_fn(features, labels, mode):

input_layer = tf.reshape(features["x"], [-1, 28, 28, 1])

conv1 = tf.layers.conv2d(inputs=input_layer, filters=32,kernel_size[5,5],
padding="same", activation=tf.nn.relu)

pool1 = tf.layers.max_pooling2d(inputs=conv1, pool_size=[2, 2],strides=2)

conv2 = tf.layers.conv2d(inputs=pool1, filters=64, kernel_size=[5, 5],
padding="same", activation=tf.nn.relu)

pool2 = tf.layers.max_pooling2d(inputs=conv2, pool_size=[2, 2],strides=2)
pool2_flat = tf.reshape(pool2, [-1, 7 * 7 * 64])

dense = tf.layers.dense(inputs=pool2_flat,
units=1024,activation=tf.nn.relu)

dropout = tf.layers.dropout(inputs=dense, rate=0.4, training=mode ==
tf.estimator.ModeKeys.TRAIN)

logits = tf.layers.dense(inputs=dropout, units=10)

predictions = {
"classes": tf.argmax(input=logits, axis=1),
"probabilities": tf.nn.softmax(logits, name="softmax_tensor")}
if mode == tf.estimator.ModeKeys.PREDICT:
return tf.estimator.EstimatorSpec(mode=mode, predictions=predictions)

loss = tf.losses.sparse_softmax_cross_entropy(labels=labels,
logits=logits)


if mode == tf.estimator.ModeKeys.TRAIN:
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.001)
train_op = optimizer.minimize(
loss=loss,
global_step=tf.train.get_global_step())
return tf.estimator.EstimatorSpec(mode=mode, loss=loss,
train_op=train_op)

eval_metric_ops = {
"accuracy": tf.metrics.accuracy(
labels=labels, predictions=predictions["classes"])}
return tf.estimator.EstimatorSpec(
mode=mode, loss=loss, eval_metric_ops=eval_metric_ops)


def main(unused_argv):
# Load training and eval data
mnist = tf.contrib.learn.datasets.load_dataset("mnist")
train_data = mnist.train.images # Returns np.array
train_labels = np.asarray(mnist.train.labels, dtype=np.int32)
eval_data = mnist.test.images # Returns np.array
eval_labels = np.asarray(mnist.test.labels, dtype=np.int32)

# Create the Estimator
mnist_classifier = tf.estimator.Estimator(model_fn=cnn_model_fn,
model_dir="/tmp/mnist_convnet_model")

# Set up logging for predictions
# Log the values in the "Softmax" tensor with label "probabilities"
tensors_to_log = {"probabilities": "softmax_tensor"}
logging_hook = tf.train.LoggingTensorHook(
tensors=tensors_to_log, every_n_iter=50)

# Train the model
train_input_fn = tf.estimator.inputs.numpy_input_fn(
x={"x": train_data},
y=train_labels,
batch_size=100,
num_epochs=None,
shuffle=True)
mnist_classifier.train(
input_fn=train_input_fn,
steps=20000,
hooks=[logging_hook])

# Evaluate the model and print results
eval_input_fn = tf.estimator.inputs.numpy_input_fn(
x={"x": eval_data},
y=eval_labels,
num_epochs=1,
shuffle=False)
eval_results = mnist_classifier.evaluate(input_fn=eval_input_fn)
print(eval_results)

if __name__ == "__main__":
tf.app.run()

最佳答案

如果我正确理解你的问题是你想要对每个类(class)进行独立预测。

这样做的典型方法是使用 sigmoid 而不是 softmax 进行激活,并使用 log_loss 进行损失。

现在每个类别都将独立于其他类别进行预测,因此概率总和不会为 1。

在此设置中您不需要单独的负类。您可以将 1-prediciton 解释为负例的概率(例如图像不是 1)。

请注意,当您希望为一张图片添加多个标签(图片可以同时包含一只狗和一个球)时,这种方法最有效。对于具有单个标签的 MINST 数据集,softmax 往往表现更好。

关于python - 我如何获得图像识别的概率,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/49295110/

25 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com