我在Tensorflow中做了一个简单的线性回归。我怎么知道回归的系数是多少? 我已经阅读了文档,但我无法在任何地方找到它! (https://www.tensorflow.org/api_docs/python/tf/estimator/LinearRegressor)
编辑代码示例
import numpy as np
import tensorflow as tf
# Declare list of features, we only have one real-valued feature
def model_fn(features, labels, mode):
# Build a linear model and predict values
W = tf.get_variable("W", [1], dtype=tf.float64)
b = tf.get_variable("b", [1], dtype=tf.float64)
y = W * features['x'] + b
# Loss sub-graph
loss = tf.reduce_sum(tf.square(y - labels))
# Training sub-graph
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))
# EstimatorSpec connects subgraphs we built to the
# appropriate functionality.
return tf.estimator.EstimatorSpec(
mode=mode,
predictions=y,
loss=loss,
train_op=train)
estimator = tf.estimator.Estimator(model_fn=model_fn)
# define our data sets
x_train = np.array([1., 2., 3., 4.])
y_train = np.array([0., -1., -2., -3.])
x_eval = np.array([2., 5., 8., 1.])
y_eval = np.array([-1.01, -4.1, -7, 0.])
input_fn = tf.estimator.inputs.numpy_input_fn(
{"x": x_train}, y_train, batch_size=4, num_epochs=None, shuffle=True)
train_input_fn = tf.estimator.inputs.numpy_input_fn(
{"x": x_train}, y_train, batch_size=4, num_epochs=1000, shuffle=False)
eval_input_fn = tf.estimator.inputs.numpy_input_fn(
{"x": x_eval}, y_eval, batch_size=4, num_epochs=1000, shuffle=False)
# train
estimator.train(input_fn=input_fn, steps=1000)
# Here we evaluate how well our model did.
train_metrics = estimator.evaluate(input_fn=train_input_fn)
eval_metrics = estimator.evaluate(input_fn=eval_input_fn)
print("train metrics: %r"% train_metrics)
print("eval metrics: %r"% eval_metrics)
答案 0 :(得分:3)
编辑:正如Jason Ching指出的那样,在发布此答案后发生了一些变化。现在有估算方法get_variable_names
和get_variable_value
,估算值权重似乎不再自动添加到tf.GraphKeys.MODEL_VARIABLES
。
估算器设计为基本上作为黑盒子工作,因此没有直接的API来检索权重。即使在您的情况下,您是定义模型的那个(而不是使用预先存在的模型),您也无法直接访问估算器对象中的参数。
也就是说,您仍然可以通过其他方式检索变量。如果您知道变量的名称,一个选项就是使用get_operation_by_name
或get_tensor_by_name
从图表对象中获取它们。更实用和更通用的选择是使用集合。当您调用tf.get_variable
或之后调用tf.add_to_collection
时,您可以将模型变量放在通用集合名称下以供以后检索。如果您查看实际构建tf.estimator.LinearRegressor
的方式(在this module中搜索函数linear_model
),则所有模型变量都会添加到tf.GraphKeys.GLOBAL_VARIABLES
和tf.GraphKeys.MODEL_VARIABLES
。对于所有可用的罐装估算器来说,这是(大概我没有真正检查过),所以通常在使用其中一个时,您应该能够做到:
model_vars = tf.get_collection(tf.GraphKeys.MODEL_VARIABLES)
在这种情况下,您最好使用tf.GraphKeys.MODEL_VARIABLES
而不是tf.GraphKeys.GLOBAL_VARIABLES
,null
具有更多通用性,并且可能还包含其他无关变量。
答案 1 :(得分:0)
试试这个:
export class Funcionarios {
id : Number;
codFunc: Number;
nomeFunc: string;
constructor(codFunc: Number, nomeFunc: string) {
this.codFunc = codFunc;
this.nomeFunc = nomeFunc;
}
}
export class Equipa {
id : Number;
codEquipa: Number;
nomeEquipa: string;
ocorFuncs: Funcionarios[] = [];
constructor(id : Number, codEquipa: Number, nomeEquipa: string, funcs: Funcionarios[]) {
this.id = id;
this.codEquipa = codEquipa;
this.nomeEquipa = nomeEquipa;
this.ocorFuncs = funcs;
}
}
export class TestComponent implements OnInit {
equipa: Equipa = new Equipa(null, null, null, null);
ngOnInit() {
this.equipa.ocorFuncs.push(new Funcionarios(1, "qwe"));
this.equipa.ocorFuncs.push(new Funcionarios(2, "asd"));
this.equipa.ocorFuncs.push(new Funcionarios(3, "zxc"));
}
}