Created
October 9, 2018 09:59
-
-
Save psteinb/d3315a065a90814b435ac024e9835aab to your computer and use it in GitHub Desktop.
tf timeline record with tf 1.11 and keras 2.2.4
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
'''Trains a simple convnet on the MNIST dataset. | |
Gets to 99.25% test accuracy after 12 epochs | |
(there is still a lot of margin for parameter tuning). | |
16 seconds per epoch on a GRID K520 GPU. | |
''' | |
from __future__ import print_function | |
import keras | |
from keras.datasets import mnist | |
from keras.models import Sequential | |
from keras.layers import Dense, Dropout, Flatten | |
from keras.layers import Conv2D, MaxPooling2D | |
from keras import backend as K | |
import tensorflow as tf | |
from tensorflow.python.client import timeline | |
batch_size = 128 | |
num_classes = 10 | |
epochs = 12 | |
# input image dimensions | |
img_rows, img_cols = 28, 28 | |
run_options = tf.RunOptions(trace_level=tf.RunOptions.FULL_TRACE) | |
run_metadata = tf.RunMetadata() | |
if __name__ == '__main__': | |
print("keras version:",keras.__version__) | |
print("tf version:",tf.__version__) | |
# the data, shuffled and split between train and test sets | |
(x_train, y_train), (x_test, y_test) = mnist.load_data() | |
if K.image_data_format() == 'channels_first': | |
x_train = x_train.reshape(x_train.shape[0], 1, img_rows, img_cols) | |
x_test = x_test.reshape(x_test.shape[0], 1, img_rows, img_cols) | |
input_shape = (1, img_rows, img_cols) | |
else: | |
x_train = x_train.reshape(x_train.shape[0], img_rows, img_cols, 1) | |
x_test = x_test.reshape(x_test.shape[0], img_rows, img_cols, 1) | |
input_shape = (img_rows, img_cols, 1) | |
x_train = x_train.astype('float32') | |
x_test = x_test.astype('float32') | |
x_train /= 255 | |
x_test /= 255 | |
print('x_train shape:', x_train.shape) | |
print(x_train.shape[0], 'train samples') | |
print(x_test.shape[0], 'test samples') | |
# convert class vectors to binary class matrices | |
y_train = keras.utils.to_categorical(y_train, num_classes) | |
y_test = keras.utils.to_categorical(y_test, num_classes) | |
model = Sequential() | |
model.add(Conv2D(32, kernel_size=(3, 3), | |
activation='relu', | |
input_shape=input_shape)) | |
model.add(Conv2D(64, (3, 3), activation='relu')) | |
model.add(MaxPooling2D(pool_size=(2, 2))) | |
model.add(Dropout(0.25)) | |
model.add(Flatten()) | |
model.add(Dense(128, activation='relu')) | |
model.add(Dropout(0.5)) | |
model.add(Dense(num_classes, activation='softmax')) | |
model.compile(loss=keras.losses.categorical_crossentropy, | |
optimizer=keras.optimizers.Adadelta(), | |
metrics=['accuracy'], | |
options=run_options, | |
run_metadata=run_metadata | |
) | |
model.summary() | |
model.fit(x_train, y_train, | |
batch_size=batch_size, | |
epochs=epochs, | |
verbose=1, | |
validation_data=(x_test, y_test)) | |
tl = timeline.Timeline(run_metadata.step_stats) | |
ctf = tl.generate_chrome_trace_format() | |
with open('./timeline.json', 'w') as f: | |
f.write(ctf) | |
score = model.evaluate(x_test, y_test, verbose=0) | |
print('Test loss:', score[0]) | |
print('Test accuracy:', score[1]) |
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
{ | |
"traceEvents": [ | |
{ | |
"name": "process_name", | |
"pid": 0, | |
"ph": "M", | |
"args": { | |
"name": "Allocators" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 1, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:21 Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 2, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:21 Tensors" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 3, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:22 Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 4, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:22 Tensors" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 5, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:20 Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 6, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:20 Tensors" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 7, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/memcpy Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 8, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/memcpy Tensors" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 9, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:all Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 10, | |
"ph": "M", | |
"args": { | |
"name": "/device:GPU:0/stream:all Tensors" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 11, | |
"ph": "M", | |
"args": { | |
"name": "/job:localhost/replica:0/task:0/device:GPU:0 Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 12, | |
"ph": "M", | |
"args": { | |
"name": "/job:localhost/replica:0/task:0/device:GPU:0 Tensors" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 13, | |
"ph": "M", | |
"args": { | |
"name": "/job:localhost/replica:0/task:0/device:CPU:0 Compute" | |
} | |
}, | |
{ | |
"name": "process_name", | |
"pid": 14, | |
"ph": "M", | |
"args": { | |
"name": "/job:localhost/replica:0/task:0/device:CPU:0 Tensors" | |
} | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719749591, | |
"ph": "X", | |
"pid": 1, | |
"tid": 0, | |
"args": { | |
"name": "edge_133__arg_conv2d_1_input_0_0", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719749841, | |
"ph": "X", | |
"pid": 1, | |
"tid": 0, | |
"args": { | |
"name": "edge_135__arg_dense_2_target_0_1", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719749944, | |
"ph": "X", | |
"pid": 1, | |
"tid": 0, | |
"args": { | |
"name": "edge_138__arg_dense_2_sample_weights_0_2", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719750866, | |
"ph": "X", | |
"pid": 1, | |
"tid": 0, | |
"args": { | |
"name": "edge_56_flatten_1/strided_slice", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYDtoH", | |
"ts": 1539078719751092, | |
"ph": "X", | |
"pid": 3, | |
"tid": 0, | |
"args": { | |
"name": "edge_59_flatten_1/Prod", | |
"op": "MEMCPYDtoH" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYDtoH", | |
"ts": 1539078719752009, | |
"ph": "X", | |
"pid": 3, | |
"tid": 0, | |
"args": { | |
"name": "edge_147_metrics/acc/Mean", | |
"op": "MEMCPYDtoH" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYDtoH", | |
"ts": 1539078719752426, | |
"ph": "X", | |
"pid": 3, | |
"tid": 0, | |
"args": { | |
"name": "edge_145_loss/mul", | |
"op": "MEMCPYDtoH" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749778, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749870, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 8 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749912, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 30 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719750005, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 9 | |
}, | |
{ | |
"cat": "Op", | |
"name": "ArgMax", | |
"ts": 1539078719750055, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/ArgMax", | |
"op": "ArgMax" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "NotEqual", | |
"ts": 1539078719750109, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/NotEqual", | |
"op": "NotEqual" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719750162, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/Relu", | |
"op": "Relu" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Cast", | |
"ts": 1539078719750219, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Cast", | |
"op": "Cast" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750256, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719750336, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Mean_1", | |
"op": "Mean" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750374, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750415, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 54 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719750500, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 18 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719750538, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/Relu", | |
"op": "Relu" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MaxPool", | |
"ts": 1539078719750606, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "max_pooling2d_1/MaxPool", | |
"op": "MaxPool" | |
}, | |
"dur": 12 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Transpose", | |
"ts": 1539078719750708, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dropout_1/cond/Merge-0-0-TransposeNCHWToNHWC-LayoutOptimizer", | |
"op": "Transpose" | |
}, | |
"dur": 8 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Prod", | |
"ts": 1539078719751010, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/Prod", | |
"op": "Prod" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MatMul", | |
"ts": 1539078719751260, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/MatMul", | |
"op": "MatMul" | |
}, | |
"dur": 145 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719751408, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719751413, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/Relu", | |
"op": "Relu" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MatMul", | |
"ts": 1539078719751453, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/MatMul", | |
"op": "MatMul" | |
}, | |
"dur": 10 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719751498, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751545, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"op": "Softmax" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751564, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"op": "Softmax" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751581, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"op": "Softmax" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Sum", | |
"ts": 1539078719751629, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum", | |
"op": "Sum" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "ArgMax", | |
"ts": 1539078719751670, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/ArgMax_1", | |
"op": "ArgMax" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "RealDiv", | |
"ts": 1539078719751712, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/truediv", | |
"op": "RealDiv" | |
}, | |
"dur": 10 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Equal", | |
"ts": 1539078719751754, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Equal", | |
"op": "Equal" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Minimum", | |
"ts": 1539078719751795, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/clip_by_value/Minimum", | |
"op": "Minimum" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Cast", | |
"ts": 1539078719751835, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Cast", | |
"op": "Cast" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Maximum", | |
"ts": 1539078719751875, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/clip_by_value", | |
"op": "Maximum" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719751918, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Mean", | |
"op": "Mean" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Log", | |
"ts": 1539078719751956, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Log", | |
"op": "Log" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752097, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/mul", | |
"op": "Mul" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Sum", | |
"ts": 1539078719752158, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum_1", | |
"op": "Sum" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Neg", | |
"ts": 1539078719752199, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Neg", | |
"op": "Neg" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752234, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/mul_1", | |
"op": "Mul" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "RealDiv", | |
"ts": 1539078719752273, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/truediv_1", | |
"op": "RealDiv" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719752316, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Mean_2", | |
"op": "Mean" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752356, | |
"ph": "X", | |
"pid": 5, | |
"tid": 0, | |
"args": { | |
"name": "loss/mul", | |
"op": "Mul" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719749591, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_133__arg_conv2d_1_input_0_0", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719749841, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_135__arg_dense_2_target_0_1", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719749944, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_138__arg_dense_2_sample_weights_0_2", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYHtoD", | |
"ts": 1539078719750866, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_56_flatten_1/strided_slice", | |
"op": "MEMCPYHtoD" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYDtoH", | |
"ts": 1539078719751092, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_59_flatten_1/Prod", | |
"op": "MEMCPYDtoH" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYDtoH", | |
"ts": 1539078719752009, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_147_metrics/acc/Mean", | |
"op": "MEMCPYDtoH" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MEMCPYDtoH", | |
"ts": 1539078719752426, | |
"ph": "X", | |
"pid": 7, | |
"tid": 0, | |
"args": { | |
"name": "edge_145_loss/mul", | |
"op": "MEMCPYDtoH" | |
}, | |
"dur": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749778, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749870, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 8 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749912, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 30 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719750005, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 9 | |
}, | |
{ | |
"cat": "Op", | |
"name": "ArgMax", | |
"ts": 1539078719750055, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/ArgMax", | |
"op": "ArgMax" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "NotEqual", | |
"ts": 1539078719750109, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/NotEqual", | |
"op": "NotEqual" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719750162, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/Relu", | |
"op": "Relu" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Cast", | |
"ts": 1539078719750219, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Cast", | |
"op": "Cast" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750256, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719750336, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Mean_1", | |
"op": "Mean" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750374, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750415, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"op": "Conv2D" | |
}, | |
"dur": 54 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719750500, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 18 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719750538, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/Relu", | |
"op": "Relu" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MaxPool", | |
"ts": 1539078719750606, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "max_pooling2d_1/MaxPool", | |
"op": "MaxPool" | |
}, | |
"dur": 12 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Transpose", | |
"ts": 1539078719750708, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dropout_1/cond/Merge-0-0-TransposeNCHWToNHWC-LayoutOptimizer", | |
"op": "Transpose" | |
}, | |
"dur": 8 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Prod", | |
"ts": 1539078719751010, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/Prod", | |
"op": "Prod" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MatMul", | |
"ts": 1539078719751260, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/MatMul", | |
"op": "MatMul" | |
}, | |
"dur": 145 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719751408, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719751413, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/Relu", | |
"op": "Relu" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MatMul", | |
"ts": 1539078719751453, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/MatMul", | |
"op": "MatMul" | |
}, | |
"dur": 10 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719751498, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/BiasAdd", | |
"op": "BiasAdd" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751545, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"op": "Softmax" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751564, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"op": "Softmax" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751581, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"op": "Softmax" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Sum", | |
"ts": 1539078719751629, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum", | |
"op": "Sum" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "ArgMax", | |
"ts": 1539078719751670, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/ArgMax_1", | |
"op": "ArgMax" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "RealDiv", | |
"ts": 1539078719751712, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/truediv", | |
"op": "RealDiv" | |
}, | |
"dur": 10 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Equal", | |
"ts": 1539078719751754, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Equal", | |
"op": "Equal" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Minimum", | |
"ts": 1539078719751795, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/clip_by_value/Minimum", | |
"op": "Minimum" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Cast", | |
"ts": 1539078719751835, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Cast", | |
"op": "Cast" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Maximum", | |
"ts": 1539078719751875, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/clip_by_value", | |
"op": "Maximum" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719751918, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Mean", | |
"op": "Mean" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Log", | |
"ts": 1539078719751956, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Log", | |
"op": "Log" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752097, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/mul", | |
"op": "Mul" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Sum", | |
"ts": 1539078719752158, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum_1", | |
"op": "Sum" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Neg", | |
"ts": 1539078719752199, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Neg", | |
"op": "Neg" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752234, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/mul_1", | |
"op": "Mul" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "RealDiv", | |
"ts": 1539078719752273, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/truediv_1", | |
"op": "RealDiv" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719752316, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Mean_2", | |
"op": "Mean" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752356, | |
"ph": "X", | |
"pid": 9, | |
"tid": 0, | |
"args": { | |
"name": "loss/mul", | |
"op": "Mul" | |
}, | |
"dur": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "NoOp", | |
"ts": 1539078719749410, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "_SOURCE", | |
"op": "NoOp" | |
}, | |
"dur": 21 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749464, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/mul/x", | |
"op": "Const" | |
}, | |
"dur": 27 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749493, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/sub", | |
"op": "Const" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749500, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Const", | |
"op": "Const" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749522, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/NotEqual/y", | |
"op": "Const" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749529, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "PermConstNCHWToNHWC-LayoutOptimizer", | |
"op": "Const" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749537, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/kernel", | |
"op": "VariableV2" | |
}, | |
"dur": 14 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749553, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/bias", | |
"op": "VariableV2" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749561, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/kernel", | |
"op": "VariableV2" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749570, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/bias", | |
"op": "VariableV2" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749578, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "PermConstNHWCToNCHW-LayoutOptimizer", | |
"op": "Const" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749584, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/strided_slice/stack", | |
"op": "Const" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749590, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/kernel", | |
"op": "VariableV2" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749597, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/bias", | |
"op": "VariableV2" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749605, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/kernel", | |
"op": "VariableV2" | |
}, | |
"dur": 7 | |
}, | |
{ | |
"cat": "Op", | |
"name": "VariableV2", | |
"ts": 1539078719749613, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/bias", | |
"op": "VariableV2" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749620, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum/reduction_indices", | |
"op": "Const" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Const", | |
"ts": 1539078719749628, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Const_1", | |
"op": "Const" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749634, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/kernel/read", | |
"input0": "conv2d_1/kernel", | |
"op": "Identity" | |
}, | |
"dur": 8 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749644, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/bias/read", | |
"input0": "conv2d_1/bias", | |
"op": "Identity" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749650, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/kernel/read", | |
"input0": "conv2d_2/kernel", | |
"op": "Identity" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749656, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/bias/read", | |
"input0": "conv2d_2/bias", | |
"op": "Identity" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749663, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/kernel/read", | |
"input0": "dense_1/kernel", | |
"op": "Identity" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749669, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/bias/read", | |
"input0": "dense_1/bias", | |
"op": "Identity" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749675, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/kernel/read", | |
"input0": "dense_2/kernel", | |
"op": "Identity" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Identity", | |
"ts": 1539078719749681, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/bias/read", | |
"input0": "dense_2/bias", | |
"op": "Identity" | |
}, | |
"dur": 5 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Transpose", | |
"ts": 1539078719749688, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution-0-TransposeNHWCToNCHW-LayoutOptimizer", | |
"input0": "_arg_conv2d_1_input_0_0/_99", | |
"input1": "PermConstNHWCToNCHW-LayoutOptimizer", | |
"op": "Transpose" | |
}, | |
"dur": 23 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_conv2d_1_input_0_0", | |
"id": 0, | |
"ts": 1539078719749431, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_conv2d_1_input_0_0", | |
"id": 0, | |
"ts": 1539078719749688, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719749717, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/convolution", | |
"input0": "conv2d_1/convolution-0-TransposeNHWCToNCHW-LayoutOptimizer", | |
"input1": "conv2d_1/kernel/read", | |
"op": "Conv2D" | |
}, | |
"dur": 227 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719749959, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/BiasAdd", | |
"input0": "conv2d_1/convolution", | |
"input1": "conv2d_1/bias/read", | |
"op": "BiasAdd" | |
}, | |
"dur": 87 | |
}, | |
{ | |
"cat": "Op", | |
"name": "ArgMax", | |
"ts": 1539078719749949, | |
"ph": "X", | |
"pid": 11, | |
"tid": 1, | |
"args": { | |
"name": "metrics/acc/ArgMax", | |
"input0": "_arg_dense_2_target_0_1/_101", | |
"input1": "loss/dense_2_loss/Sum/reduction_indices", | |
"op": "ArgMax" | |
}, | |
"dur": 135 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_target_0_1", | |
"id": 1, | |
"ts": 1539078719749441, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_target_0_1", | |
"id": 1, | |
"ts": 1539078719749949, | |
"ph": "t", | |
"pid": 11, | |
"tid": 1 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/Sum/reduction_indices", | |
"id": 2, | |
"ts": 1539078719749625, | |
"ph": "s", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/Sum/reduction_indices", | |
"id": 2, | |
"ts": 1539078719749949, | |
"ph": "t", | |
"pid": 11, | |
"tid": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "NotEqual", | |
"ts": 1539078719749997, | |
"ph": "X", | |
"pid": 11, | |
"tid": 2, | |
"args": { | |
"name": "loss/dense_2_loss/NotEqual", | |
"input0": "_arg_dense_2_sample_weights_0_2/_97", | |
"input1": "loss/dense_2_loss/NotEqual/y", | |
"op": "NotEqual" | |
}, | |
"dur": 146 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_sample_weights_0_2", | |
"id": 3, | |
"ts": 1539078719749457, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_sample_weights_0_2", | |
"id": 3, | |
"ts": 1539078719749997, | |
"ph": "t", | |
"pid": 11, | |
"tid": 2 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/NotEqual/y", | |
"id": 4, | |
"ts": 1539078719749527, | |
"ph": "s", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/NotEqual/y", | |
"id": 4, | |
"ts": 1539078719749997, | |
"ph": "t", | |
"pid": 11, | |
"tid": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719750052, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_1/Relu", | |
"input0": "conv2d_1/BiasAdd", | |
"op": "Relu" | |
}, | |
"dur": 126 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Cast", | |
"ts": 1539078719750153, | |
"ph": "X", | |
"pid": 11, | |
"tid": 1, | |
"args": { | |
"name": "loss/dense_2_loss/Cast", | |
"input0": "loss/dense_2_loss/NotEqual", | |
"op": "Cast" | |
}, | |
"dur": 92 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/NotEqual", | |
"id": 5, | |
"ts": 1539078719750143, | |
"ph": "s", | |
"pid": 11, | |
"tid": 2 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/NotEqual", | |
"id": 5, | |
"ts": 1539078719750153, | |
"ph": "t", | |
"pid": 11, | |
"tid": 1 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719750254, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Mean_1", | |
"input0": "loss/dense_2_loss/Cast", | |
"input1": "loss/dense_2_loss/Const_1", | |
"op": "Mean" | |
}, | |
"dur": 108 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/Cast", | |
"id": 6, | |
"ts": 1539078719750245, | |
"ph": "s", | |
"pid": 11, | |
"tid": 1 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/dense_2_loss/Cast", | |
"id": 6, | |
"ts": 1539078719750254, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Conv2D", | |
"ts": 1539078719750183, | |
"ph": "X", | |
"pid": 11, | |
"tid": 2, | |
"args": { | |
"name": "conv2d_2/convolution", | |
"input0": "conv2d_1/Relu", | |
"input1": "conv2d_2/kernel/read", | |
"op": "Conv2D" | |
}, | |
"dur": 263 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "conv2d_1/Relu", | |
"id": 7, | |
"ts": 1539078719750178, | |
"ph": "s", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "conv2d_1/Relu", | |
"id": 7, | |
"ts": 1539078719750183, | |
"ph": "t", | |
"pid": 11, | |
"tid": 2 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "conv2d_2/kernel/read", | |
"id": 8, | |
"ts": 1539078719749655, | |
"ph": "s", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "conv2d_2/kernel/read", | |
"id": 8, | |
"ts": 1539078719750183, | |
"ph": "t", | |
"pid": 11, | |
"tid": 2 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719750459, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/BiasAdd", | |
"input0": "conv2d_2/convolution", | |
"input1": "conv2d_2/bias/read", | |
"op": "BiasAdd" | |
}, | |
"dur": 50 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "conv2d_2/convolution", | |
"id": 9, | |
"ts": 1539078719750446, | |
"ph": "s", | |
"pid": 11, | |
"tid": 2 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "conv2d_2/convolution", | |
"id": 9, | |
"ts": 1539078719750459, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719750513, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "conv2d_2/Relu", | |
"input0": "conv2d_2/BiasAdd", | |
"op": "Relu" | |
}, | |
"dur": 34 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MaxPool", | |
"ts": 1539078719750550, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "max_pooling2d_1/MaxPool", | |
"input0": "conv2d_2/Relu", | |
"op": "MaxPool" | |
}, | |
"dur": 71 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Switch", | |
"ts": 1539078719750630, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dropout_1/cond/Switch_1", | |
"input0": "max_pooling2d_1/MaxPool", | |
"input1": "_arg_dropout_1/keras_learning_phase_0_3/_105", | |
"op": "Switch" | |
}, | |
"dur": 12 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dropout_1/keras_learning_phase_0_3", | |
"id": 10, | |
"ts": 1539078719749480, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dropout_1/keras_learning_phase_0_3", | |
"id": 10, | |
"ts": 1539078719750630, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Merge", | |
"ts": 1539078719750647, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dropout_1/cond/Merge", | |
"input0": "dropout_1/cond/Switch_1", | |
"input1": "dropout_1/cond/dropout/mul", | |
"op": "Merge" | |
}, | |
"dur": 18 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Transpose", | |
"ts": 1539078719750668, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dropout_1/cond/Merge-0-0-TransposeNCHWToNHWC-LayoutOptimizer", | |
"input0": "dropout_1/cond/Merge", | |
"input1": "PermConstNCHWToNHWC-LayoutOptimizer", | |
"op": "Transpose" | |
}, | |
"dur": 51 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Shape", | |
"ts": 1539078719750727, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/Shape", | |
"input0": "dropout_1/cond/Merge", | |
"op": "Shape" | |
}, | |
"dur": 17 | |
}, | |
{ | |
"cat": "Op", | |
"name": "DataFormatVecPermute", | |
"ts": 1539078719750747, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/Shape-0-0-VecPermuteNCHWToNHWC-LayoutOptimizer", | |
"input0": "flatten_1/Shape", | |
"op": "DataFormatVecPermute" | |
}, | |
"dur": 14 | |
}, | |
{ | |
"cat": "Op", | |
"name": "StridedSlice", | |
"ts": 1539078719750764, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/strided_slice", | |
"input2": "loss/dense_2_loss/Const_1", | |
"input1": "flatten_1/strided_slice/stack", | |
"input3": "flatten_1/strided_slice/stack", | |
"op": "StridedSlice", | |
"input0": "flatten_1/Shape-0-0-VecPermuteNCHWToNHWC-LayoutOptimizer" | |
}, | |
"dur": 20 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Prod", | |
"ts": 1539078719750959, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/Prod", | |
"input0": "flatten_1/strided_slice/_107", | |
"input1": "loss/dense_2_loss/Const_1", | |
"op": "Prod" | |
}, | |
"dur": 66 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Pack", | |
"ts": 1539078719751152, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/stack", | |
"input0": "loss/dense_2_loss/Sum/reduction_indices", | |
"input1": "flatten_1/Prod/_109", | |
"op": "Pack" | |
}, | |
"dur": 30 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Reshape", | |
"ts": 1539078719751188, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "flatten_1/Reshape", | |
"input0": "dropout_1/cond/Merge-0-0-TransposeNCHWToNHWC-LayoutOptimizer", | |
"input1": "flatten_1/stack", | |
"op": "Reshape" | |
}, | |
"dur": 12 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MatMul", | |
"ts": 1539078719751203, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/MatMul", | |
"input0": "flatten_1/Reshape", | |
"input1": "dense_1/kernel/read", | |
"op": "MatMul" | |
}, | |
"dur": 74 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719751282, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/BiasAdd", | |
"input0": "dense_1/MatMul", | |
"input1": "dense_1/bias/read", | |
"op": "BiasAdd" | |
}, | |
"dur": 45 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Relu", | |
"ts": 1539078719751330, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_1/Relu", | |
"input0": "dense_1/BiasAdd", | |
"op": "Relu" | |
}, | |
"dur": 34 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Switch", | |
"ts": 1539078719751367, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dropout_2/cond/Switch_1", | |
"input0": "dense_1/Relu", | |
"input1": "_arg_dropout_1/keras_learning_phase_0_3/_105", | |
"op": "Switch" | |
}, | |
"dur": 9 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dropout_1/keras_learning_phase_0_3", | |
"id": 11, | |
"ts": 1539078719749480, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dropout_1/keras_learning_phase_0_3", | |
"id": 11, | |
"ts": 1539078719751367, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Merge", | |
"ts": 1539078719751391, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dropout_2/cond/Merge", | |
"input0": "dropout_2/cond/Switch_1", | |
"input1": "dropout_2/cond/dropout/mul", | |
"op": "Merge" | |
}, | |
"dur": 15 | |
}, | |
{ | |
"cat": "Op", | |
"name": "MatMul", | |
"ts": 1539078719751410, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/MatMul", | |
"input0": "dropout_2/cond/Merge", | |
"input1": "dense_2/kernel/read", | |
"op": "MatMul" | |
}, | |
"dur": 55 | |
}, | |
{ | |
"cat": "Op", | |
"name": "BiasAdd", | |
"ts": 1539078719751470, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/BiasAdd", | |
"input0": "dense_2/MatMul", | |
"input1": "dense_2/bias/read", | |
"op": "BiasAdd" | |
}, | |
"dur": 35 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Softmax", | |
"ts": 1539078719751509, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "dense_2/Softmax", | |
"input0": "dense_2/BiasAdd", | |
"op": "Softmax" | |
}, | |
"dur": 82 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Sum", | |
"ts": 1539078719751596, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum", | |
"input0": "dense_2/Softmax", | |
"input1": "loss/dense_2_loss/Sum/reduction_indices", | |
"op": "Sum" | |
}, | |
"dur": 41 | |
}, | |
{ | |
"cat": "Op", | |
"name": "ArgMax", | |
"ts": 1539078719751641, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/ArgMax_1", | |
"input0": "dense_2/Softmax", | |
"input1": "loss/dense_2_loss/Sum/reduction_indices", | |
"op": "ArgMax" | |
}, | |
"dur": 37 | |
}, | |
{ | |
"cat": "Op", | |
"name": "RealDiv", | |
"ts": 1539078719751682, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/truediv", | |
"input0": "dense_2/Softmax", | |
"input1": "loss/dense_2_loss/Sum", | |
"op": "RealDiv" | |
}, | |
"dur": 38 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Equal", | |
"ts": 1539078719751724, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Equal", | |
"input0": "metrics/acc/ArgMax", | |
"input1": "metrics/acc/ArgMax_1", | |
"op": "Equal" | |
}, | |
"dur": 40 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "metrics/acc/ArgMax", | |
"id": 12, | |
"ts": 1539078719750084, | |
"ph": "s", | |
"pid": 11, | |
"tid": 1 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "metrics/acc/ArgMax", | |
"id": 12, | |
"ts": 1539078719751724, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Minimum", | |
"ts": 1539078719751767, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/clip_by_value/Minimum", | |
"input0": "loss/dense_2_loss/truediv", | |
"input1": "loss/dense_2_loss/sub", | |
"op": "Minimum" | |
}, | |
"dur": 36 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Cast", | |
"ts": 1539078719751807, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Cast", | |
"input0": "metrics/acc/Equal", | |
"op": "Cast" | |
}, | |
"dur": 37 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Maximum", | |
"ts": 1539078719751847, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/clip_by_value", | |
"input0": "loss/dense_2_loss/clip_by_value/Minimum", | |
"input1": "loss/dense_2_loss/Const", | |
"op": "Maximum" | |
}, | |
"dur": 35 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719751886, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "metrics/acc/Mean", | |
"input0": "metrics/acc/Cast", | |
"input1": "loss/dense_2_loss/Const_1", | |
"op": "Mean" | |
}, | |
"dur": 41 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Log", | |
"ts": 1539078719751931, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Log", | |
"input0": "loss/dense_2_loss/clip_by_value", | |
"op": "Log" | |
}, | |
"dur": 32 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752057, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/mul", | |
"input0": "_arg_dense_2_target_0_1/_101", | |
"input1": "loss/dense_2_loss/Log", | |
"op": "Mul" | |
}, | |
"dur": 56 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_target_0_1", | |
"id": 13, | |
"ts": 1539078719749441, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_target_0_1", | |
"id": 13, | |
"ts": 1539078719752057, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Sum", | |
"ts": 1539078719752122, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Sum_1", | |
"input0": "loss/dense_2_loss/mul", | |
"input1": "loss/dense_2_loss/Sum/reduction_indices", | |
"op": "Sum" | |
}, | |
"dur": 47 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Neg", | |
"ts": 1539078719752173, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Neg", | |
"input0": "loss/dense_2_loss/Sum_1", | |
"op": "Neg" | |
}, | |
"dur": 34 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752210, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/mul_1", | |
"input0": "loss/dense_2_loss/Neg", | |
"input1": "_arg_dense_2_sample_weights_0_2/_97", | |
"op": "Mul" | |
}, | |
"dur": 33 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_sample_weights_0_2", | |
"id": 14, | |
"ts": 1539078719749457, | |
"ph": "s", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "_arg_dense_2_sample_weights_0_2", | |
"id": 14, | |
"ts": 1539078719752210, | |
"ph": "t", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "RealDiv", | |
"ts": 1539078719752247, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/truediv_1", | |
"input0": "loss/dense_2_loss/mul_1", | |
"input1": "loss/dense_2_loss/Mean_1", | |
"op": "RealDiv" | |
}, | |
"dur": 35 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mean", | |
"ts": 1539078719752285, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/dense_2_loss/Mean_2", | |
"input0": "loss/dense_2_loss/truediv_1", | |
"input1": "loss/dense_2_loss/Const_1", | |
"op": "Mean" | |
}, | |
"dur": 41 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Mul", | |
"ts": 1539078719752330, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "loss/mul", | |
"input0": "loss/mul/x", | |
"input1": "loss/dense_2_loss/Mean_2", | |
"op": "Mul" | |
}, | |
"dur": 32 | |
}, | |
{ | |
"cat": "Op", | |
"name": "NoOp", | |
"ts": 1539078719752366, | |
"ph": "X", | |
"pid": 11, | |
"tid": 0, | |
"args": { | |
"name": "group_deps", | |
"input0": "^loss/mul", | |
"input1": "^metrics/acc/Mean", | |
"op": "NoOp" | |
}, | |
"dur": 6 | |
}, | |
{ | |
"cat": "Op", | |
"name": "NoOp", | |
"ts": 1539078719749402, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_SOURCE", | |
"op": "NoOp" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "_Arg", | |
"ts": 1539078719749418, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_arg_conv2d_1_input_0_0", | |
"op": "_Arg" | |
}, | |
"dur": 13 | |
}, | |
{ | |
"cat": "Op", | |
"name": "_Arg", | |
"ts": 1539078719749437, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_arg_dense_2_target_0_1", | |
"op": "_Arg" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "_Arg", | |
"ts": 1539078719749454, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_arg_dense_2_sample_weights_0_2", | |
"op": "_Arg" | |
}, | |
"dur": 3 | |
}, | |
{ | |
"cat": "Op", | |
"name": "_Arg", | |
"ts": 1539078719749463, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_arg_dropout_1/keras_learning_phase_0_3", | |
"op": "_Arg" | |
}, | |
"dur": 17 | |
}, | |
{ | |
"cat": "Op", | |
"name": "Switch", | |
"ts": 1539078719749486, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "dropout_1/cond/Switch", | |
"input0": "_arg_dropout_1/keras_learning_phase_0_3", | |
"input1": "_arg_dropout_1/keras_learning_phase_0_3", | |
"op": "Switch" | |
}, | |
"dur": 4 | |
}, | |
{ | |
"cat": "Op", | |
"name": "_Retval", | |
"ts": 1539078719752121, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_retval_metrics/acc/Mean_0_1", | |
"input0": "metrics/acc/Mean/_113", | |
"op": "_Retval" | |
}, | |
"dur": 9 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "metrics/acc/Mean", | |
"id": 15, | |
"ts": 1539078719751927, | |
"ph": "s", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "metrics/acc/Mean", | |
"id": 15, | |
"ts": 1539078719752121, | |
"ph": "t", | |
"pid": 13, | |
"tid": 0 | |
}, | |
{ | |
"cat": "Op", | |
"name": "_Retval", | |
"ts": 1539078719752541, | |
"ph": "X", | |
"pid": 13, | |
"tid": 0, | |
"args": { | |
"name": "_retval_loss/mul_0_0", | |
"input0": "loss/mul/_111", | |
"op": "_Retval" | |
}, | |
"dur": 15 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/mul", | |
"id": 16, | |
"ts": 1539078719752362, | |
"ph": "s", | |
"pid": 11, | |
"tid": 0 | |
}, | |
{ | |
"cat": "DataFlow", | |
"name": "loss/mul", | |
"id": 16, | |
"ts": 1539078719752541, | |
"ph": "t", | |
"pid": 13, | |
"tid": 0 | |
} | |
] | |
} |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment