Skip to main content

Questions tagged [tensorboard]

TensorBoard is a visualization suite for the TensorFlow library. It can be used to visualize the TensorFlow computation graph, plot quantitative metrics about the execution of the graph, and show additional data (e.g. images) that pass through it.

tensorboard
0 votes
0 answers
8 views

ValueError: GetLogdirSubdirectories: path exists and is not a directory, logs

I'm using Tensorboard, which is in the pytorch package, and I've generated a quadratic function value and written it into a folder called Logs, but when I type Tensorboard --logdir=logs in the ...
bborn stu's user avatar
3 votes
1 answer
1k views

AttributeError: `np.string_` was removed in the NumPy 2.0 release. Use `np.bytes_` instead.. Did you mean: 'strings'?

I m interested in seeing neural network as graph using tensorboard. I have constructed a network in pytorch with following code- import torch BATCH_SIZE = 16 DIM_IN = 1000 HIDDEN_SIZE = 100 DIM_OUT = ...
pkj's user avatar
  • 661
0 votes
0 answers
15 views

Tensorboard ERROR: Failed to capture profile: empty trace result on tensorflow 2.10.1 on windows

friends, Help me to resolve this problem please monitor="val_accuracy" callbacks=[TensorBoard(get_run_logdir(),profile_batch = '0,{}'.format(batch_size),histogram_freq=1), ...
Nikson's user avatar
  • 1
0 votes
1 answer
25 views

I am getting this error ValueError: Object arrays cannot be loaded when allow_pickle=False, Please help to solve it

from sklearn.model_selection import train_test_split from keras.utils import to_categorical from keras.models import Sequential from keras.layers import LSTM, Dense from keras.callbacks ...
Thouseef ulla khan's user avatar
0 votes
0 answers
32 views

I'm trying to visualize the learning process of my deep learning model and it throws the error : No dashboards are active for the current data set

I'm trying to visualize the model training logs using TensorBoard but it is throwing the above error. Also, the logs folder in my Drive is not storing any logs of when the code is being run. This is ...
nikita's user avatar
  • 1
0 votes
0 answers
19 views

How can I log Q-values of DQN using custom callback from stable baselines 3 in Tensorboard?

I am trying to log Q-values using custom callback, but I am new in this field and not sure the code below is the correct way to do it. class CustomLoggingCallback(BaseCallback): def __init__(self, ...
ggak's user avatar
  • 1
2 votes
0 answers
87 views

401 error trying to capture Profile using Vertex AI Tensorboard

I am trying to use Vertex AI Tensorflow Profiler to profile my custom training job based on this documentation. My custom job runs successfully to completion, but I am unable to successfully capture a ...
melcon's user avatar
  • 51
0 votes
0 answers
14 views

How to get the tensorboard url in VertexAI

from google.cloud import aiplatform ... aiplatform.init() aiplatform.start_upload_tb_log(tensorboard_experiment_name=..., logdir=...) In VertexAI this prints View your Tensorboard at https:...
WurmD's user avatar
  • 1,343
0 votes
0 answers
42 views

TensorBoard in Jupyterlab - only works with strange sequence of commands

I run jupyterlab in a docker container using docker-compose. Now I observe a strange behaviour that I do not understand. I use the example from the PyTorch website. I do the followig scenarios in my ...
CarloP's user avatar
  • 99
0 votes
0 answers
74 views

Continue TensorBoard Logging from a Previous Timestep When Resuming Training with Stable Baselines3

I am working with a reinforcement learning model using Stable Baselines3, specifically a PPO model. I train my model for a certain number of timesteps, let's say 500, using the following code: log_dir=...
Sayyor Y's user avatar
  • 1,230
0 votes
0 answers
43 views

Failed to start a tensorboard session

i have a problem with my tensorboard when i do ctrl+shift+p to launch my tensorboard in vscode here is the error it shows me: Failed to start a TensorBoard session due to the following error:Timed out ...
user24497500's user avatar
0 votes
0 answers
24 views

TensorBoard can’t find your event files.Log directory: s3://bucketname/tensorboard_log/

tensorflow version: tensorboard 2.11.2 tensorboard-data-server 0.6.1 tensorboard-plugin-wit 1.8.1 tensorflow 2.11.0 tensorflow-addons 0.19.0 tensorflow-estimator 2.11.0 tensorflow-io 0.34.0 tensorflow-...
user24481088's user avatar
0 votes
0 answers
27 views

Can't get full data log from TensorBoard (Only 1000)

When I download the scalar data from TensorBoard, it only exports 1000 steps. The tutorial online requires modifying "scalar_metadata.PLUGIN_NAME" in application.py. However, after I opened ...
1ew_yc's user avatar
  • 1
0 votes
1 answer
106 views

TensorBoard HParams not showing accuracy metrics for hyperparameter tuning

I am working on hyperparameter tuning in TensorFlow and have set up an experiment using the HParams plugin in TensorBoard to log different configurations. My models are being trained with variations ...
user24151884's user avatar
0 votes
1 answer
35 views

AttributeError: module 'tensorflow' has no attribute 'Summary'

When running this code: def scalar_summary(self, tag, value, step): """Log a scalar variable.""" summary = tf.Summary(value=[tf.Summary.Value(tag=tag, ...
Gideon Gibson's user avatar

15 30 50 per page
1
2 3 4 5
133