在使用sigmoid函数训练这个简单的线性模型后,我试图找到准确性:
import numpy as np
import tensorflow as tf
import _pickle as cPickle
with open("var_x.txt", "rb") as fp: # Unpickling
var_x = cPickle.load(fp)
with open("var_y.txt", "rb") as fp: # Unpickling
var_y = cPickle.load(fp)
with open("var_x_test.txt", "rb") as fp: # Unpickling
var_x_test = cPickle.load(fp)
with open("var_y_test.txt", "rb") as fp: # Unpickling
var_y_test = cPickle.load(fp)
def model_fn(features, labels, mode):
# Build a linear model and predict values
W = tf.get_variable("W", [4], dtype=tf.float64)
b = tf.get_variable("b", [1], dtype=tf.float64)
y = tf.sigmoid( tf.reduce_sum(W*features['x']) + b)
if mode == tf.estimator.ModeKeys.PREDICT:
return tf.estimator.EstimatorSpec(mode=mode, predictions=y)
loss = tf.reduce_sum(tf.square(y - labels))
global_step = tf.train.get_global_step()
optimizer = tf.train.GradientDescentOptimizer(0.01)
train = tf.group(optimizer.minimize(loss),
tf.assign_add(global_step, 1))
return tf.estimator.EstimatorSpec(
mode=mode,
predictions=y,
loss=loss,
train_op=train)
estimator = tf.estimator.Estimator(model_fn=model_fn)
x_train = np.array(var_x)
y_train = np.array(var_y)
x_test = np.array(var_x_test)
y_test = np.array(var_y_test)
input_fn = tf.estimator.inputs.numpy_input_fn(
{"x": x_train}, y_train, batch_size=4, num_epochs=60, shuffle=True)
estimator.train(input_fn=input_fn, steps=1000)
test_input_fn= tf.estimator.inputs.numpy_input_fn(
x ={"x":np.array(x_test)},
y=np.array(y_test),
num_epochs=1,
shuffle=False
)
accuracy_score = estimator.evaluate(input_fn=test_input_fn["accuracy"])
print(accuracy_score)
但这本字典并没有“准确度”。键。我怎么找到它?另外,如何在每个步骤后使用张量板来跟踪准确度?
提前感谢,tensorflow教程解释非常糟糕。
答案 0 :(得分:1)
您需要使用tf.metrics.accuracy
在model_fn
中自行创建准确度,并将其传递给该函数返回的eval_metric_ops
。
def model_fn(features, labels, mode):
# define model...
y = tf.nn.sigmoid(...)
predictions = tf.cast(y > 0.5, tf.int64)
eval_metric_ops = {'accuracy': tf.metrics.accuracy(labels, predictions)}
#...
return tf.estimator.EstimatorSpec(mode=mode, train_op=train_op, loss=loss, eval_metric_ops=eval_metric_ops)
然后estimator.evaluate()
的输出将包含一个准确性密钥,该密钥将保存在验证集上计算的准确度。
metrics = estimator.evaluate(test_input_fn)
print(metrics['accuracy'])
答案 1 :(得分:0)
accuracy_score = estimator.evaluate(input_fn=test_input_fn)
print(accuracy_score["loss"])
您可以像上述方式一样获得损失以确保准确性。
答案 2 :(得分:0)
test_results = {}
test_results['model'] = model.evaluate(
test_features, test_labels, verbose=0)
print(f" Accuracy: {test_results}")