Questions tagged [tensorboardx]

Questions about TensorboardX. A tool for visualization of tensors and tensor-graphs designed for for pytorch, chainer, mxnet and numpy.

TensorboardX is a tool for visualization of tensors and tensor-graphs designed for for pytorch, chainer, mxnet and numpy.

36 questions
7
votes
1 answer

Error in Tensorboard's(PyTorch) add_graph

I'm following this Pytorch's Tensorboard documentation. I have the following code: model = torchvision.models.resnet50(False) writer.add_graph(model) It throws the following error: _ = model(*args) # don't catch, just print the error…
paul-shuvo
  • 1,874
  • 4
  • 33
  • 37
6
votes
1 answer

Tensorboard resume training plot

I ran a reinforcement learning training script which used Pytorch and logged data to tensorboardX and saved checkpoints. Now I want to continue training. How do I tell tensorboardX to continue from where I left off? Thank you!
Ankur Deka
  • 341
  • 2
  • 10
6
votes
5 answers

Using tensorboard in pytorch, but get blank page?

I am using tensorboard in pytorch 1.3.1, and I did exactly the same in the pytorch docs for tensorboard. After running tensorboard --logdir=runs, I got this: . $ tensorboard --logdir=runs TensorFlow installation not found - running with reduced…
jqZhang
  • 61
  • 1
  • 3
5
votes
1 answer

How to display more than 10 images in Tensorboard?

I noticed that it doesn't matter how many image I save to the tensorboard log file, tensorboard will only ever show 10 of them (per tag). How can we increase the number of images or at least select which ones are displayed? To reproduce what I…
flawr
  • 10,814
  • 3
  • 41
  • 71
4
votes
2 answers

ModuleNotFoundError: No module named 'skimage.measure.simple_metrics'

I am using google colab. I installed scikit-image. When I execute this code, I am getting error: ModuleNotFoundError: No module named 'skimage.measure.simple_metrics' import math import torch import torch.nn as nn import numpy as np import…
3
votes
5 answers

ImportError: TensorBoard logging requires TensorBoard version 1.15 or above

I follow the tutorials in pytorch.org It occurs error:TensorBoard logging requires TensorBoard version 1.15 or above,but I have install TensorBoard already. Here is the code: #from torch.utils.tensorboard import SummaryWriter from tensorboardX…
zhan
  • 85
  • 1
  • 1
  • 9
3
votes
1 answer

why does tensorboard give this error: InvalidArgumentError: Nan in summary histogram for

I built the model to classification using 1D convolution layers using tf.Keras .this works well if I remove the tensorboard.As I'm a beginner,I can't figure it out what the problem is. Please help %reload_ext tensorboard import tensorflow as…
3
votes
0 answers

How to use Tensorboard with Pytorch in Sagemaker

I am using torch version 1.2.0 and installed with conda tensorboard 2.0.2. I am running on Sagemaker conda_pytorch_p36. I also followed this StackOverflow question from a while ago. My goal is to run: from torch.utils.tensorboard import…
G. Macia
  • 1,204
  • 3
  • 23
  • 38
2
votes
1 answer

How to Visualize the model graph of a Graph Neural Network in Tensorboard

I am trying to visualize the computation graphs of Graph Neural Networks I make to predict properties of Molecules. The model is made in PyTorch and takes as input DGL graphs. The code snippet for trying to visualize the model looks like…
2
votes
1 answer

How do I check accuracy of my training model using Tensorboard?

I'm running a CNN for image classification. Every 100 steps, a file is created in a folder either as: model.ckpt-0.data-00000-of-00001, model.ckpt-0.index, model.ckpt-0.meta. There are also these files: graph.pbtxt and checkpoint. Which of these…
2
votes
1 answer

TensorboardX input problem about add_scalar()

When I use the tensorboardX to plot my data loss, it show me that: AssertionError Traceback (most recent call last) in ----> 1 writer.add_scalar('resnet34_loss', loss) F:\Program…
xing lee
  • 51
  • 1
  • 6
1
vote
0 answers

TensorBoard: What's the difference between the time series and scalars tabs?

I'm using tensorboard 2.11.2. I don't understand the difference between the time series and scalars tabs. I read in this article that the only difference between them is that time series is used to display metrics in each iteration while scalars…
1
vote
1 answer

Display pytorch or tensorflow graph with a value at each node

In tensorboard, it is possible to plot the computational graph of a deep learning model. Is it possible to display a value for each node (for example, the norm of the output)? Is it possible to do it in both pytorch and tensorflow? Example…
Roy
  • 65
  • 2
  • 15
  • 40
1
vote
0 answers

Unable to identify the problem with PyTorch model outputs (images) during training

I am training a fingerprints dataset for minutiae point detection. My inputs are the rescaled (128 by 128) slap fingerprint images and Ground truth is the 12 channel minutiae points. Each channel is representing the bins of minutiae orientation…
Suvidha
  • 429
  • 1
  • 6
  • 17
1
vote
1 answer

TensorBoard: Combine two graphs into one graph

I accidentally ran a model where the training loss goes to "Cos_BN Loss", and the validation loss go to "Gen Cos_BN Loss", that means that I have two separate graphs for train and validation (for the same type of loss). I want to see them together…
Adar Cohen
  • 158
  • 1
  • 13
1
2 3