Write tensorboard events with simple command.
including scalar, image, histogram, audio, text, graph and embedding.
see demo (result of demo.py
and some images generated by BEGAN)
#tested on anaconda2/anaconda3, tensorflow 1.2.1, pytorch 0.1.12, torchvision 0.1.8
pip install tensorboard-pytorch
pip install tensorflow
or pip install tensorflow-gpu
As this time (v0.1.12), to use the graph drawing feature, you need to build pytorch from source.
http://tensorboard-pytorch.readthedocs.io/en/latest/tensorboard.html
import torch
import torchvision.utils as vutils
import numpy as np
import torchvision.models as models
from datetime import datetime
from tensorboard import SummaryWriter
resnet18 = models.resnet18(True)
writer = SummaryWriter('runs/'+datetime.now().strftime('%B%d %H:%M:%S'))
sample_rate = 44100
freqs = [262, 294, 330, 349, 392, 440, 440, 440, 440, 440, 440]
for n_iter in range(100):
M_global = torch.rand(1) # value to keep
writer.add_scalar('M_global', M_global[0], n_iter)
x = torch.rand(32, 3, 64, 64) # output from network
if n_iter%10==0:
x = vutils.make_grid(x, normalize=True, scale_each=True)
writer.add_image('Image', x, n_iter)
x = torch.zeros(sample_rate*2)
for i in range(x.size(0)):
x[i] = np.cos(freqs[n_iter//10]*np.pi*float(i)/float(sample_rate)) # sound amplitude should in [-1, 1]
writer.add_audio('Audio', x, n_iter)
writer.add_text('Text', 'testtext', n_iter)
for name, param in resnet18.named_parameters():
writer.add_histogram(name, param.clone().cpu().data.numpy(), n_iter)
writer.close()
python demo.py
tensorboard --logdir runs
To show more images in tensorboard's image tab, just
modify the hardcoded event_accumulator
in
~/anaconda3/lib/python3.6/site-packages/tensorflow/tensorboard/backend/application.py
as you wish.
audio sample rate