Questions tagged «tensorflow»

TensorFlow是Google编写和维护的,用于深度学习的开源库和API。将此标记与语言特定的标记([python],[c ++],[javascript],[r]等)结合使用,以解决有关使用API​​解决机器学习问题的问题。TensorFlow API可以使用的编程语言各不相同,因此您必须指定编程语言。还要指定应用领域,例如[对象检测]。

16
TensorFlow:InternalError:Blas SGEMM启动失败
当我跑步时sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})我得到InternalError: Blas SGEMM launch failed。这是完整的错误和堆栈跟踪: InternalErrorTraceback (most recent call last) <ipython-input-9-a3261a02bdce> in <module>() 1 batch_xs, batch_ys = mnist.train.next_batch(100) ----> 2 sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys}) /usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.pyc in run(self, fetches, feed_dict, options, run_metadata) 338 try: 339 result = self._run(None, fetches, feed_dict, options_ptr, --> 340 run_metadata_ptr) 341 if …
71 tensorflow  blas 

3
在Mac上同时安装Python3.6和Python3.7
我正在尝试使用Python3.7在Mac上安装tensorflow。但是,我得到了错误: $ pip3 -v install tensorflow ... Skipping link https://files.pythonhosted.org/packages/56/7a/c6bca0fe52a94ca508731d8b139e7dbd5a36cddc64c19f422f97e5a853e8/tensorflow-1.10.0rc1-cp36-cp36m-win_amd64.whl#sha256=3ab24374888d6a13d55ce2e3cf4ba0c9cd6f824723313db5322512087525cb78 (from https://pypi.org/simple/tensorflow/); it is not compatible with this Python Could not find a version that satisfies the requirement tensorflow (from versions: ) Cleaning up... Removed build tracker '/private/var/folders/4n/9342s4wd3jv0qzwjz8rxrygr0000gp/T/pip-req-tracker-3p60r2lo' No matching distribution found for tensorflow 据我所知,这是因为tensorflow尚不支持Python3.7。作为一种解决方法,我想将Python3.6与3.7一起安装,然后将tensorflow安装到该版本。但是,我是Mac的新手,不确定在不混淆现有的Python版本的情况下执行此操作的正确方法。 我已经尝试过使用brew,但是Python3看起来像它一样具体。做我追求的正确方法是什么?


11
运行基本的TensorFlow示例时出错
我刚刚在ubuntu上重新安装了最新的tensorflow: $ sudo pip install --upgrade https://storage.googleapis.com/tensorflow/linux/cpu/tensorflow-0.7.1-cp27-none-linux_x86_64.whl [sudo] password for ubuntu: The directory '/home/ubuntu/.cache/pip/http' or its parent directory is not owned by the current user and the cache has been disabled. Please check the permissions and owner of that directory. If executing pip with sudo, you may want sudo's -H …

4
警告:tensorflow:sample_weight模式从…强制为['…']
使用.fit_generator()或.fit()将字典传递class_weight=为参数来训练图像分类器。 我从未在TF1.x中遇到错误,但在2.1中,开始训练时得到以下输出: WARNING:tensorflow:sample_weight modes were coerced from ... to ['...'] 强制从...到['...']到底意味着什么? tensorflow的回购中此警告的来源在此处,注释为: 尝试将sample_weight_modes强制转换为目标结构。这隐含地依赖于模型展平其内部表示的输出这一事实。

2
自定义TensorFlow Keras优化器
假设我想编写一个符合tf.kerasAPI 的自定义优化器类(使用TensorFlow版本> = 2.0)。我对文档记录的执行方式与实现中的执行方式感到困惑。 有关tf.keras.optimizers.Optimizer 状态的文档, ### Write a customized optimizer. If you intend to create your own optimization algorithm, simply inherit from this class and override the following methods: - resource_apply_dense (update variable given gradient tensor is dense) - resource_apply_sparse (update variable given gradient tensor is sparse) - create_slots …

