Python tensorflow.Summary() Examples
The following are 30
code examples of tensorflow.Summary().
You can vote up the ones you like or vote down the ones you don't like,
and go to the original project or source file by following the links above each example.
You may also want to check out all available functions/classes of the module
tensorflow
, or try the search function
.
Example #1
Source File: tensorboard_logging.py From lsm with MIT License | 7 votes |
def log_images(self, tag, images, step): """Logs a list of images.""" im_summaries = [] for nr, img in enumerate(images): # Write the image to a string s = StringIO() plt.imsave(s, img, format='png') # Create an Image object img_sum = tf.Summary.Image( encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value im_summaries.append( tf.Summary.Value(tag='%s/%d' % (tag, nr), image=img_sum)) # Create and write Summary summary = tf.Summary(value=im_summaries) self.writer.add_summary(summary, step) self.writer.flush()
Example #2
Source File: logger.py From cascade-rcnn_Pytorch with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #3
Source File: eval_util.py From vehicle_counting_tensorflow with MIT License | 6 votes |
def write_metrics(metrics, global_step, summary_dir): """Write metrics to a summary directory. Args: metrics: A dictionary containing metric names and values. global_step: Global step at which the metrics are computed. summary_dir: Directory to write tensorflow summaries to. """ tf.logging.info('Writing metrics to tf summary.') summary_writer = tf.summary.FileWriterCache.get(summary_dir) for key in sorted(metrics): summary = tf.Summary(value=[ tf.Summary.Value(tag=key, simple_value=metrics[key]), ]) summary_writer.add_summary(summary, global_step) tf.logging.info('%s: %f', key, metrics[key]) tf.logging.info('Metrics written to tf summary.') # TODO(rathodv): Add tests.
Example #4
Source File: master.py From ppo-lstm-parallel with MIT License | 6 votes |
def log_summary(self, reward, step, a_probs, picked_a, a_dim, discrete): import tensorflow as tf summary = tf.Summary() summary.value.add(tag='Reward/per_episode', simple_value=float(reward)) if not discrete: for i in range(a_dim): prefix = "Action" + str(i) summary.value.add(tag=prefix + '/mean', simple_value=float(a_probs[i])) summary.value.add(tag=prefix + "/std", simple_value=float(a_probs[i + a_dim])) summary.value.add(tag=prefix + '/picked', simple_value=float(picked_a[i])) else: for i in range(a_dim): prefix = "Action" + str(i) summary.value.add(tag=prefix + '/prob', simple_value=float(a_probs[i])) summary.value.add(tag='Action/picked', simple_value=float(picked_a)) self.summary_writer.add_summary(summary, step) self.summary_writer.flush()
Example #5
Source File: logger.py From OpenChem with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except ImportError: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #6
Source File: train_softmax.py From TNT with GNU General Public License v3.0 | 6 votes |
def save_variables_and_metagraph(sess, saver, summary_writer, model_dir, model_name, step): # Save the model checkpoint print('Saving variables') start_time = time.time() checkpoint_path = os.path.join(model_dir, 'model-%s.ckpt' % model_name) saver.save(sess, checkpoint_path, global_step=step, write_meta_graph=False) save_time_variables = time.time() - start_time print('Variables saved in %.2f seconds' % save_time_variables) metagraph_filename = os.path.join(model_dir, 'model-%s.meta' % model_name) save_time_metagraph = 0 if not os.path.exists(metagraph_filename): print('Saving metagraph') start_time = time.time() saver.export_meta_graph(metagraph_filename) save_time_metagraph = time.time() - start_time print('Metagraph saved in %.2f seconds' % save_time_metagraph) summary = tf.Summary() #pylint: disable=maybe-no-member summary.value.add(tag='time/save_variables', simple_value=save_time_variables) summary.value.add(tag='time/save_metagraph', simple_value=save_time_metagraph) summary_writer.add_summary(summary, step)
Example #7
Source File: tf_logger.py From H3DNet with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #8
Source File: train_tripletloss.py From TNT with GNU General Public License v3.0 | 6 votes |
def save_variables_and_metagraph(sess, saver, summary_writer, model_dir, model_name, step): # Save the model checkpoint print('Saving variables') start_time = time.time() checkpoint_path = os.path.join(model_dir, 'model-%s.ckpt' % model_name) saver.save(sess, checkpoint_path, global_step=step, write_meta_graph=False) save_time_variables = time.time() - start_time print('Variables saved in %.2f seconds' % save_time_variables) metagraph_filename = os.path.join(model_dir, 'model-%s.meta' % model_name) save_time_metagraph = 0 if not os.path.exists(metagraph_filename): print('Saving metagraph') start_time = time.time() saver.export_meta_graph(metagraph_filename) save_time_metagraph = time.time() - start_time print('Metagraph saved in %.2f seconds' % save_time_metagraph) summary = tf.Summary() #pylint: disable=maybe-no-member summary.value.add(tag='time/save_variables', simple_value=save_time_variables) summary.value.add(tag='time/save_metagraph', simple_value=save_time_metagraph) summary_writer.add_summary(summary, step)
Example #9
Source File: logger.py From 3D-HourGlass-Network with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #10
Source File: eval_util.py From object_detector_app with MIT License | 6 votes |
def write_metrics(metrics, global_step, summary_dir): """Write metrics to a summary directory. Args: metrics: A dictionary containing metric names and values. global_step: Global step at which the metrics are computed. summary_dir: Directory to write tensorflow summaries to. """ logging.info('Writing metrics to tf summary.') summary_writer = tf.summary.FileWriter(summary_dir) for key in sorted(metrics): summary = tf.Summary(value=[ tf.Summary.Value(tag=key, simple_value=metrics[key]), ]) summary_writer.add_summary(summary, global_step) logging.info('%s: %f', key, metrics[key]) summary_writer.close() logging.info('Metrics written to tf summary.')
Example #11
Source File: logger.py From 3D-HourGlass-Network with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #12
Source File: logger.py From IDeMe-Net with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #13
Source File: decoding.py From fine-lm with MIT License | 6 votes |
def run_postdecode_hooks(decode_hook_args): """Run hooks after decodes have run.""" hooks = decode_hook_args.problem.decode_hooks if not hooks: return global_step = latest_checkpoint_step(decode_hook_args.estimator.model_dir) if global_step is None: tf.logging.info( "Skipping decode hooks because no checkpoint yet available.") return tf.logging.info("Running decode hooks.") parent_dir = os.path.join(decode_hook_args.output_dirs[0], os.pardir) final_dir = os.path.join(parent_dir, "decode") summary_writer = tf.summary.FileWriter(final_dir) for hook in hooks: # Isolate each hook in case it creates TF ops with tf.Graph().as_default(): summaries = hook(decode_hook_args) if summaries: summary = tf.Summary(value=list(summaries)) summary_writer.add_summary(summary, global_step) summary_writer.close() tf.logging.info("Decode hooks done.")
Example #14
Source File: logger.py From SpaceNetExploration with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" img_summaries = [] for i, img_np in enumerate(images): # Write the image to a buffer s = BytesIO() # torch image: C X H X W # numpy image: H x W x C img_np = img_np.transpose((1, 2, 0)) im = Image.fromarray(img_np.astype(np.uint8)) im.save(s, format='png') # Create an Image object img_summary = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img_np.shape[0], width=img_np.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_summary)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #15
Source File: util.py From bnn with MIT License | 6 votes |
def pil_image_to_tf_summary(img, tag="debug_img"): # serialise png bytes sio = io.BytesIO() img.save(sio, format="png") png_bytes = sio.getvalue() # https://github.com/tensorflow/tensorflow/blob/master/tensorflow/core/framework/summary.proto return tf.Summary(value=[tf.Summary.Value(tag=tag, image=tf.Summary.Image(height=img.size[0], width=img.size[1], colorspace=3, # RGB encoded_image_string=png_bytes))]) #def dice_loss(y, y_hat, batch_size, smoothing=0): # y = tf.reshape(y, (batch_size, -1)) # y_hat = tf.reshape(y_hat, (batch_size, -1)) # intersection = y * y_hat # intersection_rs = tf.reduce_sum(intersection, axis=1) # nom = intersection_rs + smoothing # denom = tf.reduce_sum(y, axis=1) + tf.reduce_sum(y_hat, axis=1) + smoothing # score = 2.0 * (nom / denom) # loss = 1.0 - score # loss = tf.Print(loss, [intersection, intersection_rs, nom, denom], first_n=100, summarize=10000) # return loss
Example #16
Source File: TF_logger.py From SlowFast-Network-pytorch with MIT License | 6 votes |
def image_summary(self, tag, images, step): """Log a list of images.""" # 图像信息 日志 img_summaries = [] for i, img in enumerate(images): # Write the image to a string try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag='%s/%d' % (tag, i), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.writer.add_summary(summary, step)
Example #17
Source File: cnn.py From Reinforcement-Learning-for-Self-Driving-Cars with Apache License 2.0 | 5 votes |
def log_histogram(self, tag, values, step, bins=1000): """Logs the histogram of a list/vector of values.""" # Convert to a numpy array values = np.array(values) # Create histogram using numpy counts, bin_edges = np.histogram(values, bins=bins) # Fill fields of histogram proto hist = tf.HistogramProto() hist.min = float(np.min(values)) hist.max = float(np.max(values)) hist.num = int(np.prod(values.shape)) hist.sum = float(np.sum(values)) hist.sum_squares = float(np.sum(values ** 2)) # Requires equal number as bins, where the first goes from -DBL_MAX to bin_edges[1] # See https://github.com/tensorflow/tensorflow/blob/master/tensorflow/core/framework/summary.proto#L30 # Thus, we drop the start of the first bin bin_edges = bin_edges[1:] # Add bin edges and counts for edge in bin_edges: hist.bucket_limit.append(edge) for c in counts: hist.bucket.append(c) # Create and write Summary summary = tf.Summary(value=[tf.Summary.Value(tag=tag, histo=hist)]) self.writer.add_summary(summary, step) self.writer.flush()
Example #18
Source File: logger.py From visual-interaction-networks-pytorch with MIT License | 5 votes |
def image_summary(self, tag, images, step, scope, max_output=4, random_summarization=False): """Log a list of images.""" assert len(images.shape) == 4, "the input image shape should be in form [batch,hight,width,channels]" img_summaries = [] if random_summarization: idxs = np.random.choice(images.shape[0], min(max_output, images.shape[0])) images = images[idxs] else: images = images[:max_output] if images.shape[-1]==1: images=np.squeeze(images) for i in range(images.shape[0]): img=images[i] try: s = StringIO() except: s = BytesIO() scipy.misc.toimage(img).save(s, format="png") # Create an Image object img_sum = tf.Summary.Image(encoded_image_string=s.getvalue(), height=img.shape[0], width=img.shape[1]) # Create a Summary value img_summaries.append(tf.Summary.Value(tag=os.path.join(scope, '%s/%d' % (tag, i)), image=img_sum)) # Create and write Summary summary = tf.Summary(value=img_summaries) self.summary_writer.add_summary(summary, step) self.summary_writer.flush()
Example #19
Source File: cnn.py From Reinforcement-Learning-for-Self-Driving-Cars with Apache License 2.0 | 5 votes |
def log_target_network_update(self): summary = tf.Summary(value=[tf.Summary.Value(tag='target_update', simple_value=1)]) self.writer.add_summary(summary, self.get_count_states())
Example #20
Source File: cnn.py From Reinforcement-Learning-for-Self-Driving-Cars with Apache License 2.0 | 5 votes |
def log_action_frequency(self, stats): sum = float(np.sum(stats)) s = stats.tolist() for index, value in enumerate(s): summary = tf.Summary(value=[tf.Summary.Value(tag='action_frequency', simple_value=value/sum)]) self.writer.add_summary(summary, index)
Example #21
Source File: cnn.py From Reinforcement-Learning-for-Self-Driving-Cars with Apache License 2.0 | 5 votes |
def log_q_values(self, q_values): summary = tf.Summary(value=[tf.Summary.Value(tag='sum_q_values', simple_value=q_values)]) self.writer.add_summary(summary, self.get_count_states())
Example #22
Source File: TF_logger.py From SlowFast-Network-pytorch with MIT License | 5 votes |
def scalar_summary(self, tag, value, step): """Log a scalar variable.""" # 标量信息 日志 summary = tf.Summary(value=[tf.Summary.Value(tag=tag, simple_value=value)]) self.writer.add_summary(summary, step)
Example #23
Source File: logger.py From visual-interaction-networks-pytorch with MIT License | 5 votes |
def scalar_summary(self, tag, value, step, scope): summary = tf.Summary(value=[tf.Summary.Value(tag=os.path.join(scope, tag), simple_value=value)]) self.summary_writer.add_summary(summary, step) self.summary_writer.flush()
Example #24
Source File: train_tripletloss.py From TNT with GNU General Public License v3.0 | 5 votes |
def evaluate(sess, image_paths, embeddings, labels_batch, image_paths_placeholder, labels_placeholder, batch_size_placeholder, learning_rate_placeholder, phase_train_placeholder, enqueue_op, actual_issame, batch_size, nrof_folds, log_dir, step, summary_writer, embedding_size): start_time = time.time() # Run forward pass to calculate embeddings print('Running forward pass on LFW images: ', end='') nrof_images = len(actual_issame)*2 assert(len(image_paths)==nrof_images) labels_array = np.reshape(np.arange(nrof_images),(-1,3)) image_paths_array = np.reshape(np.expand_dims(np.array(image_paths),1), (-1,3)) sess.run(enqueue_op, {image_paths_placeholder: image_paths_array, labels_placeholder: labels_array}) emb_array = np.zeros((nrof_images, embedding_size)) nrof_batches = int(np.ceil(nrof_images / batch_size)) label_check_array = np.zeros((nrof_images,)) for i in xrange(nrof_batches): batch_size = min(nrof_images-i*batch_size, batch_size) emb, lab = sess.run([embeddings, labels_batch], feed_dict={batch_size_placeholder: batch_size, learning_rate_placeholder: 0.0, phase_train_placeholder: False}) emb_array[lab,:] = emb label_check_array[lab] = 1 print('%.3f' % (time.time()-start_time)) assert(np.all(label_check_array==1)) _, _, accuracy, val, val_std, far = lfw.evaluate(emb_array, actual_issame, nrof_folds=nrof_folds) print('Accuracy: %1.3f+-%1.3f' % (np.mean(accuracy), np.std(accuracy))) print('Validation rate: %2.5f+-%2.5f @ FAR=%2.5f' % (val, val_std, far)) lfw_time = time.time() - start_time # Add validation loss and accuracy to summary summary = tf.Summary() #pylint: disable=maybe-no-member summary.value.add(tag='lfw/accuracy', simple_value=np.mean(accuracy)) summary.value.add(tag='lfw/val_rate', simple_value=val) summary.value.add(tag='time/lfw', simple_value=lfw_time) summary_writer.add_summary(summary, step) with open(os.path.join(log_dir,'lfw_result.txt'),'at') as f: f.write('%d\t%.5f\t%.5f\n' % (step, np.mean(accuracy), val))
Example #25
Source File: logger.py From IDeMe-Net with MIT License | 5 votes |
def histo_summary(self, tag, values, step, bins=1000): """Log a histogram of the tensor of values.""" # Create a histogram using numpy counts, bin_edges = np.histogram(values, bins=bins) # Fill the fields of the histogram proto hist = tf.HistogramProto() hist.min = float(np.min(values)) hist.max = float(np.max(values)) hist.num = int(np.prod(values.shape)) hist.sum = float(np.sum(values)) hist.sum_squares = float(np.sum(values**2)) # Drop the start of the first bin bin_edges = bin_edges[1:] # Add bin edges and counts for edge in bin_edges: hist.bucket_limit.append(edge) for c in counts: hist.bucket.append(c) # Create and write Summary summary = tf.Summary(value=[tf.Summary.Value(tag=tag, histo=hist)]) self.writer.add_summary(summary, step) self.writer.flush()
Example #26
Source File: logger.py From IDeMe-Net with MIT License | 5 votes |
def scalar_summary(self, tag, value, step): """Log a scalar variable.""" summary = tf.Summary(value=[tf.Summary.Value(tag=tag, simple_value=value)]) self.writer.add_summary(summary, step)
Example #27
Source File: utils.py From Youtube-8M-WILLOW with Apache License 2.0 | 5 votes |
def MakeSummary(name, value): """Creates a tf.Summary proto with the given name and value.""" summary = tf.Summary() val = summary.value.add() val.tag = str(name) val.simple_value = float(value) return summary
Example #28
Source File: eval_summary.py From lambda-deep-learning-demo with Apache License 2.0 | 5 votes |
def after_run(self, sess): summary = tf.Summary() for key in self.accumulated_summary: summary.value.add(tag=key, simple_value=(self.accumulated_summary[key] / self.global_step)) self.summary_writer.add_summary(summary, self.trained_step) self.summary_writer.flush() self.summary_writer.close() # print(self.config.model_dir + ' should be added') if 'accuracy' in self.accumulated_summary: result_name = os.path.basename(self.config.model_dir) + "_acc_" + str(self.accumulated_summary['accuracy'] / self.global_step) path_result_file = os.path.join(self.config.model_dir, result_name) if not os.path.exists(path_result_file): with open(path_result_file, 'w'): pass
Example #29
Source File: TF_logger.py From SlowFast-Network-pytorch with MIT License | 5 votes |
def histo_summary(self, tag, values, step, bins=1000): """Log a histogram of the tensor of values.""" # 直方图信息 日志 # Create a histogram using numpy counts, bin_edges = np.histogram(values, bins=bins) # Fill the fields of the histogram proto hist = tf.HistogramProto() hist.min = float(np.min(values)) hist.max = float(np.max(values)) hist.num = int(np.prod(values.shape)) hist.sum = float(np.sum(values)) hist.sum_squares = float(np.sum(values ** 2)) # Drop the start of the first bin bin_edges = bin_edges[1:] # Add bin edges and counts for edge in bin_edges: hist.bucket_limit.append(edge) for c in counts: hist.bucket.append(c) # Create and write Summary summary = tf.Summary(value=[tf.Summary.Value(tag=tag, histo=hist)]) self.writer.add_summary(summary, step) self.writer.flush()
Example #30
Source File: cnn.py From Reinforcement-Learning-for-Self-Driving-Cars with Apache License 2.0 | 5 votes |
def log_terminated(self, terminated): summary = tf.Summary(value=[tf.Summary.Value(tag='terminated', simple_value=1 if terminated else 0)]) self.writer.add_summary(summary, self.get_count_episodes())