tensorboard

Error using Model after using optimize_for_inference.py on frozen graph

坚强是说给别人听的谎言 提交于 2019-12-01 08:25:49
问题 I was using tensorflows script optimize_for_inderence.py on the ssd_mobilenet_v1_coco model with following command: python -m tensorflow.python.tools.optimize_for_inference \ --input /path/to/frozen_inference_graph.pb \ --output /path/to/optimized_inference_graph.pb \ --input_names=image_tensor \ --output_names=detection_boxes,detection_scores,num_detections,detection_classes It worked without errors, but if i want to use the created Model .pb file for Tensorboard or for Inference it gives me

Tensorflow summery merge error : Shape [-1,784] has negative dimensions

坚强是说给别人听的谎言 提交于 2019-12-01 03:42:19
I am trying to get summary of a training process of the neural net below. import tensorflow as tf import numpy as np from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets(".\MNIST",one_hot=True) # Create the model def train_and_test(hidden1,hidden2, learning_rate, epochs, batch_size): with tf.name_scope("first_layer"): input_data = tf.placeholder(tf.float32, [batch_size, 784], name = "input") weights1 = tf.Variable( tf.random_normal(shape =[784, hidden1],stddev=0.1),name = "weights") bias = tf.Variable(tf.constant(0.0,shape =[hidden1]), name = "bias")

How can I select which checkpoint to view in TensorBoard's embeddings tab?

大兔子大兔子 提交于 2019-12-01 00:10:16
Short question: How can I select which checkpoint to view in TensorBoard's embeddings tab? Longer version of the question: I want to visualize word embeddings with TensorBoard. To that end, after reading the official tutorial ( mirror ) I added following code: embedding_writer = tf.summary.FileWriter(model_folder) embeddings_projector_config = projector.ProjectorConfig() embedding = embeddings_projector_config.embeddings.add() embedding.tensor_name = model.W.name # W corresponds to the embeddings' weights. projector.visualize_embeddings(embedding_writer, embeddings_projector_config) #

Exporting Tensorboard computation graph as vector graphics

佐手、 提交于 2019-11-30 22:51:11
In Tensorboard there is a button save the computation graph as a png, is there a way to export it as vector graphics like eps? cya You can save in svg format with SVG Crowbar Bookmark the "SVG Crowbar 2" Open tensorboard and the graph you want Open your bookmarks tab, click the bookmark (it may take a long time) Download the corresponding svg (it will output lots of svg, I'm not sure which one is which) 来源: https://stackoverflow.com/questions/40952970/exporting-tensorboard-computation-graph-as-vector-graphics

tensorflow Found more than one graph event per run

生来就可爱ヽ(ⅴ<●) 提交于 2019-11-30 20:39:32
I am loading a tensorboard for my ml engine experiment that is running in local mode and got the following warning: "Found more than one graph event per run, or there was a metagraph containing a graph_def, as well as one or more graph events. Overwriting the graph with the newest event. W0825 19:26:12.435613 Reloader event_accumulator.py:311] Found more than one metagraph event per run. Overwriting the metagraph with the newest event." Originally, I suspected that this was because I had not cleared my --logdir=$OUTPUT_PATH (as other posts suggested -- however, even if I performed rm -rf

How can I select which checkpoint to view in TensorBoard's embeddings tab?

戏子无情 提交于 2019-11-30 18:53:26
问题 Short question: How can I select which checkpoint to view in TensorBoard's embeddings tab? Longer version of the question: I want to visualize word embeddings with TensorBoard. To that end, after reading the official tutorial (mirror) I added following code: embedding_writer = tf.summary.FileWriter(model_folder) embeddings_projector_config = projector.ProjectorConfig() embedding = embeddings_projector_config.embeddings.add() embedding.tensor_name = model.W.name # W corresponds to the

Exporting Tensorboard computation graph as vector graphics

依然范特西╮ 提交于 2019-11-30 18:03:53
问题 In Tensorboard there is a button save the computation graph as a png, is there a way to export it as vector graphics like eps? 回答1: You can save in svg format with SVG Crowbar Bookmark the "SVG Crowbar 2" Open tensorboard and the graph you want Open your bookmarks tab, click the bookmark (it may take a long time) Download the corresponding svg (it will output lots of svg, I'm not sure which one is which) 来源: https://stackoverflow.com/questions/40952970/exporting-tensorboard-computation-graph

How can I use tensorboard with tf.estimator.Estimator

試著忘記壹切 提交于 2019-11-30 06:58:46
I am considering to move my code base to tf.estimator.Estimator , but I cannot find an example on how to use it in combination with tensorboard summaries. MWE: import numpy as np import tensorflow as tf tf.logging.set_verbosity(tf.logging.INFO) # Declare list of features, we only have one real-valued feature def model(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 = tf.reduce_sum(tf.square(y - labels)) # Summaries to display for TRAINING and TESTING

Plot multiple graphs in one plot using Tensorboard

我怕爱的太早我们不能终老 提交于 2019-11-30 01:51:59
问题 I am using Keras with Tensorflow backend. My work involves comparing the performances of several models such as Inception, VGG, Resnet etc on my dataset. I would like to plot the training accuracies of several models in one graph. I am trying to do this in Tensorboard, but it is not working. Is there a way of plotting multiple graphs in one plot using Tensorboard or is there some other way I can do this? Thank you 回答1: You can definitely plot scalars like the loss & validation accuracy : tf

How do I install TensorFlow's tensorboard?

生来就可爱ヽ(ⅴ<●) 提交于 2019-11-30 00:20:46
How do I install TensorFlow's tensorboard? Mike Harris The steps to install Tensorflow are here: https://www.tensorflow.org/install/ For example, on Linux for CPU-only (no GPU), you would type this command: pip install -U pip pip install tensorflow Since TensorFlow depends on TensorBoard , running the following command should not be necessary: pip install tensorboard Try typing which tensorboard in your terminal. It should exist if you installed with pip as mentioned in the tensorboard README (although the documentation doesn't tell you that you can now launch tensorboard without doing