- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
我正在努力使用 Tensorflow 在 Python 3.6 上创建我的神经网络。
当我启动代码时,我遇到了以下问题......我的数据库是 1100000 x 8,有一个因变量( bool 值 1 或 0)和 6 个自变量(浮点数)。我已经在 Stack 上搜索了响应,但没有找到修复它的方法。
谢谢
问题
Traceback (most recent call last):
File "<ipython-input-257-6982dfbaacea>", line 1, in <module>
runfile('/anaconda3/lib/python3.6/site-packages/tensorflow/python/framework/DeepGENERALI.py', wdir='/anaconda3/lib/python3.6/site-packages/tensorflow/python/framework')
File "/anaconda3/lib/python3.6/site-packages/spyder/utils/site/sitecustomize.py", line 710, in runfile
execfile(filename, namespace)
File "/anaconda3/lib/python3.6/site-packages/spyder/utils/site/sitecustomize.py", line 101, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)
File "/anaconda3/lib/python3.6/site-packages/tensorflow/python/framework/DeepGENERALI.py", line 102, in <module>
y = multilayer_perceptron(x, weights, biases)
File "/anaconda3/lib/python3.6/site-packages/tensorflow/python/framework/DeepGENERALI.py", line 63, in multilayer_perceptron
layer_1 = tf.add(tf.matmul(x,weights['h1'], biases['b1']))
File "/anaconda3/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py", line 1801, in matmul
a, b, transpose_a=transpose_a, transpose_b=transpose_b, name=name)
File "/anaconda3/lib/python3.6/site-packages/tensorflow/python/ops/gen_math_ops.py", line 1263, in _mat_mul
transpose_b=transpose_b, name=name)
File "/anaconda3/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py", line 697, in apply_op
attr_value.b = _MakeBool(value, key)
File "/anaconda3/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py", line 169, in _MakeBool
(arg_name, repr(v)))
TypeError: Expected bool for argument 'transpose_a' not <tf.Variable 'Variable_724:0' shape=(500,) dtype=float32_ref>.
import tensorflow as tf
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
from sklearn.preprocessing import LabelEncoder
from sklearn.model_selection import train_test_split
#Read the data set
def read_dataset():
df = pd.read_csv("/Users/Samy/Desktop/Work/Dauphine/Doctorat/Methodology/Base/DeepGENERALI.csv",sep=",",keep_default_na=False)
x = df [df.columns[1:7]].values
y = df [df.columns[0]] #.values
#Encode the dependent variable
encoder = LabelEncoder()
encoder.fit(y)
y = encoder.transform(y)
y = one_hot_encode(y)
print(x.shape)
return (x, y)
#Define the encoder function
def one_hot_encode(labels):
n_labels = len(labels)
n_unique_labels = len(np.unique(labels))
one_hot_encode = np.zeros((n_labels, n_unique_labels))
one_hot_encode[np.arange(n_labels), labels] = 1
return one_hot_encode
# Read the dataset
x, y = read_dataset()
train_x, test_x, train_y, test_y = train_test_split(x, y, test_size=0.20, random_state=415)
print(train_x.shape)
print(train_y.shape)
print(test_x.shape)
#Parameters
learning_rate = 0.01
training_epochs = 1000
cost_history = np.empty(x.shape[1], dtype=float)
n_dim = x.shape[1]
print("n_dim", n_dim)
n_class = 10
model_path = "/Users/Samy/Desktop/Work/Dauphine/Doctorat/Methodology/Base/"
#10
n_hidden_1 = 500
n_hidden_2 = 500
n_hidden_3 = 500
n_hidden_4 = 500
x = tf.placeholder(tf.float32, [None, n_dim])
W = tf.Variable(tf.zeros([n_dim, n_class]))
b = tf.Variable(tf.zeros([n_class]))
y_ = tf.placeholder(tf.float32, [None, n_class])
#Define the model
def multilayer_perceptron(x, weights, biases):
#Hidden layer with RELU activationsd
layer_1 = tf.add(tf.matmul(x,weights['h1'], biases['b1']))
layer_1 = tf.nn.sigmoid(layer_1)
layer_2 = tf.add(tf.matmul(layer_1,weights['h2'], biases['b2']))
layer_2 = tf.nn.sigmoid(layer_2)
layer_3 = tf.add(tf.matmul(layer_2,weights['h3'], biases['b3']))
layer_3 = tf.nn.sigmoid(layer_2)
layer_4 = tf.add(tf.matmul(layer_3,weights['h4'], biases['b4']))
layer_4 = tf.nn.relu(layer_2)
out_layer = tf.matmul(layer_4, weights['out'], biases['out'])
return out_layer
weights = {
'h1' : tf.Variable(tf.truncated_normal([n_dim, n_hidden_1])),
'h2' : tf.Variable(tf.truncated_normal([n_hidden_1, n_hidden_2])),
'h3' : tf.Variable(tf.truncated_normal([n_hidden_2, n_hidden_3])),
'h4' : tf.Variable(tf.truncated_normal([n_hidden_3, n_class])),
'out' : tf.Variable(tf.truncated_normal([n_hidden_4, n_class])),
}
biases = {
'b1' : tf.Variable(tf.truncated_normal([n_hidden_1])),
'b2' : tf.Variable(tf.truncated_normal([n_hidden_2])),
'b3' : tf.Variable(tf.truncated_normal([n_hidden_3])),
'b4' : tf.Variable(tf.truncated_normal([n_hidden_4])),
'out' : tf.Variable(tf.truncated_normal([n_class])),
}
#initialize all the variables
init = tf.global_variables_initializer()
saver = tf.train.Saver()
y = multilayer_perceptron(x, weights, biases)
cost_function = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits = y, labels=y_))
training_step = tf.train.GradientDecentOptimizet(learning_rate).minimize(cost_function)
sess = tf.Session()
sess.run(init)
mse_history = []
accuracy_history = []
# training
for epoch in range(training_epochs):
sess.run(training_step, feed_dict={x: train_x, y_: train_y})
cost = sess.run(cost_function, feed_dict={x: train_x, y_:train_y})
cost_history = np.append(cost_history, cost)
correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
pred_y = sess.run(y, feed_dict={x: test_x})
mse = tf.reduce_mean(tf.square(pred_y - test_y))
mse_ =sess.un(mse)
mse_history.append(mse_)
accuracy = (sess.run(accuracy, feed_dict={x: train_x, y_: train_y}))
accuracy_history.append(accuracy)
print('epoch:', epoch, '-', 'cost', cost, "-MSE:", mse_, "-Train Accuracy:", accuracy)
plt.plot(mse_history, 'r')
plt.show()
plt.plot(accuracy_history)
plt.show
pred_y = sess.run(y, feed_dict={x: test_x})
mse = tf.reduce_mean(tf.square(pred_y - test_y))
print("MSE: %.4f" % sess.run(mse))
最佳答案
您似乎忽略了在 multilayer_perceptron()
的定义中关闭括号。
每层应该是: layer = tf.add(tf.matmul(x, weights[h]), biases[h)
。此时您可以添加您的激活函数( sigmoid, tanh, relu
)。
您还完全缺少输出层上的 tf.add()
,并且正在尝试使用三个输入运行矩阵乘法,其中一个是您的偏差。
固定的
#Define the model
def multilayer_perceptron(x, weights, biases):
#Hidden layer with RELU activationsd
layer_1 = tf.add(tf.matmul(x,weights['h1']), biases['b1'])
layer_1 = tf.nn.sigmoid(layer_1)
layer_2 = tf.add(tf.matmul(layer_1,weights['h2']), biases['b2'])
layer_2 = tf.nn.sigmoid(layer_2)
layer_3 = tf.add(tf.matmul(layer_2,weights['h3']), biases['b3'])
layer_3 = tf.nn.sigmoid(layer_2)
layer_4 = tf.add(tf.matmul(layer_3,weights['h4']), biases['b4'])
layer_4 = tf.nn.relu(layer_2)
out_layer = tf.add(tf.matmul(layer_4, weights['out']), biases['out'])
return out_layer
关于python - TensorFlow Bool 或 Float 上的问题?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/48554712/
我想将模型及其各自训练的权重从 tensorflow.js 转换为标准 tensorflow,但无法弄清楚如何做到这一点,tensorflow.js 的文档对此没有任何说明 我有一个 manifest
我有一个运行良好的 TF 模型,它是用 Python 和 TFlearn 构建的。有没有办法在另一个系统上运行这个模型而不安装 Tensorflow?它已经经过预训练,所以我只需要通过它运行数据。 我
当执行 tensorflow_model_server 二进制文件时,它需要一个模型名称命令行参数,model_name。 如何在训练期间指定模型名称,以便在运行 tensorflow_model_s
我一直在 R 中使用标准包进行生存分析。我知道如何在 TensorFlow 中处理分类问题,例如逻辑回归,但我很难将其映射到生存分析问题。在某种程度上,您有两个输出向量而不是一个输出向量(time_t
Torch7 has a library for generating Gaussian Kernels在一个固定的支持。 Tensorflow 中有什么可比的吗?我看到 these distribu
在Keras中我们可以简单的添加回调,如下所示: self.model.fit(X_train,y_train,callbacks=[Custom_callback]) 回调在doc中定义,但我找不到
我正在寻找一种在 tensorflow 中有条件打印节点的方法,使用下面的示例代码行,其中每 10 个循环计数,它应该在控制台中打印一些东西。但这对我不起作用。谁能建议? 谢谢,哈米德雷萨, epsi
我想使用 tensorflow object detection API 创建我自己的 .tfrecord 文件,并将它们用于训练。该记录将是原始数据集的子集,因此模型将仅检测特定类别。我不明白也无法
我在 TensorFlow 中训练了一个聊天机器人,想保存模型以便使用 TensorFlow.js 将其部署到 Web。我有以下内容 checkpoint = "./chatbot_weights.c
我最近开始学习 Tensorflow,特别是我想使用卷积神经网络进行图像分类。我一直在看官方仓库中的android demo,特别是这个例子:https://github.com/tensorflow
我目前正在研究单图像超分辨率,并且我设法卡住了现有的检查点文件并将其转换为 tensorflow lite。但是,使用 .tflite 文件执行推理时,对一张图像进行上采样所需的时间至少是使用 .ck
我注意到 tensorflow 的 api 中已经有批量标准化函数。我不明白的一件事是如何更改训练和测试之间的程序? 批量归一化在测试和训练期间的作用不同。具体来说,在训练期间使用固定的均值和方差。
我创建了一个模型,该模型将 Mobilenet V2 应用于 Google colab 中的卷积基础层。然后我使用这个命令转换它: path_to_h5 = working_dir + '/Tenso
代码取自:- http://adventuresinmachinelearning.com/python-tensorflow-tutorial/ import tensorflow as tf fr
好了,所以我准备在Tensorflow中运行 tf.nn.softmax_cross_entropy_with_logits() 函数。 据我了解,“logit”应该是概率的张量,每个对应于某个像素的
tensorflow 服务构建依赖于大型 tensorflow ;但我已经成功构建了 tensorflow。所以我想用它。我做这些事情:我更改了 tensorflow 服务 WORKSPACE(org
Tensoflow 嵌入层 ( https://www.tensorflow.org/api_docs/python/tf/keras/layers/Embedding ) 易于使用, 并且有大量的文
我正在尝试使用非常大的数据集(比我的内存大得多)训练 Tensorflow 模型。 为了充分利用所有可用的训练数据,我正在考虑将它们分成几个小的“分片”,并一次在一个分片上进行训练。 经过一番研究,我
根据 Sutton 的书 - Reinforcement Learning: An Introduction,网络权重的更新方程为: 其中 et 是资格轨迹。 这类似于带有额外 et 的梯度下降更新。
如何根据条件选择执行图表的一部分? 我的网络有一部分只有在 feed_dict 中提供占位符值时才会执行.如果未提供该值,则采用备用路径。我该如何使用 tensorflow 来实现它? 以下是我的代码
我是一名优秀的程序员,十分优秀!