4
如何在Node.js(tensorflow.js)中训练模型?
我想做一个图像分类器,但是我不懂python。Tensorflow.js使用我熟悉的javascript。可以用它训练模型吗?要这样做的步骤是什么?坦白说,我不知道从哪里开始。 我唯一想到的就是如何加载“移动网络”,该网络显然是一组经过预先训练的模型,并使用它对图像进行分类: const tf = require('@tensorflow/tfjs'), mobilenet = require('@tensorflow-models/mobilenet'), tfnode = require('@tensorflow/tfjs-node'), fs = require('fs-extra'); const imageBuffer = await fs.readFile(......), tfimage = tfnode.node.decodeImage(imageBuffer), mobilenetModel = await mobilenet.load(); const results = await mobilenetModel.classify(tfimage); 可以,但是对我没有用,因为我想使用带有创建的标签的图像来训练自己的模型。 ======================= 说我有一堆图像和标签。如何使用它们训练模型? const myData = JSON.parse(await fs.readFile('files.json')); for(const data of myData){ const image = await fs.readFile(data.imagePath), labels …


2
AttributeError:模块“ tensorflow”没有属性“ app”
我正在遵循本教程并使用tensorflow进行有关自定义对象检测的项目。 因此,当我尝试使用以下命令为火车图像创建TF记录时 python3 generate_tfrecord.py --csv_input=data/train_labels.csv --output_path=data/train.record 我收到以下错误: Traceback (most recent call last): File "generate_tfrecord.py", line 23, in <module> flags = tf.app.flags AttributeError: module 'tensorflow' has no attribute 'app' 如何解决此错误?

2
Keras的预测时间不一致
我试图估计我的keras模型的预测时间,并意识到一些奇怪的事情。除了正常情况下相当快外,模型偶尔还需要很长时间才能得出预测。不仅如此,这些时间还增加了模型运行的时间。我添加了一个最小的工作示例来重现该错误。 import time import numpy as np from sklearn.datasets import make_classification from tensorflow.keras.models import Sequential from tensorflow.keras.layers import Dense, Flatten # Make a dummy classification problem X, y = make_classification() # Make a dummy model model = Sequential() model.add(Dense(10, activation='relu',name='input',input_shape=(X.shape[1],))) model.add(Dense(2, activation='softmax',name='predictions')) model.compile(optimizer='adam', loss='sparse_categorical_crossentropy', metrics=['accuracy']) model.fit(X, y, verbose=0, batch_size=20, epochs=100) …

3
无法加载动态库“ libnvinfer.so.6”
我正在尝试正常导入TensorFlow python软件包,但出现以下错误: 这是上面终端图像中的文本: 2020-02-23 19:01:06.163940: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libnvinfer.so.6'; dlerror: libnvinfer.so.6: cannot open shared object file: No such file or directory 2020-02-23 19:01:06.164019: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic library 'libnvinfer_plugin.so.6'; dlerror: libnvinfer_plugin.so.6: cannot open shared object file: No such file or directory 2020-02-23 19:01:06.164030: W …

6
为什么神经网络会根据自己的训练数据预测错误?
的恩惠到期在19小时。这个问题的答案有资格获得+150声望奖励。 sirjay正在寻找信誉良好的答案。 我制作了带有监督学习的LSTM(RNN)神经网络,用于数据库存预测。问题是为什么它会根据自己的训练数据预测错误?(注意:可复制的示例以下可) 我创建了一个简单的模型来预测未来5天的股价: model = Sequential() model.add(LSTM(32, activation='sigmoid', input_shape=(x_train.shape[1], x_train.shape[2]))) model.add(Dense(y_train.shape[1])) model.compile(optimizer='adam', loss='mse') es = EarlyStopping(monitor='val_loss', patience=3, restore_best_weights=True) model.fit(x_train, y_train, batch_size=64, epochs=25, validation_data=(x_test, y_test), callbacks=[es]) 正确的结果以y_test(5个值)表示,因此对模型进行训练,可以回顾90天的前几天,然后使用以下方法从最佳(val_loss=0.0030)结果中恢复权重patience=3: Train on 396 samples, validate on 1 samples Epoch 1/25 396/396 [==============================] - 1s 2ms/step - loss: 0.1322 - val_loss: 0.0299 Epoch 2/25 …


2
最大化Keras模型的MSE
我有一个生成式对抗网络,其中通过MSE使鉴别器最小化,并且使生成器最大化。因为两者都是追求相反目标的对手。 generator = Sequential() generator.add(Dense(units=50, activation='sigmoid', input_shape=(15,))) generator.add(Dense(units=1, activation='sigmoid')) generator.compile(loss='mse', optimizer='adam') generator.train_on_batch(x_data, y_data) 为了获得可以从高MSE值中获利的生成器模型,我必须适应什么?

1
Keras中出现意外的关键字参数“参差不齐”
尝试使用以下python代码运行经过训练的keras模型: from keras.preprocessing.image import img_to_array from keras.models import load_model from imutils.video import VideoStream from threading import Thread import numpy as np import imutils import time import cv2 import os MODEL_PATH = "/home/pi/Documents/converted_keras/keras_model.h5" print("[info] loading model..") model = load_model(MODEL_PATH) print("[info] starting vid stream..") vs = VideoStream(usePiCamera=True).start() time.sleep(2.0) while True: frame = …

By using our site, you acknowledge that you have read and understand our Cookie Policy and Privacy Policy.
Licensed under cc by-sa 3.0 with attribution required.